diff --git a/README.md b/README.md index e1638eb4ab24011028032483e942d4e2c0d11894..aad1240c43108c946e1aa0619cc066df96e78e57 100644 --- a/README.md +++ b/README.md @@ -1,5 +1,76 @@ # Dialogue Ontology Relation Extraction via Constrained Chain-of-Thought Decoding -This repository contains the code to the SIGDIAL 2024 paper “Dialogue Ontology Relation Extraction via Constrained Chain-of-Though Decoding”. +This is the code for the SIGDIAL 2024 paper Dialogue Ontology Relation Extraction via Constrained Chain-of-Thought Decoding + + +## Data +We use the [Multi-WOZ 2.1 Data-set](https://github.com/budzianowski/multiwoz) +and the [Schema-Guided Dialogue data-set](https://github.com/google-research-datasets/dstc8-schema-guided-dialogue) +for which the preprocessed datasets we use can be found in the data folder. + +## Requirements +Install requirements using: +```bash +python3 -m pip install -r requirements.txt +``` + + +## Training + +Train a model with a config_name given in finetuning/training/finetuning_config_list.py using: +``` +cd finetuning +python -m training.autoregressive_finetuning --config_name ${config_name} +``` + +## Inference + +Do inference with a config_name given in LLM_experiments/configs.py using: +``` +cd experiments +python -u TOD_ontology_inference.py --config_name ${config_name} +``` + +## Evaluation + +Evaluate with a config_name given in LLM_experiments/configs.py using: +``` +cd experiments +python -u TOD_ontology_evaluation.py --config_name ${config_name} +``` + +For combining the predictions of different approaches, e.g. of the different one relation only prompts, use a list of config names as input: +``` +cd LLM_experiments +python -u TOD_ontology_evaluation.py --config_name_list ${config_names[@]} +``` + +For CoT-decoding set the aggregation strategy, number of branches used and the threshold for non highest disparity branch strategies using the following flags: +``` +--cot_aggregation_strategy ${aggregation_strategy} +--cot_disparity_threshold ${disparity_threshold} +--k_branches_to_use ${k_branches_to_use} +--cot_disparity_threshold ${disparity_threshold} +``` + + +## Citation + +``` +@article{vukovic2024dialogue, + title={Dialogue Ontology Relation Extraction via Constrained Chain-of-Thought Decoding}, + author={Vukovic, Renato and Arps, David and van Niekerk, Carel and Ruppik, Benjamin Matthias and Lin, Hsien-Chin and Heck, Michael and Ga{\v{s}}i{\'c}, Milica}, + journal={arXiv preprint arXiv:2408.02361}, + year={2024} +} +``` + +## License +This project is licensed under the Apache License, Version 2.0 (the "License"); +you may not use the files except in compliance with the License. +You may obtain a copy of the License at + +http://www.apache.org/licenses/LICENSE-2.0 + + -## The code will be added soon. diff --git a/data/.DS_Store b/data/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..b92e80904a9973dcd02bb53b734f42a5ce2e17f4 Binary files /dev/null and b/data/.DS_Store differ diff --git a/data/DORE_data_preparation.ipynb b/data/DORE_data_preparation.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..3d57fdbdd6837592a1d1f6e634c7df0dc8967d3c --- /dev/null +++ b/data/DORE_data_preparation.ipynb @@ -0,0 +1,19657 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# coding=utf-8\n", + "#\n", + "# Copyright 2024\n", + "# Heinrich Heine University Dusseldorf,\n", + "# Faculty of Mathematics and Natural Sciences,\n", + "# Computer Science Department\n", + "#\n", + "# Authors:\n", + "# Renato Vukovic (renato.vukovic@hhu.de)\n", + "#\n", + "# This code was generated with the help of AI writing assistants\n", + "# including GitHub Copilot, ChatGPT, Bing Chat.\n", + "#\n", + "# Licensed under the Apache License, Version 2.0 (the \"License\");\n", + "# you may not use this file except in compliance with the License.\n", + "# You may obtain a copy of the License at\n", + "#\n", + "# http://www.apache.org/licenses/LICENSE-2.0\n", + "#\n", + "# Unless required by applicable law or agreed to in writing, software\n", + "# distributed under the License is distributed on an \"AS IS\" BASIS,\n", + "# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.\n", + "# See the License for the specific language governing permissions and\n", + "# limitations under the License.\n", + "\n", + "# # # # # # # # # # # # # # # # # # # # # # # # # # # # #" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Prepare data for DORE experiments on MultiWOZ and SGD on inferring ontology relations based on all the dialogues in the data-set" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "from convlab.util import load_dataset, load_ontology, load_database\n", + "import re\n", + "import json\n", + "from pathlib import Path\n", + "from tqdm import tqdm\n", + "import random\n", + "import copy\n", + "import importlib\n", + "import sys\n", + "import torch\n", + "from collections import Counter" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "def tokenize(utt):\n", + " utt_lower = utt.lower()\n", + " #utt_lower = utt_lower.replace(\"\\n\", \" \")\n", + " utt_lower = utt_lower.replace(\"\\t\", \" \")\n", + " utt_tok = utt_to_token(utt_lower)\n", + " return utt_tok\n", + "\n", + "def utt_to_token(utt):\n", + " return [tok for tok in map(lambda x: re.sub(\" \", \"\", x), re.split(\"(\\W+)\", utt)) if len(tok) > 0]\n" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "def present_in_utterance(term, utterance):\n", + " if term in utterance:\n", + " #now check that each token of the splitted term occurs behind each other in the utterance\n", + " splitted_term = term.split()\n", + " splitted_utterance = utterance.split()\n", + " for i in range(len(splitted_utterance)-len(splitted_term)+1):\n", + " if all([splitted_utterance[i+j] == splitted_term[j] for j in range(len(splitted_term))]):\n", + " return True\n", + " return False\n", + " else:\n", + " return False\n", + " \n", + "def present_in_other_terms(term, other_term):\n", + " if present_in_utterance(term, other_term) and term != other_term:\n", + " return True\n", + " else:\n", + " return False" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### load and prepare the dialogues with convlab" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "dataset = load_dataset(\"multiwoz21\")\n", + "ontology = load_ontology(\"multiwoz21\")" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### load the multiwoz label maps from TripPy" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "with Path(\"./multiwoz21_trippy_labelmaps.json\").open(\"r\") as f:\n", + "\tlabelmaps = json.load(f)\n", + "\n", + "\n", + "\n", + "labelmaps = labelmaps[\"label_maps\"]\n", + "\n", + "#tokenize all the label maps\n", + "tokenized_labelmaps = {}\n", + "for key, values in labelmaps.items():\n", + "\ttokenized_key = \" \".join(tokenize(key))\n", + "\ttokenized_labelmaps[tokenized_key] = [\" \".join(tokenize(value)) for value in values]\n", + "\n", + "labelmaps = tokenized_labelmaps" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "splits = [\"train\", \"validation\", \"test\"]" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "#make a dict that maps the domain-slot pairs to their values\n", + "slot_value_dict = {}\n", + "ontology_dict = {}\n", + "for domain, content in ontology[\"domains\"].items():\n", + " ontology_dict[domain] = {}\n", + " for slot, values in content[\"slots\"].items():\n", + " if \"possible_values\" in values:\n", + " ontology_dict[domain][slot] = set(values[\"possible_values\"])\n", + " slot_value_dict[domain + '-' + slot] = set(values['possible_values'])\n", + " else:\n", + " ontology_dict[domain][slot] = set()\n", + " slot_value_dict[domain + '-' + slot] = set()" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "metadata": {}, + "outputs": [], + "source": [ + "#go through the validation set and extract the slot types and values that appear in the user turns to get the validation ontology\n", + "ontology = {}\n", + "#also make a dict that maps the values to the utterances they appear in\n", + "slot_value_utterance_dict = {}\n", + "dialogue_turn_slot_value_dict = {}\n", + "for split in splits:\n", + " dialogue_turn_slot_value_dict[split] = {}\n", + " for dialog in dataset[split]:\n", + " dial_id = dialog[\"dialogue_id\"]\n", + " dialogue_turn_slot_value_dict[split][dial_id] = {}\n", + " for turn in dialog['turns']:\n", + " turn_id = turn[\"utt_idx\"]\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id] = {}\n", + "\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"speaker\"] = turn[\"speaker\"]\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"utterance\"] = \" \".join(tokenize(turn[\"utterance\"]))\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalues\"] = []\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalue pairs\"] = []\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotlabels\"] = []\n", + "\n", + " for cat, values in turn[\"dialogue_acts\"].items():\n", + " if cat != \"binary\":\n", + " if turn[\"speaker\"] == \"user\" or turn[\"speaker\"] == \"system\":\n", + " for val in values:\n", + " ontology_dict[val[\"domain\"]][val[\"slot\"]].add(val[\"value\"])\n", + " if val[\"domain\"] + ' ' + val[\"slot\"] not in ontology:\n", + " ontology[val[\"domain\"] + ' ' + val[\"slot\"]] = set()\n", + " slot_value_utterance_dict[val[\"domain\"] + ' ' + val[\"slot\"]] = {}\n", + " tokenized_value = \" \".join(tokenize(val[\"value\"]))\n", + " ontology[val[\"domain\"] + ' ' + val[\"slot\"]].add(tokenized_value)\n", + " if tokenized_value not in slot_value_utterance_dict[val[\"domain\"] + ' ' + val[\"slot\"]]:\n", + " slot_value_utterance_dict[val[\"domain\"] + ' ' + val[\"slot\"]][tokenized_value] = []\n", + " slot_value_utterance_dict[val[\"domain\"] + ' ' + val[\"slot\"]][tokenized_value].append((turn[\"speaker\"], (\" \".join(tokenize(turn[\"utterance\"])), dial_id, turn_id, turn[\"dialogue_acts\"])))\n", + " \n", + " #add all the utterances with domains, slots and values to the dialogue_turn_slot_value_dict\n", + " for val in values:\n", + " dom = \" \".join(tokenize(val[\"domain\"]))\n", + " slot = \" \".join(tokenize(val[\"slot\"]))\n", + " value = \" \".join(tokenize(val[\"value\"]))\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalues\"].extend([dom, slot, value])\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotlabels\"].extend([dom + \" \" + slot] * 3)\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalue pairs\"].append((dom, slot, value))\n", + " \n", + " else: #also include binary dialogue acts as they containt domain-slot relations\n", + " if turn[\"speaker\"] == \"user\" or turn[\"speaker\"] == \"system\":\n", + " for val in values:\n", + " if val[\"domain\"] == \"general\":\n", + " continue\n", + " if val[\"domain\"] + ' ' + val[\"slot\"] not in ontology:\n", + " ontology[val[\"domain\"] + ' ' + val[\"slot\"]] = set()\n", + " slot_value_utterance_dict[val[\"domain\"] + ' ' + val[\"slot\"]] = {}\n", + " \n", + " #add all the utterances with domains, slots and values to the dialogue_turn_slot_value_dict\n", + " for val in values:\n", + " dom = \" \".join(tokenize(val[\"domain\"]))\n", + " if dom == \"general\":\n", + " continue\n", + " slot = \" \".join(tokenize(val[\"slot\"]))\n", + " value = \"\"\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalues\"].extend([dom, slot, value])\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotlabels\"].extend([dom + \" \" + slot] * 3)\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalue pairs\"].append((dom, slot, value))\n", + "\n", + "\n", + "\n", + " \n" + ] + }, + { + "cell_type": "code", + "execution_count": 47, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 8438/8438 [00:19<00:00, 425.80it/s]\n", + "100%|██████████| 1000/1000 [00:02<00:00, 364.06it/s]\n", + "100%|██████████| 1000/1000 [00:02<00:00, 361.14it/s]\n" + ] + } + ], + "source": [ + "###accumulate the list of all terms that appear in a dialogue and their relations to other terms\n", + "dialogue_term_dict = {}\n", + "for split in splits:\n", + " dialogue_term_dict[split] = {}\n", + " for dial_id, turns in tqdm(dialogue_turn_slot_value_dict[split].items()):\n", + " current_dialogue_text = \"\"\n", + " current_dialogue_terms = []\n", + " current_dialogue_relational_triplets = []\n", + " for turn_id, turn in turns.items():\n", + " turn_text = '\"' + turn['speaker'] + '\": \"' + turn[\"utterance\"] + '\"\\n'\n", + " current_dialogue_text += turn_text\n", + " if turn[\"speaker\"] == \"user\" or turn[\"speaker\"] == \"system\":\n", + " current_dialogue_terms.extend([val for val in turn[\"slotvalues\"] if val])\n", + " for slotval_triplet in turn[\"slotvalue pairs\"]:\n", + " if slotval_triplet[1]: #some cases where the slot is empty in binary dialogue act\n", + " current_dialogue_relational_triplets.append((slotval_triplet[0], \"has slot\", slotval_triplet[1]))\n", + " if slotval_triplet[2]: #it is empty for the triples from the binary slots where only the domain-slot relation is used\n", + " current_dialogue_relational_triplets.append((slotval_triplet[1], \"has value\", slotval_triplet[2]))\n", + " current_dialogue_relational_triplets.append((slotval_triplet[2], \"has domain\", slotval_triplet[0]))\n", + " dialogue_term_dict[split][dial_id] = {}\n", + " dialogue_term_dict[split][dial_id][\"text\"] = current_dialogue_text\n", + "\n", + " #check those values that are not present in the text whether there is a label map present\n", + " triplet_copy = copy.deepcopy(current_dialogue_relational_triplets)\n", + " for head, relation, tail in triplet_copy:\n", + " #if head not in current_dialogue_text and tail not in current_dialogue_text:\n", + " if head in labelmaps and tail in labelmaps:\n", + " head_label_map = \"\"\n", + " tail_label_map = \"\"\n", + " for labelmap in labelmaps[head]:\n", + " if labelmap in current_dialogue_text:\n", + " head_label_map = labelmap\n", + " current_dialogue_terms.append(labelmap)\n", + " current_dialogue_relational_triplets.append((head, \"refers to same concept as\", labelmap))\n", + " break\n", + " for labelmap in labelmaps[tail]:\n", + " if labelmap in current_dialogue_text:\n", + " tail_label_map = labelmap\n", + " current_dialogue_terms.append(labelmap)\n", + " current_dialogue_relational_triplets.append((tail, \"refers to same concept as\", labelmap))\n", + " break\n", + " elif head in labelmaps:\n", + " for labelmap in labelmaps[head]:\n", + " if labelmap in current_dialogue_text:\n", + " current_dialogue_terms.append(labelmap)\n", + " current_dialogue_relational_triplets.append((head, \"refers to same concept as\", labelmap))\n", + " break\n", + " elif tail in labelmaps:\n", + " for labelmap in labelmaps[tail]:\n", + " if labelmap in current_dialogue_text:\n", + " current_dialogue_terms.append(labelmap)\n", + " current_dialogue_relational_triplets.append((tail, \"refers to same concept as\", labelmap))\n", + " break\n", + " \n", + "\n", + " dialogue_term_dict[split][dial_id][\"terms\"] = list(set([term for term in current_dialogue_terms if present_in_utterance(term, current_dialogue_text)]))\n", + " \n", + " dialogue_term_dict[split][dial_id][\"relational triplets\"] = list(set(current_dialogue_relational_triplets))\n" + ] + }, + { + "cell_type": "code", + "execution_count": 49, + "metadata": {}, + "outputs": [], + "source": [ + "#save the dialogue_term_dict\n", + "with Path(\"./multiwoz21_dialogue_term_dict.json\").open(\"w\") as f:\n", + "\tjson.dump(dialogue_term_dict, f, indent=4)\n" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Now define replacements of slot names in order for them to be more likely to be present in the data" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "slotname_replacements ={\n", + " \"ref\": \"reference number\",\n", + " \"book day\": \"day\",\n", + " \"book people\": \"people\",\n", + " \"book time\": \"time\",\n", + " \"book stay\": \"stay\",\n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 8438/8438 [00:04<00:00, 2030.83it/s]\n", + "100%|██████████| 1000/1000 [00:00<00:00, 1740.09it/s]\n", + "100%|██████████| 1000/1000 [00:00<00:00, 1779.44it/s]\n" + ] + } + ], + "source": [ + "dialogue_term_dict_with_replaced_slotnames = {}\n", + "#go through the data and replace the slotnames with the replacements in the relation triplets, if they are then present in dialogues, then add them to the list as well\n", + "for split in splits:\n", + "\tdialogue_term_dict_with_replaced_slotnames[split] = {}\n", + "\tfor dial_id, dialogue in tqdm(dialogue_term_dict[split].items()):\n", + "\t\tdialogue_term_dict_with_replaced_slotnames[split][dial_id] = {}\n", + "\t\ttext = dialogue['text']\n", + "\t\tterms = dialogue['terms']\n", + "\t\trelations = dialogue['relational triplets']\n", + "\t\trelations_with_replaced_slotnames = []\n", + "\t\treplaced_slotname_terms = set()\n", + "\t\tfor rel in relations:\n", + "\t\t\t#has value relations\n", + "\t\t\trelation = copy.deepcopy(rel)\n", + "\t\t\tif relation[0] in slotname_replacements:\n", + "\t\t\t\trelation = (slotname_replacements[relation[0]], relation[1], relation[2])\n", + "\t\t\t\t#check that the term is present in the dialogue text\n", + "\t\t\t\tif present_in_utterance(relation[0], text):\n", + "\t\t\t\t\treplaced_slotname_terms.add(relation[0])\n", + "\t\t\t#has slot relations\n", + "\t\t\tif relation[2] in slotname_replacements:\n", + "\t\t\t\trelation = (relation[0], relation[1], slotname_replacements[relation[2]])\n", + "\t\t\t\t#check that the term is present in the dialogue text\n", + "\t\t\t\tif present_in_utterance(relation[2], text):\n", + "\t\t\t\t\treplaced_slotname_terms.add(relation[2])\n", + "\t\t\trelations_with_replaced_slotnames.append(relation)\n", + "\n", + "\t\tdialogue_term_dict_with_replaced_slotnames[split][dial_id]['text'] = text\n", + "\t\tdialogue_term_dict_with_replaced_slotnames[split][dial_id]['terms'] = list(set(terms + list(replaced_slotname_terms)))\n", + "\t\tdialogue_term_dict_with_replaced_slotnames[split][dial_id]['relational triplets'] = list(set(tuple(x) for x in relations_with_replaced_slotnames))\n", + "\n", + "\n", + "\n", + "\n" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Next add label maps for slots" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [], + "source": [ + "#label maps for the slots\n", + "\n", + "slot_labelmaps = {\n", + " \"people\": [\"ticket\", \"tickets\"],\n", + " \"stay\": [\"night\", \"nights\"],\n", + " \"reference number\": [\"ref\", \"reference\"],\n", + "\n", + " \"leave at\": [\"leave\", \"leaves\", \"departs\", \"departing\", \"leaving\", \"depart\"],\n", + " \"arrive by\": [\"arrive\", \"arrives\", \"arriving\", \"arrival\"],\n", + " \"stars\": [\"star\", \"rating\"],\n", + " \"area\": [\"part of town\", \"part of the city\"],\n", + " \"internet\": [\"wifi\"],\n", + " \"phone\": [\"telephone\", \"number\"],\n", + " \"price range\": [\"price\", \"priced\"],\n", + " \"price\": [\"cost\", \"costs\", \"fee\"],\n", + " \"entrance fee\": [\"fee\", \"cost\", \"costs\"],\n", + " \"departure\": [\"departs\", \"depart\", \"departing\", \"leaving\", \"leave\", \"leaves\" ],\n", + " \"destination\": [\"arrives\", \"arriving\", \"arrival\", \"arrive\"],\n", + " \"postcode\": [\"postal\"], \n", + " \"food\": [\"cuisine\"],\n", + "\n", + " \n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 8438/8438 [00:12<00:00, 687.53it/s]\n", + "100%|██████████| 1000/1000 [00:01<00:00, 540.63it/s]\n", + "100%|██████████| 1000/1000 [00:01<00:00, 545.26it/s]\n" + ] + } + ], + "source": [ + "#add them as refers to same relations to the dict\n", + "dialogue_term_dict_with_replaced_slotnames_with_labelmaps = {}\n", + "for split in splits:\n", + "\tdialogue_term_dict_with_replaced_slotnames_with_labelmaps[split] = {}\n", + "\tfor dial_id, dialogue in tqdm(dialogue_term_dict_with_replaced_slotnames[split].items()):\n", + "\t\tdialogue_term_dict_with_replaced_slotnames_with_labelmaps[split][dial_id] = {}\n", + "\t\ttext = dialogue['text']\n", + "\t\tterms = dialogue['terms']\n", + "\t\trelations = dialogue['relational triplets']\n", + "\t\trelations_with_labelmaps = []\n", + "\t\tadditional_terms_with_labelmaps = set()\n", + "\t\tfor head, rel, tail in relations:\n", + "\t\t\t#check if the head or tail is in the labelmaps\n", + "\t\t\tif head in slot_labelmaps:\n", + "\t\t\t\tfor term in slot_labelmaps[head]:\n", + "\t\t\t\t\tif present_in_utterance(term, text):\n", + "\t\t\t\t\t\tadditional_terms_with_labelmaps.add(term)\n", + "\t\t\t\t\t\trelations_with_labelmaps.append((head, \"refers to same concept as\", term))\n", + "\t\t\tif tail in slot_labelmaps:\n", + "\t\t\t\tfor term in slot_labelmaps[tail]:\n", + "\t\t\t\t\tif present_in_utterance(term, text):\n", + "\t\t\t\t\t\tadditional_terms_with_labelmaps.add(term)\n", + "\t\t\t\t\t\trelations_with_labelmaps.append((tail, \"refers to same concept as\", term))\n", + "\t\t\t\n", + "\n", + "\t\tdialogue_term_dict_with_replaced_slotnames_with_labelmaps[split][dial_id]['text'] = text\n", + "\t\tdialogue_term_dict_with_replaced_slotnames_with_labelmaps[split][dial_id]['terms'] = list(set(list(terms) + list(additional_terms_with_labelmaps)))\n", + "\t\tdialogue_term_dict_with_replaced_slotnames_with_labelmaps[split][dial_id]['relational triplets'] = list(set(tuple(x) for x in relations_with_labelmaps + relations))" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [], + "source": [ + "#save the new multiwoz term dict\n", + "with open(\"./multiwoz21_term_dict_with_replaced_slotnames_with_labelmaps.json\", \"w\") as f:\n", + "\tjson.dump(dialogue_term_dict_with_replaced_slotnames_with_labelmaps, f, indent=4)" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Next prepare the SGD data" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "dataset = load_dataset(\"sgd\")\n", + "ontology = load_ontology(\"sgd\")" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "splits = [\"train\", \"validation\", \"test\"]" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "#make a dict that maps the domain-slot pairs to their values\n", + "slot_value_dict = {}\n", + "ontology_dict = {}\n", + "for dom, content in ontology[\"domains\"].items():\n", + " domain = dom.split(\"_\")[0]\n", + " ontology_dict[domain] = {}\n", + " for sl, values in content[\"slots\"].items():\n", + " slot = \" \".join(sl.split(\"_\"))\n", + " if \"possible_values\" in values:\n", + " ontology_dict[domain][slot] = set(values[\"possible_values\"])\n", + " slot_value_dict[domain + '-' + slot] = set(values['possible_values'])\n", + " else:\n", + " ontology_dict[domain][slot] = set()\n", + " slot_value_dict[domain + '-' + slot] = set()" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### load the SGD label maps" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "with Path(\"./sgd_label_maps.json\").open(\"r\") as f:\n", + "\tlabelmaps = json.load(f)\n", + "\n", + "\n", + "\n", + "#tokenize all the label maps\n", + "tokenized_labelmaps = {}\n", + "for key, values in labelmaps.items():\n", + "\ttokenized_key = \" \".join(tokenize(key))\n", + "\ttokenized_labelmaps[tokenized_key] = [\" \".join(tokenize(value)) for value in values]\n", + "\n", + "labelmaps = tokenized_labelmaps\n", + "\n", + "#for each label map make the list into a set\n", + "for key, values in labelmaps.items():\n", + "\tlabelmaps[key] = list(set(values))\n", + "\t#if the key itself is in the values, remove it\n", + "\tif key in labelmaps[key]:\n", + "\t\tlabelmaps[key].remove(key)\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 16142/16142 [00:29<00:00, 549.69it/s]\n", + "100%|██████████| 2482/2482 [00:03<00:00, 638.02it/s]\n", + "100%|██████████| 4201/4201 [00:09<00:00, 439.31it/s] \n" + ] + } + ], + "source": [ + "#go through the validation set and extract the slot types and values that appear in the user turns to get the validation ontology\n", + "ontology = {}\n", + "#also make a dict that maps the values to the utterances they appear in\n", + "slot_value_utterance_dict = {}\n", + "dialogue_turn_slot_value_dict = {}\n", + "for split in splits:\n", + " dialogue_turn_slot_value_dict[split] = {}\n", + " for dialog in tqdm(dataset[split]):\n", + " dial_id = dialog[\"dialogue_id\"]\n", + " dialogue_turn_slot_value_dict[split][dial_id] = {}\n", + " for turn in dialog['turns']:\n", + " turn_id = turn[\"utt_idx\"]\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id] = {}\n", + "\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"speaker\"] = turn[\"speaker\"]\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"utterance\"] = \" \".join(tokenize(turn[\"utterance\"]))\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"dialogue_acts\"] = turn[\"dialogue_acts\"]\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalues\"] = []\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalue pairs\"] = []\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotlabels\"] = []\n", + "\n", + " for cat, values in turn[\"dialogue_acts\"].items():\n", + " if cat != \"binary\":\n", + " if turn[\"speaker\"] == \"user\" or turn[\"speaker\"] == \"system\":\n", + " for val in values:\n", + " domain = val[\"domain\"].split(\"_\")[0]\n", + " slot = \" \".join(val[\"slot\"].split(\"_\"))\n", + " if slot not in ontology_dict[domain]:\n", + " ontology_dict[domain][slot] = set()\n", + " ontology_dict[domain][slot].add(val[\"value\"])\n", + " if domain + ' ' + slot not in ontology:\n", + " ontology[domain + ' ' + slot] = set()\n", + " slot_value_utterance_dict[domain + ' ' + slot] = {}\n", + " tokenized_value = \" \".join(tokenize(val[\"value\"]))\n", + " ontology[domain + ' ' + slot].add(tokenized_value)\n", + " if tokenized_value not in slot_value_utterance_dict[domain + ' ' + slot]:\n", + " slot_value_utterance_dict[domain + ' ' + slot][tokenized_value] = []\n", + " slot_value_utterance_dict[domain + ' ' + slot][tokenized_value].append((turn[\"speaker\"], (\" \".join(tokenize(turn[\"utterance\"])), dial_id, turn_id, turn[\"dialogue_acts\"])))\n", + " \n", + " #add all the utterances with domains, slots and values to the dialogue_turn_slot_value_dict\n", + " for val in values:\n", + " domain = val[\"domain\"].split(\"_\")[0]\n", + " slot = \" \".join(val[\"slot\"].split(\"_\"))\n", + " dom = \" \".join(tokenize(domain))\n", + " slot = \" \".join(tokenize(slot))\n", + " value = \" \".join(tokenize(val[\"value\"]))\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalues\"].extend([dom, slot, value])\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotlabels\"].extend([dom + \" \" + slot] * 3)\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalue pairs\"].append((dom, slot, value))\n", + "\n", + " else: #also include binary dialogue acts as they containt domain-slot relations\n", + " if turn[\"speaker\"] == \"user\" or turn[\"speaker\"] == \"system\":\n", + " for val in values:\n", + " domain = val[\"domain\"].split(\"_\")[0]\n", + " if domain == \"general\" or not domain:\n", + " continue\n", + " slot = \" \".join(val[\"slot\"].split(\"_\"))\n", + " if slot not in ontology_dict[domain]:\n", + " ontology_dict[domain][slot] = set()\n", + " if domain + ' ' + slot not in ontology:\n", + " ontology[domain + ' ' + slot] = set()\n", + " slot_value_utterance_dict[domain + ' ' + slot] = {}\n", + " \n", + " #add all the utterances with domains, slots and values to the dialogue_turn_slot_value_dict\n", + " for val in values:\n", + " domain = val[\"domain\"].split(\"_\")[0]\n", + " slot = \" \".join(val[\"slot\"].split(\"_\"))\n", + " dom = \" \".join(tokenize(domain))\n", + " if dom == \"general\" or not domain:\n", + " continue\n", + " slot = \" \".join(tokenize(slot))\n", + " value = \"\"\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalues\"].extend([dom, slot, value])\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotlabels\"].extend([dom + \" \" + slot] * 3)\n", + " dialogue_turn_slot_value_dict[split][dial_id][turn_id][\"slotvalue pairs\"].append((dom, slot, value))\n", + " \n" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 16142/16142 [00:58<00:00, 274.90it/s]\n", + "100%|██████████| 2482/2482 [00:07<00:00, 311.96it/s]\n", + "100%|██████████| 4201/4201 [00:15<00:00, 276.43it/s]\n" + ] + } + ], + "source": [ + "###accumulate the list of all terms that appear in a dialogue and their relations to other terms\n", + "dialogue_term_dict = {}\n", + "for split in splits:\n", + " dialogue_term_dict[split] = {}\n", + " for dial_id, turns in tqdm(dialogue_turn_slot_value_dict[split].items()):\n", + " current_dialogue_text = \"\"\n", + " current_dialogue_terms = []\n", + " current_dialogue_relational_triplets = []\n", + " for turn_id, turn in turns.items():\n", + " turn_text = '\"' + turn['speaker'] + '\": \"' + turn[\"utterance\"] + '\"\\n'\n", + " current_dialogue_text += turn_text\n", + " if turn[\"speaker\"] == \"user\" or turn[\"speaker\"] == \"system\":\n", + " current_dialogue_terms.extend([val for val in turn[\"slotvalues\"] if val])\n", + " for slotval_triplet in turn[\"slotvalue pairs\"]:\n", + " if slotval_triplet[1]: #some cases where the slot is empty in binary dialogue act\n", + " current_dialogue_relational_triplets.append((slotval_triplet[0], \"has slot\", slotval_triplet[1]))\n", + " if slotval_triplet[2]: #it is empty for the triples from the binary slots where only the domain-slot relation is used\n", + " current_dialogue_relational_triplets.append((slotval_triplet[1], \"has value\", slotval_triplet[2]))\n", + " current_dialogue_relational_triplets.append((slotval_triplet[2], \"has domain\", slotval_triplet[0]))\n", + " dialogue_term_dict[split][dial_id] = {}\n", + " dialogue_term_dict[split][dial_id][\"text\"] = current_dialogue_text\n", + "\n", + " #check those values that are not present in the text whether there is a label map present\n", + " triplet_copy = copy.deepcopy(current_dialogue_relational_triplets)\n", + " for head, relation, tail in triplet_copy:\n", + " #if head not in current_dialogue_text and tail not in current_dialogue_text:\n", + " if head in labelmaps and tail in labelmaps:\n", + " head_label_map = \"\"\n", + " tail_label_map = \"\"\n", + " for labelmap in labelmaps[head]:\n", + " if labelmap in current_dialogue_text:\n", + " head_label_map = labelmap\n", + " current_dialogue_terms.append(labelmap)\n", + " current_dialogue_relational_triplets.append((head, \"refers to same concept as\", labelmap))\n", + " break\n", + " for labelmap in labelmaps[tail]:\n", + " if labelmap in current_dialogue_text:\n", + " tail_label_map = labelmap\n", + " current_dialogue_terms.append(labelmap)\n", + " current_dialogue_relational_triplets.append((tail, \"refers to same concept as\", labelmap))\n", + " break\n", + " elif head in labelmaps:\n", + " for labelmap in labelmaps[head]:\n", + " if labelmap in current_dialogue_text:\n", + " current_dialogue_terms.append(labelmap)\n", + " current_dialogue_relational_triplets.append((head, \"refers to same concept as\", labelmap))\n", + " break\n", + " elif tail in labelmaps:\n", + " for labelmap in labelmaps[tail]:\n", + " if labelmap in current_dialogue_text:\n", + " current_dialogue_terms.append(labelmap)\n", + " current_dialogue_relational_triplets.append((tail, \"refers to same concept as\", labelmap))\n", + " break\n", + "\n", + "\n", + " dialogue_term_dict[split][dial_id][\"terms\"] = list(set([term for term in current_dialogue_terms if present_in_utterance(term, current_dialogue_text)]))\n", + " \n", + " dialogue_term_dict[split][dial_id][\"relational triplets\"] = list(set(current_dialogue_relational_triplets))\n" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [], + "source": [ + "#save the dialogue_term_dict\n", + "with Path(\"./sgd_dialogue_term_dict.json\").open(\"w\") as f:\n", + "\tjson.dump(dialogue_term_dict, f, indent=4)\n" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Get label maps for domains and slots" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "#get the has slot relations of a domain\n", + "def get_has_slot_relations_of_domain(domain, dialogue_term_relation_dict):\n", + "\thas_slot_relations = set()\n", + "\tfor split in dialogue_term_relation_dict.keys(): \n", + "\t\tfor dialogue_id, dialogue in dialogue_term_relation_dict[split].items():\n", + "\t\t\tdialogue_text = dialogue[\"text\"]\n", + "\t\t\tdialogue_terms = dialogue[\"terms\"]\n", + "\t\t\tdialogue_relations = dialogue[\"relational triplets\"]\n", + "\t\t\tfor relation in dialogue_relations:\n", + "\t\t\t\tif relation[0] == domain and relation[1] == 'has slot':\n", + "\t\t\t\t\thas_slot_relations.add(tuple(relation))\n", + " \n", + "\t\t\t\t\n", + "\t\t\t\t\n", + "\treturn has_slot_relations\n", + " \n", + " \n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{('media', 'has slot', 'subtitles'), ('media', 'has slot', 'count'), ('media', 'has slot', 'director'), ('media', 'has slot', 'actors'), ('media', 'has slot', 'directed by'), ('media', 'has slot', 'price'), ('media', 'has slot', 'findmovies'), ('media', 'has slot', 'starring'), ('media', 'has slot', 'genre'), ('media', 'has slot', 'title'), ('media', 'has slot', 'playmovie'), ('media', 'has slot', 'rentmovie'), ('media', 'has slot', 'movie name'), ('media', 'has slot', 'subtitle language')}\n" + ] + } + ], + "source": [ + "print(get_has_slot_relations_of_domain(\"media\", dialogue_term_dict))" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [], + "source": [ + "#check dialogues that contain the problematic domains, but also use it for slots later on\n", + "def check_dialogues_with_problematic_terms(term, dialogue_term_relation_dict):\n", + " #print the first few dialogues that contain the problematic term in a relation\n", + "\tfor dialogue_id, dialogue in dialogue_term_relation_dict.items():\n", + "\t\tdialogue_text = dialogue[\"text\"]\n", + "\t\tdialogue_terms = dialogue[\"terms\"]\n", + "\t\tdialogue_relations = dialogue[\"relational triplets\"]\n", + "\t\tfor relation in dialogue_relations:\n", + "\t\t\tif term in relation:\n", + "\t\t\t\tprint(f\"dialogue id: {dialogue_id}\")\n", + "\t\t\t\tprint(f\"dialogue: {dialogue_text}\")\n", + "\t\t\t\tprint(f\"terms: {dialogue_terms}\")\n", + "\t\t\t\tprint(f\"relations: {dialogue_relations}\\n\")\n", + "\t\t\t\tbreak\n" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "dialogue id: sgd-test-1160\n", + "dialogue: \"user\": \"i have some free time and i like to watch a movie like close encounters with english subtitles for which i need your help .\"\n", + "\"system\": \"confirm to play the movie close encounters of the third kind with english subtitles .\"\n", + "\"user\": \"yes , that is confirmed to proceed .\"\n", + "\"system\": \"movie was started playing for you now .\"\n", + "\"user\": \"thanks and let me know the type of movie .\"\n", + "\"system\": \"it is sci - fi movie .\"\n", + "\"user\": \"who are the cast for this movie ?\"\n", + "\"system\": \"stephen powers acted in lead role .\"\n", + "\"user\": \"thanks for the information .\"\n", + "\"system\": \"anything else you need ?\"\n", + "\"user\": \"no , thanks a lot .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['close encounters', 'close encounters of the third kind', 'english', 'sci - fi']\n", + "relations: [['media', 'has slot', 'title'], ['title', 'has value', 'close encounters'], ['starring', 'has value', 'stephen powers'], ['media', 'has slot', 'subtitle language'], ['title', 'has value', 'close encounters of the third kind'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['sci - fi', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['close encounters', 'has domain', 'media'], ['genre', 'has value', 'sci - fi'], ['media', 'has slot', 'playmovie'], ['stephen powers', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['close encounters of the third kind', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1161\n", + "dialogue: \"user\": \"hi , could you get me a movie to watch right now ?\"\n", + "\"system\": \"any specific movie you are looking for ?\"\n", + "\"user\": \"good boys is great for me !\"\n", + "\"system\": \"sure , please confirm your action to play good boys with english subtitles .\"\n", + "\"user\": \"sure , please do so . what genre does the movie belong to and which actors are in this movie ?\"\n", + "\"system\": \"your movie has been played . this is a comedy movie featuring alexander calvert .\"\n", + "\"user\": \"i see , thanks alot !\"\n", + "\"system\": \"do you need any other assistance ?\"\n", + "\"user\": \"no , thank you very much though !\"\n", + "\"system\": \"no worries , have a pleasant day ahead .\"\n", + "\n", + "terms: ['comedy', 'genre', 'english', 'good boys', 'alexander calvert']\n", + "relations: [['genre', 'has value', 'comedy'], ['media', 'has slot', 'title'], ['comedy', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['starring', 'has value', 'alexander calvert'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'good boys'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['good boys', 'has domain', 'media'], ['alexander calvert', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1162\n", + "dialogue: \"user\": \"i ' d like to watch a movie .\"\n", + "\"system\": \"what were you thinking ?\"\n", + "\"user\": \"i want to see the lord of the rings\"\n", + "\"system\": \"okay confirming the lord of the rings : the return of the king with english subtitles\"\n", + "\"user\": \"can you play it with hindi subtitles ?\"\n", + "\"system\": \"confirming the lord of the rings : the return of the king with hindi subtitles\"\n", + "\"user\": \"yes thank you\"\n", + "\"system\": \"your movie has started\"\n", + "\"user\": \"thanks so much\"\n", + "\"system\": \"enjoy your film\"\n", + "\n", + "terms: ['hindi', 'the lord of the rings', 'english', 'the lord of the rings : the return of the king']\n", + "relations: [['hindi', 'has domain', 'media'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['media', 'has slot', 'title'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['the lord of the rings', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['title', 'has value', 'the lord of the rings'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['subtitle language', 'has value', 'hindi']]\n", + "\n", + "dialogue id: sgd-test-1163\n", + "dialogue: \"user\": \"i ' d like to watch the angry birds movie with english subtitles .\"\n", + "\"system\": \"to confirm : you would like to see the angry birds movie 2 with english subtitles .\"\n", + "\"user\": \"yes , that ' s right . what kind of a movie is it and who acted in it ?\"\n", + "\"system\": \"it ' s an animation with britta steffenhagen it will start now .\"\n", + "\"user\": \"thanks , that ' s all i needed .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['angry birds', 'the angry birds movie', 'animation', 'britta steffenhagen', 'english', 'the angry birds movie 2']\n", + "relations: [['the angry birds movie', 'has domain', 'media'], ['media', 'has slot', 'title'], ['title', 'has value', 'the angry birds movie'], ['title', 'has value', 'the angry birds movie 2'], ['genre', 'has value', 'animation'], ['britta steffenhagen', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['animation', 'has domain', 'media'], ['starring', 'has value', 'britta steffenhagen'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds']]\n", + "\n", + "dialogue id: sgd-test-1164\n", + "dialogue: \"user\": \"find me a movie with english subtitles\"\n", + "\"system\": \"any movie in particular ?\"\n", + "\"user\": \"yes , official secrets\"\n", + "\"system\": \"please confirm : playing official secrets with english subs\"\n", + "\"user\": \"yes , please play\"\n", + "\"system\": \"started the movie\"\n", + "\"user\": \"whats the movie genre and who has acted in it ?\"\n", + "\"system\": \"its a mystery movie with adam bakri in lead\"\n", + "\"user\": \"thanks a lot\"\n", + "\"system\": \"any thing else ?\"\n", + "\"user\": \"no , thanks again\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['mystery', 'genre', 'adam bakri', 'english', 'official secrets']\n", + "relations: [['title', 'has value', 'official secrets'], ['media', 'has slot', 'title'], ['media', 'has slot', 'subtitle language'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['mystery', 'has domain', 'media'], ['genre', 'has value', 'mystery'], ['starring', 'has value', 'adam bakri'], ['adam bakri', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['official secrets', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1165\n", + "dialogue: \"user\": \"i am in the mood to relax and watch a movie .\"\n", + "\"system\": \"what type of movie ?\"\n", + "\"user\": \"i want to see angel has fallen .\"\n", + "\"system\": \"you would like to see angel has fallen with english subtitles ?\"\n", + "\"user\": \"yes , that would be great .\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"would you like anymore assistance ?\"\n", + "\"user\": \"no , that ' s all .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['angel has fallen', 'english']\n", + "relations: [['media', 'has slot', 'title'], ['title', 'has value', 'angel has fallen'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1166\n", + "dialogue: \"user\": \"i like to watch movie with spanish subtitles .\"\n", + "\"system\": \"is there any choice of a movie ?\"\n", + "\"user\": \"hustlers is perfect for me .\"\n", + "\"system\": \"please give the confirmation details : run hustlers with spanish subtitles .\"\n", + "\"user\": \"okay ... perfect\"\n", + "\"system\": \"the movie started playing now .\"\n", + "\"user\": \"thank you so much for your help .\"\n", + "\"system\": \"have a nice day ..\"\n", + "\n", + "terms: ['spanish', 'hustlers']\n", + "relations: [['media', 'has slot', 'title'], ['spanish', 'has domain', 'media'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'hustlers'], ['hustlers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1167\n", + "dialogue: \"user\": \"my sister ' s incessant talk about the movie steel magnolias has really piqued my interest . i ' d like to watch it right away . please play it with english subtitles .\"\n", + "\"system\": \"okay . let me see if i got everything correctly : you ' d like to watch steel magnolias , with english subtitles . is that correct ?\"\n", + "\"user\": \"that this correct . what is the movie ' s genre ?\"\n", + "\"system\": \"your movie is now playing . the movie ' s category is family .\"\n", + "\"user\": \"do you know who acted in it ?\"\n", + "\"system\": \"james wlcek is the actor .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"would you like my help with anything else ?\"\n", + "\"user\": \"not for now , thank you .\"\n", + "\"system\": \"do have yourself a great day !\"\n", + "\n", + "terms: ['genre', 'steel magnolias', 'family', 'english']\n", + "relations: [['james wlcek', 'has domain', 'media'], ['media', 'has slot', 'title'], ['genre', 'has value', 'family'], ['steel magnolias', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'steel magnolias'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['starring', 'has value', 'james wlcek'], ['family', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1168\n", + "dialogue: \"user\": \"i ' d like to go ahead and start watching a movie now , with hindi subtitles please .\"\n", + "\"system\": \"what movie were you interested in watching ?\"\n", + "\"user\": \"i want to see the lord of the rings three , and actually make it english subtitles please .\"\n", + "\"system\": \"confirming playback of the lord of the rings : the return of the king , with english subtitles enabled .\"\n", + "\"user\": \"correct , thank you so much .\"\n", + "\"system\": \"you ' re very welcome . the movie has begun .\"\n", + "\"user\": \"i ' m sorry , could you tell me what kind of movie it is and who was in it ?\"\n", + "\"system\": \"the genre of the movie is fantasy and it stars elijah wood .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"no , i don ' t think so .\"\n", + "\"system\": \"thank you , have a wonderful day .\"\n", + "\n", + "terms: ['the lord of the rings', 'genre', 'hindi', 'elijah wood', 'english', 'fantasy', 'the lord of the rings three', 'the lord of the rings : the return of the king']\n", + "relations: [['hindi', 'has domain', 'media'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['media', 'has slot', 'title'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'starring'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['the lord of the rings three', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['fantasy', 'has domain', 'media'], ['elijah wood', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['starring', 'has value', 'elijah wood'], ['subtitle language', 'has value', 'hindi'], ['title', 'has value', 'the lord of the rings three']]\n", + "\n", + "dialogue id: sgd-test-1169\n", + "dialogue: \"user\": \"i want to see the movie right now . it can have subtitles or not .\"\n", + "\"system\": \"which movie are you interested in seeing ?\"\n", + "\"user\": \"i want to see the load .\"\n", + "\"system\": \"you would like to see the load with english subtitles ?\"\n", + "\"user\": \"i prefer to see it with french subtitles .\"\n", + "\"system\": \"you would like to see the load with french subtitles ?\"\n", + "\"user\": \"yes , that would be fine .\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"what type of movie is it and who is the main actor ?\"\n", + "\"system\": \"it is a war movie and marko grba singh is the main actor .\"\n", + "\"user\": \"thanks . that would be all .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['french', 'the load', 'marko grba singh', 'english', 'war']\n", + "relations: [['media', 'has slot', 'title'], ['subtitle language', 'has value', 'dontcare'], ['title', 'has value', 'the load'], ['dontcare', 'has domain', 'media'], ['war', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['french', 'has domain', 'media'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['marko grba singh', 'has domain', 'media'], ['subtitle language', 'has value', 'french'], ['subtitle language', 'has value', 'english'], ['genre', 'has value', 'war'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['starring', 'has value', 'marko grba singh'], ['the load', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1170\n", + "dialogue: \"user\": \"hey i want to see a movie right now\"\n", + "\"system\": \"what movie in particular ?\"\n", + "\"user\": \"i want to watch the load , i hear it ' s good\"\n", + "\"system\": \"confirm that you want me to play the load with english subtitles ?\"\n", + "\"user\": \"no actually i changed my mind and want to watch the farewell insead .\"\n", + "\"system\": \"so the farewell with english subtitles , is that ok ?\"\n", + "\"user\": \"yes please , what genre is that movie ?\"\n", + "\"system\": \"i ' m playing it now , and it ' s a family themed movie\"\n", + "\"user\": \"great , thank you !\"\n", + "\"system\": \"can i do anything else for the time being\"\n", + "\"user\": \"no , that ' s all for now\"\n", + "\"system\": \"ok enjoy your movie !\"\n", + "\n", + "terms: ['family', 'farewell', 'the load', 'the farewell', 'genre', 'english']\n", + "relations: [['title', 'has value', 'the farewell'], ['title', 'has value', 'the load'], ['media', 'has slot', 'title'], ['genre', 'has value', 'family'], ['media', 'has slot', 'subtitle language'], ['the farewell', 'has domain', 'media'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['subtitle language', 'has value', 'english'], ['the farewell', 'refers to same concept as', 'farewell'], ['media', 'has slot', 'playmovie'], ['family', 'has domain', 'media'], ['the load', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1171\n", + "dialogue: \"user\": \"my friend has been raving about chhichhore . could you please find the movie for me to watch ?\"\n", + "\"system\": \"please confirm that you ' d like to watch chhichhore with english subtitles .\"\n", + "\"user\": \"that is correct . do you know the actor ?\"\n", + "\"system\": \"the movie is now playing . nalneesh neel is the actor .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"will there be anything else ?\"\n", + "\"user\": \"no , thank you . that will be all .\"\n", + "\"system\": \"thank you , and have a great day !\"\n", + "\n", + "terms: ['chhichhore', 'nalneesh neel', 'english']\n", + "relations: [['nalneesh neel', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'subtitle language'], ['chhichhore', 'has domain', 'media'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'nalneesh neel'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['title', 'has value', 'chhichhore']]\n", + "\n", + "dialogue id: sgd-test-1172\n", + "dialogue: \"user\": \"i want to see the movie pulp fiction\"\n", + "\"system\": \"okay . please confirm the following : you want to watch pulp fiction with english subtitles .\"\n", + "\"user\": \"no . i want to watch pulp fiction with spanish subtitles .\"\n", + "\"system\": \"okay . please confirm the following : you want to watch the movie pulp fiction with spanish subtitles .\"\n", + "\"user\": \"yes , that ' s it . could you give me the genre for the movie ?\"\n", + "\"system\": \"it is considered a cult movie . the movie is starting .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"not right now . thanks .\"\n", + "\"system\": \"enjoy the movie .\"\n", + "\n", + "terms: ['cult', 'genre', 'spanish', 'english', 'pulp fiction']\n", + "relations: [['media', 'has slot', 'title'], ['spanish', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['subtitle language', 'has value', 'spanish'], ['cult', 'has domain', 'media'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'cult'], ['pulp fiction', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'pulp fiction']]\n", + "\n", + "dialogue id: sgd-test-1173\n", + "dialogue: \"user\": \"i ' d like to watch a movie .\"\n", + "\"system\": \"of course . what would you like to stream ?\"\n", + "\"user\": \"please play hustlers for me .\"\n", + "\"system\": \"you ' d like to watch hustlers with english subtitles . is this correct ?\"\n", + "\"user\": \"i ' m sorry . i ' d like to change that to zama with french subtitles .\"\n", + "\"system\": \"you ' d like to watch zama with french subtitles . is that correct ?\"\n", + "\"user\": \"that is correct . can you tell me what genre of movie it is and who is in it ?\"\n", + "\"system\": \"it ' s a world movie and stars carlos defeo .\"\n", + "\"user\": \"great . thank you for the help .\"\n", + "\"system\": \"you ' re welcome . enjoy the movie .\"\n", + "\n", + "terms: ['french', 'carlos defeo', 'hustlers', 'world', 'zama', 'genre', 'english']\n", + "relations: [['world', 'has domain', 'media'], ['media', 'has slot', 'title'], ['carlos defeo', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['french', 'has domain', 'media'], ['title', 'has value', 'zama'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['media', 'has slot', 'starring'], ['starring', 'has value', 'carlos defeo'], ['subtitle language', 'has value', 'french'], ['zama', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['genre', 'has value', 'world'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'hustlers'], ['hustlers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1174\n", + "dialogue: \"user\": \"i feel like watching a movie right now .\"\n", + "\"system\": \"is there a particular movie you would like to watch ?\"\n", + "\"user\": \"yea , how about good boys with english subtitles ?\"\n", + "\"system\": \"would you like me to play good boys with english subtitles ?\"\n", + "\"user\": \"yes , please . what ' s the genre ?\"\n", + "\"system\": \"the movie will begin playing shortly . good boys is a comedy .\"\n", + "\"user\": \"awesome , thank you and i ' ll talk to you later .\"\n", + "\"system\": \"no problem , goodbye .\"\n", + "\n", + "terms: ['genre', 'comedy', 'english', 'good boys']\n", + "relations: [['genre', 'has value', 'comedy'], ['media', 'has slot', 'title'], ['comedy', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'good boys'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['good boys', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1175\n", + "dialogue: \"user\": \"i ' d like to watch a movie called after the wedding with spanish subtitles on .\"\n", + "\"system\": \"sure , please confirm you ' d like me to play after the wedding with spanish subtitles .\"\n", + "\"user\": \"yes , that ' s right . who ' s in it ?\"\n", + "\"system\": \"i started the movie . it has doris mccarthy as the star .\"\n", + "\"user\": \"what ' s the genre ?\"\n", + "\"system\": \"it ' s a drama .\"\n", + "\"user\": \"great , thank you .\"\n", + "\"system\": \"anything else you need ?\"\n", + "\"user\": \"nope , thanks .\"\n", + "\"system\": \"have a good rest of your day .\"\n", + "\n", + "terms: ['doris mccarthy', 'after the wedding', 'play', 'genre', 'spanish', 'drama']\n", + "relations: [['drama', 'has domain', 'media'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['doris mccarthy', 'has domain', 'media'], ['starring', 'has value', 'doris mccarthy'], ['genre', 'has value', 'drama'], ['drama', 'refers to same concept as', 'play'], ['spanish', 'has domain', 'media'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'genre'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['title', 'has value', 'after the wedding']]\n", + "\n", + "dialogue id: sgd-test-1176\n", + "dialogue: \"user\": \"please find me a movie ?\"\n", + "\"system\": \"which movie do you want to see ?\"\n", + "\"user\": \"good boys is good\"\n", + "\"system\": \"please confirm : playing good boys with english subs\"\n", + "\"user\": \"yes , right . what type of movie is it ?\"\n", + "\"system\": \"its a comedy , started the movie\"\n", + "\"user\": \"who is the main actor in it ?\"\n", + "\"system\": \"alexander calvert is lead actor in it\"\n", + "\"user\": \"thanks , thats all\"\n", + "\"system\": \"have a good day !!\"\n", + "\n", + "terms: ['comedy', 'english', 'good boys']\n", + "relations: [['genre', 'has value', 'comedy'], ['media', 'has slot', 'title'], ['comedy', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['starring', 'has value', 'alexander calvert'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'good boys'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['good boys', 'has domain', 'media'], ['alexander calvert', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1177\n", + "dialogue: \"user\": \"i ' d like to watch a nice movie right now . i need something with english subtitles .\"\n", + "\"system\": \"okay , what movie would you like to watch ?\"\n", + "\"user\": \"i ' d like to check out chhichhore .\"\n", + "\"system\": \"okay , please confirm the following for me : play the movie chhichhore with english subtitles . correct ?\"\n", + "\"user\": \"no , actually make that blinded by the light with hindi subtitles .\"\n", + "\"system\": \"please confirm : playing blinded by the light with hindi subtitles .\"\n", + "\"user\": \"yes that is correct . can you tell me what type of movie it is and who stars in it ?\"\n", + "\"system\": \"it is a drama starring viveik kalra . your movie is now playing .\"\n", + "\"user\": \"okay , thanks .\"\n", + "\"system\": \"anything else i can do for you ?\"\n", + "\"user\": \"no , that is all for today .\"\n", + "\"system\": \"my pleasure have a good day .\"\n", + "\n", + "terms: ['play', 'starring', 'viveik kalra', 'hindi', 'chhichhore', 'english', 'drama', 'blinded by the light']\n", + "relations: [['hindi', 'has domain', 'media'], ['drama', 'has domain', 'media'], ['viveik kalra', 'has domain', 'media'], ['media', 'has slot', 'title'], ['genre', 'has value', 'drama'], ['drama', 'refers to same concept as', 'play'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'starring'], ['blinded by the light', 'has domain', 'media'], ['english', 'has domain', 'media'], ['chhichhore', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['starring', 'has value', 'viveik kalra'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['subtitle language', 'has value', 'hindi'], ['title', 'has value', 'chhichhore']]\n", + "\n", + "dialogue id: sgd-test-1178\n", + "dialogue: \"user\": \"i wanna watch chhichhore with spanish subtitles .\"\n", + "\"system\": \"you want to watch chhichhore with spanish subtitles . is this right ?\"\n", + "\"user\": \"yes . what type of movie is it ?\"\n", + "\"system\": \"it ' s a comedy . the movie is now playing .\"\n", + "\"user\": \"what actors are in it ?\"\n", + "\"system\": \"naveen polishetty is in the movie .\"\n", + "\"user\": \"thank you . that ' s all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['comedy', 'spanish', 'chhichhore']\n", + "relations: [['genre', 'has value', 'comedy'], ['starring', 'has value', 'naveen polishetty'], ['media', 'has slot', 'title'], ['comedy', 'has domain', 'media'], ['spanish', 'has domain', 'media'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'subtitle language'], ['chhichhore', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['naveen polishetty', 'has domain', 'media'], ['title', 'has value', 'chhichhore']]\n", + "\n", + "dialogue id: sgd-test-1179\n", + "dialogue: \"user\": \"i am in a mood to watch a movie and i like angel has fallen movie for which i need your help .\"\n", + "\"system\": \"please confirm to play the movie angel has fallen with english subtitles .\"\n", + "\"user\": \"please play it with spanish subtitles .\"\n", + "\"system\": \"please confirm to play the movie angel has fallen with spanish subtitles .\"\n", + "\"user\": \"that ' s correct . please proceed .\"\n", + "\"system\": \"movie started playing now for you . enjoy it .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['angel has fallen', 'spanish', 'english']\n", + "relations: [['media', 'has slot', 'title'], ['title', 'has value', 'angel has fallen'], ['media', 'has slot', 'subtitle language'], ['subtitle language', 'has value', 'spanish'], ['angel has fallen', 'has domain', 'media'], ['english', 'has domain', 'media'], ['spanish', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1180\n", + "dialogue: \"user\": \"i would like to see the movie now with hindi subtitles .\"\n", + "\"system\": \"what is the movie that you want to view ?\"\n", + "\"user\": \"i would like to see pulp fiction .\"\n", + "\"system\": \"okay , confirm these details : you would like pulp fiction played with hindi subtitles .\"\n", + "\"user\": \"yes , please . can you tell me who the actors are in it ?\"\n", + "\"system\": \"i have begun the playing of the movie , one of the actors is don blakely .\"\n", + "\"user\": \"thank you , this is all i needed today .\"\n", + "\"system\": \"have a very nice day .\"\n", + "\n", + "terms: ['hindi', 'don blakely', 'pulp fiction']\n", + "relations: [['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['starring', 'has value', 'don blakely'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'starring'], ['don blakely', 'has domain', 'media'], ['pulp fiction', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['subtitle language', 'has value', 'hindi'], ['title', 'has value', 'pulp fiction']]\n", + "\n", + "dialogue id: sgd-test-1181\n", + "dialogue: \"user\": \"i ' d like to view the film right now .\"\n", + "\"system\": \"what film would you like to view ?\"\n", + "\"user\": \"i ' d like to view the film once upon a time in hollywood with subtitles in english .\"\n", + "\"system\": \"please verify the following information : cast once upon a time in hollywood with english subtitles .\"\n", + "\"user\": \"nope ; i ' d like to view it with subtitles in spanish .\"\n", + "\"system\": \"please verify the following information : cast once upon a time in hollywood with spanish subtitles .\"\n", + "\"user\": \"yeah , that ' s right .\"\n", + "\"system\": \"the film has begun playing .\"\n", + "\"user\": \"thank you ; that ' s all for now .\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['once upon a time', 'spanish', 'once upon a time in hollywood', 'english']\n", + "relations: [['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['spanish', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['subtitle language', 'has value', 'spanish'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['english', 'has domain', 'media'], ['once upon a time in hollywood', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1182\n", + "dialogue: \"user\": \"i ' d like to view the film right now .\"\n", + "\"system\": \"what film would you like to view ?\"\n", + "\"user\": \"i ' d like to view the film angel has fallen with english subtitles .\"\n", + "\"system\": \"please verify the following information : cast angel has fallen with english subtitles .\"\n", + "\"user\": \"yeah , that ' s right . what type of film is it ?\"\n", + "\"system\": \"it is an action film , and it has begun playing .\"\n", + "\"user\": \"thank you for your help .\"\n", + "\"system\": \"could i assist with something else ?\"\n", + "\"user\": \"nope , thank you .\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['angel has fallen', 'action', 'english']\n", + "relations: [['media', 'has slot', 'title'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'action'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1183\n", + "dialogue: \"user\": \"i want to watch now the movie with hindi subtitles .\"\n", + "\"system\": \"what is the movie you want to watch ?\"\n", + "\"user\": \"the load please .\"\n", + "\"system\": \"please check the details : watch the movie the load with hindi subtitles .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"the movie is now playing .\"\n", + "\"user\": \"what is the movie genre ?\"\n", + "\"system\": \"it ' s a war movie .\"\n", + "\"user\": \"that ' s all i need . thank you .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['genre', 'hindi', 'war', 'the load']\n", + "relations: [['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['title', 'has value', 'the load'], ['war', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'war'], ['media', 'has slot', 'playmovie'], ['subtitle language', 'has value', 'hindi'], ['the load', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1184\n", + "dialogue: \"user\": \"can you help me watch a movie ?\"\n", + "\"system\": \"do you have any in mind ?\"\n", + "\"user\": \"i ' d like to see the ladykillers .\"\n", + "\"system\": \"please confirm : english subtitles on the ladykillers .\"\n", + "\"user\": \"no , i ' d like spanish subtitles instead please .\"\n", + "\"system\": \"please confirm : play the ladykillers with spanish subtitles .\"\n", + "\"user\": \"yes , that ' s correct . who does it star and what is its genre ?\"\n", + "\"system\": \"the movie is beginning . phoebe hodgson stars , and it ' s a thriller film .\"\n", + "\"user\": \"thank you very much !\"\n", + "\"system\": \"can i do anything else for you today ?\"\n", + "\"user\": \"no thank you , that ' ll be all .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['genre', 'ladykillers', 'spanish', 'english', 'the ladykillers', 'phoebe hodgson', 'thriller']\n", + "relations: [['media', 'has slot', 'title'], ['genre', 'has value', 'thriller'], ['spanish', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['subtitle language', 'has value', 'spanish'], ['starring', 'has value', 'phoebe hodgson'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['thriller', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['the ladykillers', 'refers to same concept as', 'ladykillers'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['phoebe hodgson', 'has domain', 'media'], ['title', 'has value', 'the ladykillers'], ['the ladykillers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1185\n", + "dialogue: \"user\": \"hi , could you play the movie titled scary stories to tell in the dark right now ? any subtitles will do .\"\n", + "\"system\": \"sure , please confirm your request to play scary stories to tell in the dark with english subtitles .\"\n", + "\"user\": \"sorry , could you play once upon a time with spanish subtitles instead ?\"\n", + "\"system\": \"no worries , please confirm your request to play once upon a time in hollywood with spanish subtitles .\"\n", + "\"user\": \"sure , that is great .\"\n", + "\"system\": \"your movie is currently being played .\"\n", + "\"user\": \"thank you so much .\"\n", + "\"system\": \"do you need any other assistance ?\"\n", + "\"user\": \"no , that is all i need . thank you !\"\n", + "\"system\": \"no worries , have a great day ahead !\"\n", + "\n", + "terms: ['once upon a time in hollywood', 'spanish', 'scary stories', 'english', 'once upon a time', 'scary stories to tell in the dark']\n", + "relations: [['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['subtitle language', 'has value', 'dontcare'], ['dontcare', 'has domain', 'media'], ['spanish', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['subtitle language', 'has value', 'spanish'], ['once upon a time', 'has domain', 'media'], ['english', 'has domain', 'media'], ['title', 'has value', 'once upon a time'], ['once upon a time in hollywood', 'has domain', 'media'], ['scary stories to tell in the dark', 'has domain', 'media'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'scary stories to tell in the dark'], ['scary stories to tell in the dark', 'refers to same concept as', 'scary stories']]\n", + "\n", + "dialogue id: sgd-test-1186\n", + "dialogue: \"user\": \"i ' d like to watch a movie .\"\n", + "\"system\": \"what movie would you like to watch ?\"\n", + "\"user\": \"i want to watch the ladykillers .\"\n", + "\"system\": \"please confirm : you want to watch the ladykillers with english subtitles ?\"\n", + "\"user\": \"no , actually , the lord of the rings .\"\n", + "\"system\": \"please confirm : you want to watch the lord of the rings : the return of the king with english subtitles .\"\n", + "\"user\": \"exactly , who stars in the movie , and what genre is it ?\"\n", + "\"system\": \"it ' s a fantasy movie starring elijah wood .\"\n", + "\"user\": \"thank you , that ' s all i need .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['the lord of the rings', 'starring', 'genre', 'elijah wood', 'ladykillers', 'english', 'fantasy', 'the ladykillers', 'the lord of the rings : the return of the king']\n", + "relations: [['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'starring'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['fantasy', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'elijah wood'], ['title', 'has value', 'the ladykillers'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['elijah wood', 'has domain', 'media'], ['the lord of the rings', 'has domain', 'media'], ['title', 'has value', 'the lord of the rings'], ['media', 'has slot', 'playmovie'], ['the ladykillers', 'refers to same concept as', 'ladykillers'], ['the ladykillers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1187\n", + "dialogue: \"user\": \"i ' d like to enjoy the film close encounters of the third kind right now , preferably with french subtitles .\"\n", + "\"system\": \"please verify the following information : cast close encounters of the third kind with french subtitles .\"\n", + "\"user\": \"nope ; i ' d like to view it with english subtitles .\"\n", + "\"system\": \"please verify the following information : cast close encounters of the third kind with english subtitles .\"\n", + "\"user\": \"yeah , that ' s right .\"\n", + "\"system\": \"the film has begun playing .\"\n", + "\"user\": \"thank you for your help .\"\n", + "\"system\": \"could i assist with something else ?\"\n", + "\"user\": \"nope ; thank you for your help .\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['close encounters', 'french', 'english', 'close encounters of the third kind']\n", + "relations: [['media', 'has slot', 'title'], ['media', 'has slot', 'subtitle language'], ['french', 'has domain', 'media'], ['title', 'has value', 'close encounters of the third kind'], ['english', 'has domain', 'media'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['subtitle language', 'has value', 'french'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['close encounters of the third kind', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1188\n", + "dialogue: \"user\": \"i ' d like to watch the movie now .\"\n", + "\"system\": \"what sort of movie do you want to watch ?\"\n", + "\"user\": \"i ' d like to watch fiddler : a miracle of miracles with french subtitles .\"\n", + "\"system\": \"so you want to play fiddler : a miracle of miracles with french subtitles ?\"\n", + "\"user\": \"no , put on english subtitles .\"\n", + "\"system\": \"so you want to play fiddler : a miracle of miracles with english subtitles ?\"\n", + "\"user\": \"yep\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"who is the actor in it ?\"\n", + "\"system\": \"sheldon harnick acted in it .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"what else could i help with ?\"\n", + "\"user\": \"nothing else .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['fiddler', 'french', 'fiddler : a miracle of miracles', 'english']\n", + "relations: [['media', 'has slot', 'title'], ['starring', 'has value', 'sheldon harnick'], ['sheldon harnick', 'has domain', 'media'], ['fiddler : a miracle of miracles', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['french', 'has domain', 'media'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['english', 'has domain', 'media'], ['title', 'has value', 'fiddler : a miracle of miracles'], ['subtitle language', 'has value', 'french'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring']]\n", + "\n", + "dialogue id: sgd-test-1189\n", + "dialogue: \"user\": \"i want to watch a movie with english subtitles .\"\n", + "\"system\": \"what movies do you want to watch ?\"\n", + "\"user\": \"i want to see stage door , but with french subtitles .\"\n", + "\"system\": \"okay , you want to watch stage door with french subtitles , right ?\"\n", + "\"user\": \"no , i ' d actually like to see steel magnolias .\"\n", + "\"system\": \"okay , you want to see steel magnolias with french subtitles , right ?\"\n", + "\"user\": \"yes , that is correct . what kind of movie is it ?\"\n", + "\"system\": \"it is a family movie and i have started playing it .\"\n", + "\"user\": \"thank you !\"\n", + "\"system\": \"is there anything else i can help with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['french', 'stage door', 'family', 'english', 'steel magnolias']\n", + "relations: [['family', 'has domain', 'media'], ['media', 'has slot', 'title'], ['genre', 'has value', 'family'], ['steel magnolias', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['french', 'has domain', 'media'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'steel magnolias'], ['subtitle language', 'has value', 'french'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'stage door'], ['stage door', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1190\n", + "dialogue: \"user\": \"i want to watch ad astra now .\"\n", + "\"system\": \"please confirm , playing ad astra with english subtitles .\"\n", + "\"user\": \"no , i want to watch once upon a time in hindi .\"\n", + "\"system\": \"please confirm , playing once upon a time in hollywood with hindi subtitles .\"\n", + "\"user\": \"yes , thanks !\"\n", + "\"system\": \"plays movie\"\n", + "\"user\": \"thanks , that is everything .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['ad astra', 'hindi', 'english', 'once upon a time', 'once upon a time in hollywood']\n", + "relations: [['hindi', 'has domain', 'media'], ['title', 'has value', 'ad astra'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'subtitle language'], ['once upon a time', 'has domain', 'media'], ['english', 'has domain', 'media'], ['title', 'has value', 'once upon a time'], ['once upon a time in hollywood', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['subtitle language', 'has value', 'hindi']]\n", + "\n", + "dialogue id: sgd-test-1191\n", + "dialogue: \"user\": \"i am in a nice mood and i like to watch a movie now . i need your help to find some good movies for me .\"\n", + "\"system\": \"yes , what is your favorite genre of movie to search for ?\"\n", + "\"user\": \"i like the movie lord of the rings and i need to watch it now with subtitles in english .\"\n", + "\"system\": \"i need your confirmation to play the movie the lord of the rings : the return of the king with english subtitles .\"\n", + "\"user\": \"sorry , i have changed my mind and now i want to watch the movie theatre of blood and please play it with french subtitles .\"\n", + "\"system\": \"okay . please confirm to play theatre of blood with french subtitles .\"\n", + "\"user\": \"yes , confirmed . also please let me know the genre & cast of this movie .\"\n", + "\"system\": \"it is horror type of movie and diana dors was acted in it . now the movie was started playing for you .\"\n", + "\"user\": \"that ' s all i want . thanks .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['the lord of the rings', 'french', 'lord of the rings', 'horror', 'theatre of blood', 'diana dors', 'genre', 'english', 'the lord of the rings : the return of the king']\n", + "relations: [['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['genre', 'has value', 'horror'], ['media', 'has slot', 'starring'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['starring', 'has value', 'diana dors'], ['title', 'has value', 'theatre of blood'], ['french', 'has domain', 'media'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['subtitle language', 'has value', 'french'], ['media', 'has slot', 'title'], ['title', 'has value', 'lord of the rings'], ['media', 'has slot', 'genre'], ['lord of the rings', 'has domain', 'media'], ['diana dors', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['theatre of blood', 'has domain', 'media'], ['horror', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1192\n", + "dialogue: \"user\": \"there this movie i want to watch , the tile is steel magnolias and i wish to watch it with spanish subtitles .\"\n", + "\"system\": \"confirm me what i am about to do . i ' ll play steel magnolias with spanish subtitles .\"\n", + "\"user\": \"no , you ' re wrong , you should play once upon a time\"\n", + "\"system\": \"okay then , confirm again . i ' ll play once upon a time in hollywood for you and i ' ll add spanish subtitles\"\n", + "\"user\": \"no , subs must be in english\"\n", + "\"system\": \"confirm again please . i ' m about to play once upon a time in hollywood with english subtitles .\"\n", + "\"user\": \"correct . can you please name some of the actors ?\"\n", + "\"system\": \"the movies has started . there ' s timothy olyphant in it .\"\n", + "\"user\": \"cool\"\n", + "\"system\": \"can i do more for you ?\"\n", + "\"user\": \"no . bye\"\n", + "\"system\": \"enjoy your movie .\"\n", + "\n", + "terms: ['timothy olyphant', 'spanish', 'english', 'once upon a time', 'steel magnolias', 'once upon a time in hollywood']\n", + "relations: [['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['spanish', 'has domain', 'media'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'subtitle language'], ['steel magnolias', 'has domain', 'media'], ['once upon a time', 'has domain', 'media'], ['title', 'has value', 'once upon a time'], ['title', 'has value', 'steel magnolias'], ['once upon a time in hollywood', 'has domain', 'media'], ['english', 'has domain', 'media'], ['starring', 'has value', 'timothy olyphant'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['subtitle language', 'has value', 'english'], ['timothy olyphant', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring']]\n", + "\n", + "dialogue id: sgd-test-1193\n", + "dialogue: \"user\": \"what about watching a movie with english subtitles . is it a nice idea you think ? then help me to do the same .\"\n", + "\"system\": \"yes , it is nice idea . do you have any preferred movie in your mind to watch now ?\"\n", + "\"user\": \"yes , i want you to play the angry birds movie with hindi subtitles .\"\n", + "\"system\": \"i need your confirmation to play the angry birds movie 2 with hindi subtitles .\"\n", + "\"user\": \"yes , it is confirmed . what type of movie is this and who is the actor ?\"\n", + "\"system\": \"this is an animation movie and maya rudolph acted in this and the same was started playing now .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"anything else you need .\"\n", + "\"user\": \"nothing and thanks for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['angry birds', 'maya rudolph', 'the angry birds movie', 'animation', 'hindi', 'english', 'the angry birds movie 2']\n", + "relations: [['hindi', 'has domain', 'media'], ['the angry birds movie', 'has domain', 'media'], ['media', 'has slot', 'title'], ['title', 'has value', 'the angry birds movie'], ['title', 'has value', 'the angry birds movie 2'], ['genre', 'has value', 'animation'], ['maya rudolph', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'starring'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['animation', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'has domain', 'media'], ['subtitle language', 'has value', 'hindi'], ['starring', 'has value', 'maya rudolph']]\n", + "\n", + "dialogue id: sgd-test-1194\n", + "dialogue: \"user\": \"i want to watch the movie the ladykillers .\"\n", + "\"system\": \"please confirm , playing the movie the ladykillers with english subtitles .\"\n", + "\"user\": \"yes , thanks !\"\n", + "\"system\": \"plays movie\"\n", + "\"user\": \"who acts in this movie ?\"\n", + "\"system\": \"leonard sharp is in it .\"\n", + "\"user\": \"what is the genre ?\"\n", + "\"system\": \"it is a thriller .\"\n", + "\"user\": \"thanks , that is all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['genre', 'ladykillers', 'english', 'the ladykillers', 'thriller']\n", + "relations: [['media', 'has slot', 'title'], ['genre', 'has value', 'thriller'], ['media', 'has slot', 'subtitle language'], ['english', 'has domain', 'media'], ['starring', 'has value', 'leonard sharp'], ['media', 'has slot', 'genre'], ['thriller', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['the ladykillers', 'refers to same concept as', 'ladykillers'], ['leonard sharp', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['title', 'has value', 'the ladykillers'], ['the ladykillers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1195\n", + "dialogue: \"user\": \"i ' m looking for a movie to watch , it must be have hindi subtitles .\"\n", + "\"system\": \"cool , just tell me the title and i ' ll do the rest .\"\n", + "\"user\": \"title is good boys\"\n", + "\"system\": \"confirm my my next move . you want me to play the movie good boys with hindi subtitles .\"\n", + "\"user\": \"wrong . the movie i want to watch is toy story 4 with french subs .\"\n", + "\"system\": \"confirm again then . i ' ll play toy story 4 with french subs .\"\n", + "\"user\": \"correct . can you name me the actors ?\"\n", + "\"system\": \"the movie has started . i can tell you that flea acted in it .\"\n", + "\"user\": \"great !\"\n", + "\"system\": \"do you still need my services ?\"\n", + "\"user\": \"no i don ' t\"\n", + "\"system\": \"enjoy your movie .\"\n", + "\n", + "terms: ['french', 'flea', 'hindi', 'toy story 4', 'title', 'good boys']\n", + "relations: [['hindi', 'has domain', 'media'], ['flea', 'has domain', 'media'], ['media', 'has slot', 'title'], ['title', 'has value', 'toy story 4'], ['media', 'has slot', 'subtitle language'], ['french', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['subtitle language', 'has value', 'french'], ['title', 'has value', 'good boys'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['subtitle language', 'has value', 'hindi'], ['starring', 'has value', 'flea'], ['good boys', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1196\n", + "dialogue: \"user\": \"i would like to watch the movie toy story four .\"\n", + "\"system\": \"playing toy story 4 with english subtitles .\"\n", + "\"user\": \"yes , who acted in this movie ?\"\n", + "\"system\": \"tony hale acted in the movie .\"\n", + "\"user\": \"that is all i needed .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['toy story 4', 'english', 'toy story four']\n", + "relations: [['media', 'has slot', 'title'], ['tony hale', 'has domain', 'media'], ['starring', 'has value', 'tony hale'], ['toy story 4', 'refers to same concept as', 'toy story four'], ['title', 'has value', 'toy story 4'], ['media', 'has slot', 'subtitle language'], ['title', 'has value', 'toy story four'], ['english', 'has domain', 'media'], ['toy story 4', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['toy story four', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1197\n", + "dialogue: \"user\": \"i am feeling like watching a movie now , and i want it to have spanish subtitles .\"\n", + "\"system\": \"can you tell me the movie you would like to watch ?\"\n", + "\"user\": \"actually i want to watch the movie with english subtitles , and it is called fabric .\"\n", + "\"system\": \"can you please confirm that you want to watch the movie in fabric with english subtitles ?\"\n", + "\"user\": \"that is not right , because i want to watch blinded by the light .\"\n", + "\"system\": \"can you confirm that you want to watch now the movie blinded by the light with english subtitles ?\"\n", + "\"user\": \"that is correct . can you tell me who acts in it ?\"\n", + "\"system\": \"your requested movie is playing , and meera ganatra is in the movie .\"\n", + "\"user\": \"thank you . that would be all .\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['in fabric', 'fabric', 'meera ganatra', 'spanish', 'english', 'blinded by the light']\n", + "relations: [['title', 'has value', 'fabric'], ['media', 'has slot', 'title'], ['starring', 'has value', 'meera ganatra'], ['spanish', 'has domain', 'media'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'subtitle language'], ['meera ganatra', 'has domain', 'media'], ['english', 'has domain', 'media'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', 'in fabric'], ['in fabric', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['fabric', 'has domain', 'media'], ['blinded by the light', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1198\n", + "dialogue: \"user\": \"can you play a movie please ? with spanish subtitles .\"\n", + "\"system\": \"sure , which movie do you have in mind ?\"\n", + "\"user\": \"i ' m thinking hustlers .\"\n", + "\"system\": \"okay , can you confirm you ' d like me to play hustlers with spanish subtitles ?\"\n", + "\"user\": \"actually wait , play official secrets instead .\"\n", + "\"system\": \"sure , can you confirm you ' d like me to play official secrets with spanish subtitles ?\"\n", + "\"user\": \"yup , could you also tell me the genre of that movie and who plays in it ?\"\n", + "\"system\": \"i started the movie . it ' s a mystery starring chris larkin .\"\n", + "\"user\": \"great , thank you .\"\n", + "\"system\": \"anything else i can do ?\"\n", + "\"user\": \"nope , that ' s all for now ,.\"\n", + "\"system\": \"enjoy the movie !\"\n", + "\n", + "terms: ['starring', 'mystery', 'hustlers', 'chris larkin', 'genre', 'spanish', 'official secrets']\n", + "relations: [['title', 'has value', 'official secrets'], ['chris larkin', 'has domain', 'media'], ['media', 'has slot', 'title'], ['spanish', 'has domain', 'media'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'starring'], ['starring', 'has value', 'chris larkin'], ['media', 'has slot', 'genre'], ['mystery', 'has domain', 'media'], ['genre', 'has value', 'mystery'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'hustlers'], ['official secrets', 'has domain', 'media'], ['hustlers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1199\n", + "dialogue: \"user\": \"i want to watch the movie .\"\n", + "\"system\": \"what movie ?\"\n", + "\"user\": \"i want to watch stage door with hindi subtitles .\"\n", + "\"system\": \"please confirm , playing stage door with hindi subtitles .\"\n", + "\"user\": \"no , i want to watch yesterday with english subtitles .\"\n", + "\"system\": \"please confirm , playing yesterday with english subtitles .\"\n", + "\"user\": \"yes , what kind of movie is it ?\"\n", + "\"system\": \"it is a comedy .\"\n", + "\"user\": \"ok , that is all i need .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['stage door', 'comedy', 'hindi', 'english', 'yesterday']\n", + "relations: [['hindi', 'has domain', 'media'], ['genre', 'has value', 'comedy'], ['media', 'has slot', 'title'], ['comedy', 'has domain', 'media'], ['yesterday', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['english', 'has domain', 'media'], ['title', 'has value', 'yesterday'], ['media', 'has slot', 'genre'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['subtitle language', 'has value', 'hindi'], ['title', 'has value', 'stage door'], ['stage door', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1200\n", + "dialogue: \"user\": \"i ' m looking to watch a movie with french subtitles .\"\n", + "\"system\": \"what movie do you want to watch ?\"\n", + "\"user\": \"i want to see once upon a time .\"\n", + "\"system\": \"okay , playing once upon a time in hollywood with french subtitles , correct ?\"\n", + "\"user\": \"no , i ' d like to watch fiddler .\"\n", + "\"system\": \"okay , you want to watch fiddler : a miracle of miracles with french subtitles , right ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"i have started playing the movie .\"\n", + "\"user\": \"who acted in the movie ?\"\n", + "\"system\": \"harvey fierstein acted in it .\"\n", + "\"user\": \"what type of movie is it ?\"\n", + "\"system\": \"it is a documentary .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"is there anything else i can help with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['french', 'documentary', 'fiddler : a miracle of miracles', 'fiddler', 'once upon a time', 'once upon a time in hollywood']\n", + "relations: [['media', 'has slot', 'subtitle language'], ['title', 'has value', 'once upon a time'], ['media', 'has slot', 'starring'], ['french', 'has domain', 'media'], ['once upon a time', 'has domain', 'media'], ['starring', 'has value', 'harvey fierstein'], ['once upon a time in hollywood', 'has domain', 'media'], ['harvey fierstein', 'has domain', 'media'], ['subtitle language', 'has value', 'french'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['fiddler : a miracle of miracles', 'has domain', 'media'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['fiddler', 'has domain', 'media'], ['genre', 'has value', 'documentary'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['title', 'has value', 'fiddler : a miracle of miracles'], ['documentary', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'fiddler']]\n", + "\n", + "dialogue id: sgd-test-1201\n", + "dialogue: \"user\": \"i am in a nice mood and i have some free time . i want to watch a perfect movie and i need your help in this regard .\"\n", + "\"system\": \"what is your favorite movie to watch ?\"\n", + "\"user\": \"good boys . it is the best i think . can you play it now ?\"\n", + "\"system\": \"yes , i need your final confirmation to play the movie good boys with english subtitles .\"\n", + "\"user\": \"please play it with french subtitles .\"\n", + "\"system\": \"okay , i need your final confirmation to play the movie good boys with french subtitles .\"\n", + "\"user\": \"yes , correct . please let me know the type of this movie .\"\n", + "\"system\": \"it is comedy movie and the same was started playing now .\"\n", + "\"user\": \"thanks and that ' s all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['comedy', 'french', 'english', 'good boys']\n", + "relations: [['genre', 'has value', 'comedy'], ['media', 'has slot', 'title'], ['comedy', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['french', 'has domain', 'media'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['subtitle language', 'has value', 'french'], ['title', 'has value', 'good boys'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie'], ['good boys', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1202\n", + "dialogue: \"user\": \"hi , could you help me search for some mystery movies online ?\"\n", + "\"system\": \"would you like to watch luce or official secrets ?\"\n", + "\"user\": \"are there any alternatives ?\"\n", + "\"system\": \"no , there isn ' t . how can i further assist you ?\"\n", + "\"user\": \"could you help me find for ghost movies featuring ian hendry instead then ?\"\n", + "\"system\": \"would you like to watch theatre of blood then ?\"\n", + "\"user\": \"sure , theatre of blood sounds great ! could you play it for me now ?\"\n", + "\"system\": \"please confirm your request to play the theatre of blood with english subtitles .\"\n", + "\"user\": \"that is fine with me .\"\n", + "\"system\": \"sorry , i was not able to play your movie . could i help you in some other way ?\"\n", + "\"user\": \"no , that is all . thank you !\"\n", + "\"system\": \"have a pleasant day ahead !\"\n", + "\n", + "terms: ['ghost', 'mystery', 'theatre of blood', 'ian hendry', 'english', 'official secrets', 'luce']\n", + "relations: [['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['title', 'has value', 'luce'], ['genre', 'has value', 'mystery'], ['media', 'has slot', 'starring'], ['title', 'has value', 'theatre of blood'], ['english', 'has domain', 'media'], ['starring', 'has value', 'ian hendry'], ['luce', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['official secrets', 'has domain', 'media'], ['title', 'has value', 'official secrets'], ['media', 'has slot', 'title'], ['ian hendry', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'ghost'], ['mystery', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['theatre of blood', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1203\n", + "dialogue: \"user\": \"i need to watch movies online . will you find movies featuring katharine hepburn ?\"\n", + "\"system\": \"what kind of movies you like it most ?\"\n", + "\"user\": \"dramatic story movies would be great .\"\n", + "\"system\": \"what about stage door ?\"\n", + "\"user\": \"ok stage door is great .\"\n", + "\"system\": \"whether i need to play the movie ?\"\n", + "\"user\": \"yes , i want to play the movie . i need it with french subtitles .\"\n", + "\"system\": \"please review the details and confirm it . playing stage door with subtitles in french .\"\n", + "\"user\": \"ok thats great . play it .\"\n", + "\"system\": \"started playing the movie .\"\n", + "\"user\": \"thanks a lot , that ' s all i need\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['french', 'stage door', 'katharine hepburn']\n", + "relations: [['katharine hepburn', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['french', 'has domain', 'media'], ['starring', 'has value', 'katharine hepburn'], ['media', 'has slot', 'genre'], ['dramatic story', 'has domain', 'media'], ['subtitle language', 'has value', 'french'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'stage door'], ['stage door', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1204\n", + "dialogue: \"user\": \"i want to find a movie to watch online .\"\n", + "\"system\": \"what type of movie do you want to watch ?\"\n", + "\"user\": \"i want to watch a drama movie .\"\n", + "\"system\": \"i found 10 movies including a faithful man , after the wedding , and blinded by the light .\"\n", + "\"user\": \"after the wedding will be perfect .\"\n", + "\"system\": \"are you ready to watch ?\"\n", + "\"user\": \"yes , play it with english subtitles .\"\n", + "\"system\": \"please confirm , playing after the wedding with english subtitles .\"\n", + "\"user\": \"yes !\"\n", + "\"system\": \"plays movie .\"\n", + "\"user\": \"thanks , that is everything .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['after the wedding', 'play', 'english', 'drama', 'a faithful man', '10', 'blinded by the light']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['drama', 'refers to same concept as', 'play'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['drama', 'has domain', 'media'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1205\n", + "dialogue: \"user\": \"i ' m looking for a movie on line some future scientific fiction would be my first choice .\"\n", + "\"system\": \"would you like ad astra or close encounters of the third kind ?\"\n", + "\"user\": \"on second thought i ' d like something with prashant narayanan in it , perhaps a comic movie .\"\n", + "\"system\": \"i found 1 it ' s called chhichhore .\"\n", + "\"user\": \"chhichhore would be great . i ' d like to watch it now .\"\n", + "\"system\": \"to confirm : you would like to see chhichhore with english subtitles .\"\n", + "\"user\": \"make it french subtitles .\"\n", + "\"system\": \"okay , you would like to see chhichhore with french subtitles .\"\n", + "\"user\": \"that ' s it , thanks .\"\n", + "\"system\": \"your movie will start now .\"\n", + "\"user\": \"thanks , i really appreciate it .\"\n", + "\"system\": \"did you need anything else ?\"\n", + "\"user\": \"no , just the movie . thanks\"\n", + "\"system\": \"enjoy your film .\"\n", + "\n", + "terms: ['ad astra', 'close encounters', 'french', 'close encounters of the third kind', 'prashant narayanan', 'future scientific fiction', 'chhichhore', 'english', 'comic', '1']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['future scientific fiction', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['close encounters of the third kind', 'has domain', 'media'], ['genre', 'has value', 'comic'], ['title', 'has value', 'close encounters of the third kind'], ['french', 'has domain', 'media'], ['chhichhore', 'has domain', 'media'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'chhichhore'], ['subtitle language', 'has value', 'french'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['genre', 'has value', 'future scientific fiction'], ['media', 'has slot', 'genre'], ['title', 'has value', 'ad astra'], ['prashant narayanan', 'has domain', 'media'], ['count', 'has value', '1'], ['starring', 'has value', 'prashant narayanan'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['comic', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1206\n", + "dialogue: \"user\": \"could you help me find some online movies to watch ?\"\n", + "\"system\": \"i sure could . what type of movies were you thinking of ?\"\n", + "\"user\": \"i really want to see something funny .\"\n", + "\"system\": \"how about my big fat greek wedding , chhichhore or good boys , which are all funny movies ?\"\n", + "\"user\": \"i ' ve been wanting to see greek wedding , so that ' ll be fine .\"\n", + "\"system\": \"would you like to begin watching the movie now ?\"\n", + "\"user\": \"i sure do and i want the english subtitles to be turned on .\"\n", + "\"system\": \"confirming playback of the film my big fat greek wedding with the english subtitles feature turned on .\"\n", + "\"user\": \"cool , thanks . hey , could you tell me who ' s in the cast ?\"\n", + "\"system\": \"the cast includes andrea martin and the movie is now playing .\"\n", + "\"user\": \"okay , thank you for doing that .\"\n", + "\"system\": \"you ' re welcome . will there be anything else ?\"\n", + "\"user\": \"nope , but thanks again .\"\n", + "\"system\": \"thank you very much .\"\n", + "\n", + "terms: ['greek wedding', 'funny', 'chhichhore', 'english', 'good boys', 'andrea martin', 'my big fat greek wedding']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['starring', 'has value', 'andrea martin'], ['media', 'has slot', 'starring'], ['title', 'has value', 'greek wedding'], ['good boys', 'has domain', 'media'], ['chhichhore', 'has domain', 'media'], ['english', 'has domain', 'media'], ['title', 'has value', 'good boys'], ['subtitle language', 'has value', 'english'], ['andrea martin', 'has domain', 'media'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['media', 'has slot', 'title'], ['greek wedding', 'has domain', 'media'], ['genre', 'has value', 'funny'], ['media', 'has slot', 'genre'], ['funny', 'has domain', 'media'], ['my big fat greek wedding', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding']]\n", + "\n", + "dialogue id: sgd-test-1207\n", + "dialogue: \"user\": \"i am planning to watch a nice movie online for which i need your help to find the good one for me /\"\n", + "\"system\": \"do you have any favorite kind of movie ?\"\n", + "\"user\": \"i like to watch kids movies and search for something related to this .\"\n", + "\"system\": \"what about the movie the angry birds movie 2 or do you like toy story 4 ?\"\n", + "\"user\": \"i like to go with toy story four .\"\n", + "\"system\": \"how can i help you further ?\"\n", + "\"user\": \"i want to watch it now with english subtitles .\"\n", + "\"system\": \"please confirm to play the movie toy story 4 with english subtitles .\"\n", + "\"user\": \"yes , proceed to play .\"\n", + "\"system\": \"movie started playing and you can enjoy it now .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"anything else you need .\"\n", + "\"user\": \"no . nothing for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['angry birds', 'toy story 4', 'english', 'kids', 'toy story four', 'the angry birds movie 2']\n", + "relations: [['media', 'has slot', 'playmovie'], ['media', 'has slot', 'title'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['toy story 4', 'refers to same concept as', 'toy story four'], ['title', 'has value', 'toy story 4'], ['media', 'has slot', 'subtitle language'], ['kids', 'has domain', 'media'], ['title', 'has value', 'toy story four'], ['media', 'has slot', 'genre'], ['english', 'has domain', 'media'], ['toy story 4', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['genre', 'has value', 'kids'], ['the angry birds movie 2', 'has domain', 'media'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['toy story four', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1208\n", + "dialogue: \"user\": \"can you help me find online movies featuring rebecca gayheart ?\"\n", + "\"system\": \"what kind of movies do you like ?\"\n", + "\"user\": \"bizarre story movies are my preference .\"\n", + "\"system\": \"what about once upon a time in hollywood ?\"\n", + "\"user\": \"is there anything else ? i like movies featuring jakob dylan especially musical movies .\"\n", + "\"system\": \"what about echo in the canyon ?\"\n", + "\"user\": \"echo is great . i ' d like to watch it now with french subtitles .\"\n", + "\"system\": \"please confirm the following details : playing echo in the canyon with subtitles in french .\"\n", + "\"user\": \"no , please change it to spanish subtitles .\"\n", + "\"system\": \"please confirm the following details : playing echo in the canyon with subtitles in spanish .\"\n", + "\"user\": \"yes thank you .\"\n", + "\"system\": \"your movie is starting .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"what else can i help ?\"\n", + "\"user\": \"that will be all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['musical', 'french', 'echo in the canyon', 'spanish', 'echo', 'once upon a time', 'once upon a time in hollywood', 'rebecca gayheart', 'jakob dylan']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['musical', 'has domain', 'media'], ['jakob dylan', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['echo in the canyon', 'refers to same concept as', 'echo'], ['spanish', 'has domain', 'media'], ['french', 'has domain', 'media'], ['title', 'has value', 'echo in the canyon'], ['once upon a time in hollywood', 'has domain', 'media'], ['subtitle language', 'has value', 'french'], ['genre', 'has value', 'musical'], ['title', 'has value', 'echo'], ['echo', 'has domain', 'media'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['echo in the canyon', 'has domain', 'media'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'genre'], ['bizarre story', 'has domain', 'media'], ['rebecca gayheart', 'has domain', 'media'], ['genre', 'has value', 'bizarre story'], ['starring', 'has value', 'jakob dylan'], ['starring', 'has value', 'rebecca gayheart'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1209\n", + "dialogue: \"user\": \"i ' m looking for a movie with margaret early that ' s available online .\"\n", + "\"system\": \"is there a specific genre you want ?\"\n", + "\"user\": \"i think a drama movie would be ideal .\"\n", + "\"system\": \"there ' s 1 movie that matches . how about stage door ?\"\n", + "\"user\": \"i really like stage door . please put that on .\"\n", + "\"system\": \"i ' ll play stage door with english subtitles , is that correct ?\"\n", + "\"user\": \"yeah , that ' s correct .\"\n", + "\"system\": \"the movie is now playing .\"\n", + "\"user\": \"thank you , that ' s all for now .\"\n", + "\"system\": \"have a great movie watching experience .\"\n", + "\n", + "terms: ['play', 'stage door', 'drama', 'genre', 'english', 'margaret early', '1']\n", + "relations: [['drama', 'has domain', 'media'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['count', 'has value', '1'], ['media', 'has slot', 'findmovies'], ['drama', 'refers to same concept as', 'play'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'genre'], ['margaret early', 'has domain', 'media'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['starring', 'has value', 'margaret early'], ['title', 'has value', 'stage door'], ['stage door', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1210\n", + "dialogue: \"user\": \"i want to watch a movie online and i need your help to find something for me ?\"\n", + "\"system\": \"may i know your interested kind of movies to search for ?\"\n", + "\"user\": \"i am always like to watch fantasy type of movies and i want the same now . can you search it for me ?\"\n", + "\"system\": \"yes , what is your interest to watch a movies like labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"labyrinth is the one i choose and i am ready to watch it now . can you play it now for me ?\"\n", + "\"system\": \"yes , i need your final confirmation to play labyrinth with subtitles in english language .\"\n", + "\"user\": \"confirmed , please proceed .\"\n", + "\"system\": \"the movie was started playing now .\"\n", + "\"user\": \"thank you so much .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['the lord of the rings', 'labyrinth', 'english', 'fantasy', 'the lord of the rings : the return of the king']\n", + "relations: [['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['title', 'has value', 'labyrinth'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['fantasy', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1211\n", + "dialogue: \"user\": \"i ' m looking for a movie online to watch . i like thriller movies and movies with leland orser .\"\n", + "\"system\": \"i found 1 movie you might like . how about the art of self - defense ?\"\n", + "\"user\": \"yes , the art of self - defense sounds good . i ' d like to watch it now .\"\n", + "\"system\": \"okay , i ' m playing the art of self - defense with english subtitles , correct ?\"\n", + "\"user\": \"no , i ' d like to watch it with hindi subtitles .\"\n", + "\"system\": \"okay , playing the art of self - defense with hindi subtitles , correct ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"i have started playing the movie .\"\n", + "\"user\": \"thank you , that is all i needed .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['hindi', 'english', 'the art of self - defense', '1', 'leland orser', 'thriller']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['english', 'has domain', 'media'], ['leland orser', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['the art of self - defense', 'has domain', 'media'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['genre', 'has value', 'thriller'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['thriller', 'has domain', 'media'], ['subtitle language', 'has value', 'hindi'], ['starring', 'has value', 'leland orser'], ['count', 'has value', '1'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1212\n", + "dialogue: \"user\": \"can you help me find some movies online ?\"\n", + "\"system\": \"what kind of movies would you like to watch ?\"\n", + "\"user\": \"a fantasy movie featuring lawrence makoare would be great .\"\n", + "\"system\": \"would you like to watch the lord of the rings : the return of the king ?\"\n", + "\"user\": \"are there any others ?\"\n", + "\"system\": \"sorry , i couldn ' t find any others that match your preferences .\"\n", + "\"user\": \"in that case , look for one featuring shelley thompson .\"\n", + "\"system\": \"i found 1 movie . would you like to watch labyrinth ?\"\n", + "\"user\": \"labyrinth would be great . can you find one i can watch now , with french subtitles ?\"\n", + "\"system\": \"to confirm : you would like me to play labyrinth with french subtitles .\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"you can start watching it now .\"\n", + "\"user\": \"perfect . thank you .\"\n", + "\"system\": \"is there anything else you need ?\"\n", + "\"user\": \"no i ' m good , thanks .\"\n", + "\"system\": \"enjoy your film .\"\n", + "\n", + "terms: ['the lord of the rings', 'french', 'shelley thompson', 'one', 'labyrinth', 'the lord of the rings : the return of the king', 'fantasy', '1', 'lawrence makoare']\n", + "relations: [['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['starring', 'has value', 'lawrence makoare'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['title', 'has value', 'labyrinth'], ['french', 'has domain', 'media'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['fantasy', 'has domain', 'media'], ['subtitle language', 'has value', 'french'], ['starring', 'has value', 'shelley thompson'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['lawrence makoare', 'has domain', 'media'], ['1', 'refers to same concept as', 'one'], ['shelley thompson', 'has domain', 'media'], ['count', 'has value', '1'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1213\n", + "dialogue: \"user\": \"i really like jakob dylan , what movies online is he in ?\"\n", + "\"system\": \"what genre are you thinking of ?\"\n", + "\"user\": \"try musical for this one .\"\n", + "\"system\": \"well , there is echo in the canyon for one .\"\n", + "\"user\": \"echo in the canyon sounds great , get it with spanish subtitles though .\"\n", + "\"system\": \"sure , to confirm : play echo in the canyon with spanish subtitles ?\"\n", + "\"user\": \"you got it toots .\"\n", + "\"system\": \"i ' m starting the movie now .\"\n", + "\"user\": \"perfectly ideal .\"\n", + "\"system\": \"what may i help with now ?\"\n", + "\"user\": \"nothing else , thanks .\"\n", + "\"system\": \"playing it now , enjoy .\"\n", + "\n", + "terms: ['musical', 'echo in the canyon', 'genre', 'spanish', 'echo', 'jakob dylan']\n", + "relations: [['genre', 'has value', 'musical'], ['media', 'has slot', 'title'], ['echo in the canyon', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['spanish', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['title', 'has value', 'echo in the canyon'], ['subtitle language', 'has value', 'spanish'], ['starring', 'has value', 'jakob dylan'], ['media', 'has slot', 'genre'], ['jakob dylan', 'has domain', 'media'], ['musical', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['echo in the canyon', 'refers to same concept as', 'echo']]\n", + "\n", + "dialogue id: sgd-test-1214\n", + "dialogue: \"user\": \"look for some online movies for me please .\"\n", + "\"system\": \"sure , just tell me what kind you like\"\n", + "\"user\": \"i ' m into play movies\"\n", + "\"system\": \"i can tell you 10 titles . how do you feel about a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"a faithful man works for me\"\n", + "\"system\": \"i can play it now\"\n", + "\"user\": \"yes please\"\n", + "\"system\": \"confirm me the data i ' ve acquired . you want to watch the movie a faithful man with english subtitles .\"\n", + "\"user\": \"yes , name me some actors from the movie .\"\n", + "\"system\": \"the movie is playing . there ' s bakary sangare in it .\"\n", + "\"user\": \"okay , leave me alone now .\"\n", + "\"system\": \"as you wish . bye\"\n", + "\n", + "terms: ['play', 'after the wedding', 'english', '10', 'a faithful man', 'bakary sangare', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'play'], ['starring', 'has value', 'bakary sangare'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['play', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['bakary sangare', 'has domain', 'media'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1215\n", + "dialogue: \"user\": \"i need help finding something good to watch online . i feel like family movies featuring ronald young .\"\n", + "\"system\": \"i ' ve found 1 movie you might like . how about steel magnolias ?\"\n", + "\"user\": \"i ' ve heard of that . steel magnolias sounds great .\"\n", + "\"system\": \"will that be all ?\"\n", + "\"user\": \"i want to watch the movie now .\"\n", + "\"system\": \"please confirm : play steel magnolias with subtitles on english .\"\n", + "\"user\": \"i confirm .\"\n", + "\"system\": \"your movie will begin playing shortly .\"\n", + "\"user\": \"i appreciate it thanks .\"\n", + "\"system\": \"anytime , enjoy the movie .\"\n", + "\n", + "terms: ['steel magnolias', 'family', 'english', '1', 'ronald young']\n", + "relations: [['media', 'has slot', 'title'], ['count', 'has value', '1'], ['genre', 'has value', 'family'], ['ronald young', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['steel magnolias', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'genre'], ['title', 'has value', 'steel magnolias'], ['english', 'has domain', 'media'], ['starring', 'has value', 'ronald young'], ['subtitle language', 'has value', 'english'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['family', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1216\n", + "dialogue: \"user\": \"is there a movie online you can find for me to watch ?\"\n", + "\"system\": \"any particular genre of movies you particularly like ?\"\n", + "\"user\": \"something kids would enjoy would be great .\"\n", + "\"system\": \"how about the angry birds movie 2 or toy story 4 ?\"\n", + "\"user\": \"i think toy story four sounds great .\"\n", + "\"system\": \"shall i begin playing the movie ?\"\n", + "\"user\": \"sure , play the movie and have it set with french subtitles .\"\n", + "\"system\": \"understood , toy story 4 will play with french subtitles .\"\n", + "\"user\": \"great , thanks for the help .\"\n", + "\"system\": \"the movie is now playing , enjoy .\"\n", + "\"user\": \"quick question , who acted in this movie ?\"\n", + "\"system\": \"one notable actor that stars in this movie is flea .\"\n", + "\"user\": \"great , thanks for the information .\"\n", + "\"system\": \"is there anything else that i can help you with ?\"\n", + "\"user\": \"no , that will be all , thanks .\"\n", + "\"system\": \"your welcome , have a great day .\"\n", + "\n", + "terms: ['angry birds', 'french', 'flea', 'genre', 'toy story 4', 'kids', 'toy story four', 'the angry birds movie 2']\n", + "relations: [['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['the angry birds movie 2', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['title', 'has value', 'toy story 4'], ['french', 'has domain', 'media'], ['title', 'has value', 'toy story four'], ['subtitle language', 'has value', 'french'], ['media', 'has slot', 'title'], ['toy story 4', 'refers to same concept as', 'toy story four'], ['kids', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['toy story four', 'has domain', 'media'], ['genre', 'has value', 'kids'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['flea', 'has domain', 'media'], ['starring', 'has value', 'flea'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds']]\n", + "\n", + "dialogue id: sgd-test-1217\n", + "dialogue: \"user\": \"find me some movies for kids online , please .\"\n", + "\"system\": \"i found 2 possible movies for you . how about the angry birds movie 2 or toy story 4 ?\"\n", + "\"user\": \"the angry birds is great . can you play the movie now with hindi subtitles ?\"\n", + "\"system\": \"confirming that you want me to play the angry birds movie 2 with hindi subtitles ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"i have started playing the movie .\"\n", + "\"user\": \"who stars in this movie ?\"\n", + "\"system\": \"maya rudolph is one of the actors in this movie .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no . thank you .\"\n", + "\"system\": \"you ' re welcome . have a good day .\"\n", + "\n", + "terms: ['angry birds', 'the angry birds', '2', 'hindi', 'toy story 4', 'kids', 'the angry birds movie 2']\n", + "relations: [['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['the angry birds movie 2', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'media'], ['maya rudolph', 'has domain', 'media'], ['title', 'has value', 'toy story 4'], ['count', 'has value', '2'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['kids', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['subtitle language', 'has value', 'hindi'], ['the angry birds', 'has domain', 'media'], ['genre', 'has value', 'kids'], ['title', 'has value', 'the angry birds'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['starring', 'has value', 'maya rudolph']]\n", + "\n", + "dialogue id: sgd-test-1218\n", + "dialogue: \"user\": \"can you find me a movie i can watch online ?\"\n", + "\"system\": \"which genre of movies are you interested in ?\"\n", + "\"user\": \"i want to watch a comic movie .\"\n", + "\"system\": \"from 5 potential movies , would you like to watch chhichhore , good boys , or my big fat greek wedding ?\"\n", + "\"user\": \"i think chhichhore sounds great , please play it right now .\"\n", + "\"system\": \"you wish to play chhichhore with english subtitles correct ?\"\n", + "\"user\": \"actually , play it with spanish subtitles .\"\n", + "\"system\": \"understood , chhichhore will be played with spanish subtitles .\"\n", + "\"user\": \"on second thought , play the movie with french subtitles .\"\n", + "\"system\": \"chhichhore will play shortly with french subtitles , is that right ?\"\n", + "\"user\": \"that is right , thank yo .\"\n", + "\"system\": \"the movie has now commenced .\"\n", + "\"user\": \"can you tell me who acted in the movie .\"\n", + "\"system\": \"a notable actor in the movie is varun sharma .\"\n", + "\"user\": \"great , that is all i needed for now , thanks .\"\n", + "\"system\": \"no problem , have a good day .\"\n", + "\n", + "terms: ['french', 'greek wedding', 'varun sharma', '5', 'genre', 'spanish', 'chhichhore', 'english', 'good boys', 'comic', 'my big fat greek wedding']\n", + "relations: [['starring', 'has value', 'varun sharma'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['good boys', 'has domain', 'media'], ['genre', 'has value', 'comic'], ['spanish', 'has domain', 'media'], ['french', 'has domain', 'media'], ['chhichhore', 'has domain', 'media'], ['english', 'has domain', 'media'], ['5', 'has domain', 'media'], ['title', 'has value', 'good boys'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['subtitle language', 'has value', 'french'], ['media', 'has slot', 'title'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'genre'], ['my big fat greek wedding', 'has domain', 'media'], ['varun sharma', 'has domain', 'media'], ['count', 'has value', '5'], ['media', 'has slot', 'playmovie'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['comic', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1219\n", + "dialogue: \"user\": \"can you find me some movies featuring gil bellows ?\"\n", + "\"system\": \"what type of movies do you want me to search for ?\"\n", + "\"user\": \"search for scary movies .\"\n", + "\"system\": \"i found 1 movie called scary stories to tell in the dark .\"\n", + "\"user\": \"scary stories sounds great to me . i would like to watch this movie with english subtitles .\"\n", + "\"system\": \"please confirm : you want me to play scary stories to tell in the dark with english subtitles .\"\n", + "\"user\": \"yes , that sounds great .\"\n", + "\"system\": \"your movie is playing . enjoy the movie .\"\n", + "\"user\": \"thank you for the help .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no . that will be all . thank you !\"\n", + "\"system\": \"i am glad i could help . have a great day !\"\n", + "\n", + "terms: ['scary', 'gil bellows', 'scary stories', 'english', '1', 'scary stories to tell in the dark']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['scary stories to tell in the dark', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['english', 'has domain', 'media'], ['gil bellows', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['genre', 'has value', 'scary'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['starring', 'has value', 'gil bellows'], ['title', 'has value', 'scary stories to tell in the dark'], ['title', 'has value', 'scary stories'], ['count', 'has value', '1'], ['scary', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['scary stories', 'has domain', 'media'], ['scary stories to tell in the dark', 'refers to same concept as', 'scary stories']]\n", + "\n", + "dialogue id: sgd-test-1220\n", + "dialogue: \"user\": \"i ' d like to find a movie to stream . can you help ?\"\n", + "\"system\": \"i ' d be happy to . what type of movie would you like to watch ?\"\n", + "\"user\": \"i ' d like to see a play movie .\"\n", + "\"system\": \"have you seen a faithful man , after the wedding , or blinded by the light ?\"\n", + "\"user\": \"yes . i ' d like to watch after the wedding now .\"\n", + "\"system\": \"you ' d like to watch after the wedding with english subtitles . is that right ?\"\n", + "\"user\": \"no , i ' d like to have hindi subtitles please .\"\n", + "\"system\": \"you ' d like to have hindi subtitles for after the wedding . is that correct .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your selection has begun streaming .\"\n", + "\"user\": \"thank you for the help !\"\n", + "\"system\": \"you ' re welcome . enjoy the movie !\"\n", + "\n", + "terms: ['play', 'after the wedding', 'hindi', 'english', 'a faithful man', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'play'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['a faithful man', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['play', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['subtitle language', 'has value', 'hindi'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1221\n", + "dialogue: \"user\": \"i am in the mood to watch a good movie online .\"\n", + "\"system\": \"what type of movie are you in the mood to watch .\"\n", + "\"user\": \"i would love to see a good thriller movie .\"\n", + "\"system\": \"would you like to watch the art of self - defense , rojo or madeline ' s madeline ?\"\n", + "\"user\": \"i think i would like to see the art of self - defense .\"\n", + "\"system\": \"i can start playing the movie for you if you like .\"\n", + "\"user\": \"i would like you to start the movie but with hindi subtitles please .\"\n", + "\"system\": \"i understand you would like me to play the art of self - defense with hindi subtitles .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"i have started the show for you , enjoy .\"\n", + "\"user\": \"you ' re the best help .\"\n", + "\"system\": \"is there anything else you need help with ?\"\n", + "\"user\": \"i ' m fine for now , thsnk you though .\"\n", + "\"system\": \"see you later .\"\n", + "\n", + "terms: ['rojo', \"madeline ' s madeline\", 'hindi', 'madeline', 'the art of self - defense', 'thriller']\n", + "relations: [['hindi', 'has domain', 'media'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['genre', 'has value', 'thriller'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], [\"madeline ' s madeline\", 'has domain', 'media'], ['thriller', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['rojo', 'has domain', 'media'], ['subtitle language', 'has value', 'hindi'], ['the art of self - defense', 'has domain', 'media'], ['title', 'has value', 'rojo']]\n", + "\n", + "dialogue id: sgd-test-1222\n", + "dialogue: \"user\": \"i wish to search a movie to watch online like keira knightley .\"\n", + "\"system\": \"which genre do you prefer ?\"\n", + "\"user\": \"i liek mystery movies .\"\n", + "\"system\": \"what is your opinion about official secrets ?\"\n", + "\"user\": \"it is great to see official secrets .\"\n", + "\"system\": \"shall i play the movie ?\"\n", + "\"user\": \"yes . please go ahead .\"\n", + "\"system\": \"kindly ensure that , official secrets movie is playing with the english subtitle .\"\n", + "\"user\": \"nope . i wish to see it with french subtitles .\"\n", + "\"system\": \"kindly ensure that , official secrets movie is playing with the french subtitle .\"\n", + "\"user\": \"nope . i wish to see it with hindi subtitles .\"\n", + "\"system\": \"kindly ensure that , official secrets movie is playing with the hindi subtitle .\"\n", + "\"user\": \"yes . good .\"\n", + "\"system\": \"moving is started .\"\n", + "\"user\": \"thank you so much . that is what i want .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['french', 'mystery', 'keira knightley', 'genre', 'hindi', 'english', 'official secrets']\n", + "relations: [['title', 'has value', 'official secrets'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['french', 'has domain', 'media'], ['keira knightley', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['mystery', 'has domain', 'media'], ['english', 'has domain', 'media'], ['genre', 'has value', 'mystery'], ['subtitle language', 'has value', 'french'], ['subtitle language', 'has value', 'english'], ['subtitle language', 'has value', 'hindi'], ['media', 'has slot', 'playmovie'], ['official secrets', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['starring', 'has value', 'keira knightley']]\n", + "\n", + "dialogue id: sgd-test-1223\n", + "dialogue: \"user\": \"i want to find a funny movies with megan mullally online .\"\n", + "\"system\": \"i have 1 you might think is good . where ' d you go , bernadette ?\"\n", + "\"user\": \"where would you go sounds really good . can i watch it now .\"\n", + "\"system\": \"okay , let ' s confirm the details : you want to watch where ' d you go , bernadette ? and you would like english subtitles .\"\n", + "\"user\": \"yeah that ' s the one .\"\n", + "\"system\": \"movie is now playing .\"\n", + "\"user\": \"thanks . that is all i need .\"\n", + "\"system\": \"enjoy the movie , thanks .\"\n", + "\n", + "terms: ['one', 'funny', \"where ' d you go , bernadette\", 'english', '1', \"where ' d you go\", 'megan mullally']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], [\"where ' d you go , bernadette\", 'has domain', 'media'], ['english', 'has domain', 'media'], ['starring', 'has value', 'megan mullally'], ['subtitle language', 'has value', 'english'], ['where would you go', 'has domain', 'media'], ['media', 'has slot', 'title'], ['genre', 'has value', 'funny'], ['media', 'has slot', 'genre'], [\"where ' d you go , bernadette\", 'refers to same concept as', \"where ' d you go\"], ['1', 'refers to same concept as', 'one'], ['megan mullally', 'has domain', 'media'], ['funny', 'has domain', 'media'], ['title', 'has value', \"where ' d you go , bernadette\"], ['count', 'has value', '1'], ['title', 'has value', 'where would you go'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1224\n", + "dialogue: \"user\": \"i am looking for online films .\"\n", + "\"system\": \"what genre do you prefer ?\"\n", + "\"user\": \"a comedy , funny please .\"\n", + "\"system\": \"what about chhichhore , good boys or my big fat greek wedding ?\"\n", + "\"user\": \"what else do you have ?\"\n", + "\"system\": \"where ' d you go , bernadette or yesterday ?\"\n", + "\"user\": \"no maybe something else ?\"\n", + "\"system\": \"i cannot find anything else . can i assist you with something else ?\"\n", + "\"user\": \"keep looking for movies please . i do like peter dinklage and cartoon movies .\"\n", + "\"system\": \"there is 1 called the angry birds movie 2 ?\"\n", + "\"user\": \"angry birds is perfect , can i watch it now ?\"\n", + "\"system\": \"to confirm then i will play the angry birds movie 2 in english with subtitles .\"\n", + "\"user\": \"yes that is correct .\"\n", + "\"system\": \"movie has started .\"\n", + "\"user\": \"thanks that is all for now .\"\n", + "\"system\": \"have a lovely day .\"\n", + "\n", + "terms: ['peter dinklage', 'angry birds', 'greek wedding', 'cartoon', 'funny', 'genre', 'chhichhore', 'english', 'good boys', 'yesterday', '1', 'my big fat greek wedding', 'the angry birds movie 2']\n", + "relations: [['media', 'has slot', 'playmovie'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['peter dinklage', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['angry birds', 'has domain', 'media'], ['media', 'has slot', 'count'], ['title', 'has value', 'yesterday'], ['genre', 'has value', 'cartoon'], ['media', 'has slot', 'starring'], ['the angry birds movie 2', 'has domain', 'media'], ['good boys', 'has domain', 'media'], [\"where ' d you go , bernadette\", 'has domain', 'media'], ['chhichhore', 'has domain', 'media'], ['english', 'has domain', 'media'], ['title', 'has value', 'good boys'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['title', 'has value', 'angry birds'], ['media', 'has slot', 'title'], ['genre', 'has value', 'funny'], ['media', 'has slot', 'genre'], [\"where ' d you go , bernadette\", 'refers to same concept as', \"where ' d you go\"], ['funny', 'has domain', 'media'], ['title', 'has value', \"where ' d you go , bernadette\"], ['my big fat greek wedding', 'has domain', 'media'], ['count', 'has value', '1'], ['yesterday', 'has domain', 'media'], ['1', 'has domain', 'media'], ['starring', 'has value', 'peter dinklage'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1225\n", + "dialogue: \"user\": \"i ' d like to search for some online movies .\"\n", + "\"system\": \"sure , what type do you like ?\"\n", + "\"user\": \"look for a drama film .\"\n", + "\"system\": \"how about a faithful man , after the wedding , or blinded by the light ?\"\n", + "\"user\": \"i like after the wedding .\"\n", + "\"system\": \"should i play it for you ?\"\n", + "\"user\": \"yes , and put on hindi subtitles .\"\n", + "\"system\": \"please confirm you ' d like me to play after the wedding with hindi subtitles .\"\n", + "\"user\": \"actually do english subtitles .\"\n", + "\"system\": \"okay , confirm you ' d like me to play after the wedding with english subtitles .\"\n", + "\"user\": \"yup , that ' s right .\"\n", + "\"system\": \"the movie is playing .\"\n", + "\"user\": \"that ' s all , thanks .\"\n", + "\"system\": \"enjoy the movie !\"\n", + "\n", + "terms: ['after the wedding', 'play', 'hindi', 'english', 'drama', 'a faithful man', 'blinded by the light']\n", + "relations: [['hindi', 'has domain', 'media'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['a faithful man', 'has domain', 'media'], ['drama', 'refers to same concept as', 'play'], ['media', 'has slot', 'subtitle language'], ['english', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['subtitle language', 'has value', 'hindi'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['subtitle language', 'has value', 'english'], ['drama', 'has domain', 'media'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1226\n", + "dialogue: \"user\": \"i fancy an online movie possibly with yaniv biton .\"\n", + "\"system\": \"what genre do you want ?\"\n", + "\"user\": \"i like exotic movies .\"\n", + "\"system\": \"there is 1 movie called tel aviv on fire ?\"\n", + "\"user\": \"tel aviv on fire is fab !\"\n", + "\"system\": \"would you like to watch it ?\"\n", + "\"user\": \"yes play it now .\"\n", + "\"system\": \"to confirm i will play tel aviv on fire with subtitles in english .\"\n", + "\"user\": \"actually can i watch it with hindi subtitles .\"\n", + "\"system\": \"to confirm i will play tel aviv on fire with hindi subtitles .\"\n", + "\"user\": \"yes that it correct .\"\n", + "\"system\": \"movie has now started .\"\n", + "\"user\": \"thanks for that .\"\n", + "\"system\": \"do you need anything else .\"\n", + "\"user\": \"no thank you .\"\n", + "\"system\": \"enjoy the movie and have a good one .\"\n", + "\n", + "terms: ['tel aviv on fire', 'one', 'yaniv biton', 'genre', 'hindi', 'english', '1', 'exotic']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['tel aviv on fire', 'has domain', 'media'], ['starring', 'has value', 'yaniv biton'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['1', 'refers to same concept as', 'one'], ['genre', 'has value', 'exotic'], ['subtitle language', 'has value', 'hindi'], ['title', 'has value', 'tel aviv on fire'], ['count', 'has value', '1'], ['yaniv biton', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['exotic', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1227\n", + "dialogue: \"user\": \"i would love to find some online anime movies with shinichiro ohta .\"\n", + "\"system\": \"would paprika interest you ?\"\n", + "\"user\": \"do you have another option ?\"\n", + "\"system\": \"sorry no . is there anything else i can help you with ?\"\n", + "\"user\": \"what about a fantasy movie starring ian mckellen ?\"\n", + "\"system\": \"i have 1 option . the lord of the rings : the return of the king . would that interest you ?\"\n", + "\"user\": \"the lord of the rings : the return of the king works .\"\n", + "\"system\": \"should i play the film ?\"\n", + "\"user\": \"yes . thank you .\"\n", + "\"system\": \"please confirm you want me to play the film the lord of the rings : the return of the king with english subtitles .\"\n", + "\"user\": \"yes . that ' s right .\"\n", + "\"system\": \"the film has started playing .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no . that ' s all .\"\n", + "\"system\": \"okay . enjoy your film . goodbye .\"\n", + "\n", + "terms: ['the lord of the rings', 'starring', '1', 'paprika', 'shinichiro ohta', 'ian mckellen', 'fantasy', 'english', 'anime', 'the lord of the rings : the return of the king']\n", + "relations: [['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['shinichiro ohta', 'has domain', 'media'], ['paprika', 'has domain', 'media'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['anime', 'has domain', 'media'], ['fantasy', 'has domain', 'media'], ['genre', 'has value', 'anime'], ['subtitle language', 'has value', 'english'], ['ian mckellen', 'has domain', 'media'], ['media', 'has slot', 'title'], ['starring', 'has value', 'ian mckellen'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['title', 'has value', 'paprika'], ['starring', 'has value', 'shinichiro ohta'], ['count', 'has value', '1'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1228\n", + "dialogue: \"user\": \"i ' m looking for some movies online . i really like brady noon and comic movies .\"\n", + "\"system\": \"i found 1 movie you may like . how about good boys ?\"\n", + "\"user\": \"good boys is a great film .\"\n", + "\"system\": \"should i play the movie .\"\n", + "\"user\": \"yes , please play the movie .\"\n", + "\"system\": \"please confirm : playing the film good boys with english subtitles .\"\n", + "\"user\": \"no , i ' d like to watch it with hindi subtitles , please .\"\n", + "\"system\": \"please confirm : playing the film good boys with hindi subtitles\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"the movie has started playing .\"\n", + "\"user\": \"thank you , that ' s all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['hindi', 'english', 'good boys', 'comic', '1', 'brady noon']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['good boys', 'has domain', 'media'], ['genre', 'has value', 'comic'], ['english', 'has domain', 'media'], ['title', 'has value', 'good boys'], ['subtitle language', 'has value', 'english'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['brady noon', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['subtitle language', 'has value', 'hindi'], ['count', 'has value', '1'], ['starring', 'has value', 'brady noon'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['comic', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1229\n", + "dialogue: \"user\": \"can you help me to find some online movies ?\"\n", + "\"system\": \"which type of movie you want ?\"\n", + "\"user\": \"for me suspense movies is okay .\"\n", + "\"system\": \"i have short listed 4 movies of your choice . madeline ' s madeline , rojo or the art of self - defense ?\"\n", + "\"user\": \"i want to watch rojo movie now with spanish subtitles .\"\n", + "\"system\": \"please give confirmation details : run rojo with spanish subtitles .\"\n", + "\"user\": \"okay , this is perfect .\"\n", + "\"system\": \"the movie started playing now .\"\n", + "\"user\": \"can you tell me the actor of this movie ?\"\n", + "\"system\": \"the actor is rafael federman .\"\n", + "\"user\": \"this is cool .. thank you\"\n", + "\"system\": \"have a nice day ..\"\n", + "\n", + "terms: ['rojo', 'rafael federman', '4', \"madeline ' s madeline\", 'madeline', 'spanish', 'the art of self - defense', 'suspense']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], [\"madeline ' s madeline\", 'has domain', 'media'], ['media', 'has slot', 'starring'], ['suspense', 'has domain', 'media'], ['count', 'has value', '4'], ['spanish', 'has domain', 'media'], ['rojo', 'has domain', 'media'], ['the art of self - defense', 'has domain', 'media'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['subtitle language', 'has value', 'spanish'], ['4', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['title', 'has value', 'rojo'], ['rafael federman', 'has domain', 'media'], ['genre', 'has value', 'suspense'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['starring', 'has value', 'rafael federman'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1230\n", + "dialogue: \"user\": \"can you find me a movie featuring tom skerritt . i like to watch it now online .\"\n", + "\"system\": \"i want to confirm the type of movie liked by you to search for .\"\n", + "\"user\": \"fantasy would be great . search for something featuring john bach .\"\n", + "\"system\": \"i got 1 which is the lord of the rings : the return of the king . what about your opinion ?\"\n", + "\"user\": \"the lord of the rings : the return of the king is nice movie and i like the same .\"\n", + "\"system\": \"shall i play it for you now ?\"\n", + "\"user\": \"yes , do it for me .\"\n", + "\"system\": \"i need your confirmation to play the lord of the rings : the return of the king with english subtitles .\"\n", + "\"user\": \"that is confirmed to proceed .\"\n", + "\"system\": \"movie started playing now and you can enjoy the same .\"\n", + "\"user\": \"thanks and that ' s all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['tom skerritt', 'the lord of the rings', 'john bach', 'english', '1', 'the lord of the rings : the return of the king']\n", + "relations: [['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['fantasy', 'has domain', 'media'], ['john bach', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['tom skerritt', 'has domain', 'media'], ['starring', 'has value', 'john bach'], ['starring', 'has value', 'tom skerritt'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['count', 'has value', '1'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1231\n", + "dialogue: \"user\": \"i would like to find some movies online , specifically featuring sala baker .\"\n", + "\"system\": \"what type of movies are you interested in ?\"\n", + "\"user\": \"i really like fantasy movies .\"\n", + "\"system\": \"i have found 1 movie that might interest you . what is your opinion on the lord of the rings : the return of the king ?\"\n", + "\"user\": \"the lord of the rings three sounds really great . i would like to see the movie now .\"\n", + "\"system\": \"please confirm these details : playing the movie the lord of the rings : the return of the king with english subtitles .\"\n", + "\"user\": \"yes , that would be great .\"\n", + "\"system\": \"the movie has begun to play .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"what else can i do for you ?\"\n", + "\"user\": \"nothing else , thank you .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['the lord of the rings', 'sala baker', 'english', 'fantasy', '1', 'the lord of the rings : the return of the king']\n", + "relations: [['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['the lord of the rings three', 'has domain', 'media'], ['starring', 'has value', 'sala baker'], ['media', 'has slot', 'starring'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['fantasy', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'the lord of the rings three'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['count', 'has value', '1'], ['sala baker', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1232\n", + "dialogue: \"user\": \"i ' ve heard great things about fatma mohamed . please do an online search for movies that she ' s acted in .\"\n", + "\"system\": \"any particular genre i should search for ?\"\n", + "\"user\": \"i prefer ghost movies .\"\n", + "\"system\": \"all right . the 1 movie i found that may interest you is in fabric .\"\n", + "\"user\": \"fabric is a good movie .\"\n", + "\"system\": \"will there be anything else ?\"\n", + "\"user\": \"yes . please play the movie , with english subtitles .\"\n", + "\"system\": \"sure , no problem . please confirm that you ' d like to watch in fabric with english subtitles .\"\n", + "\"user\": \"that is correct , thanks .\"\n", + "\"system\": \"the movie is now playing .\"\n", + "\"user\": \"thank you very much . you ' ve been very helpful . that will be all .\"\n", + "\"system\": \"have yourself a great day !\"\n", + "\n", + "terms: ['ghost', 'fatma mohamed', 'in fabric', 'fabric', 'genre', 'english', '1']\n", + "relations: [['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['fatma mohamed', 'has domain', 'media'], ['in fabric', 'refers to same concept as', 'fabric'], ['media', 'has slot', 'starring'], ['title', 'has value', 'fabric'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'fatma mohamed'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['in fabric', 'has domain', 'media'], ['fabric', 'has domain', 'media'], ['count', 'has value', '1'], ['genre', 'has value', 'ghost'], ['title', 'has value', 'in fabric'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1233\n", + "dialogue: \"user\": \"can you find me some movies to watch online ?\"\n", + "\"system\": \"what kind of movie are you feeling right now ?\"\n", + "\"user\": \"i want to watch a comedy - drama film right now\"\n", + "\"system\": \"there ' s 1 movie called give me liberty which you might like ?\"\n", + "\"user\": \"yes , give me liberty sounds like a fun movie , please play it with english subtitles\"\n", + "\"system\": \"confirming you want to play give me liberty with english subtitles\"\n", + "\"user\": \"yes , that ' s cool . can you tell me who stars in it ?\"\n", + "\"system\": \"the movie is playing now , and it is chris galust who acts in it\"\n", + "\"user\": \"thanks for doing that\"\n", + "\"system\": \"sure thing , can i do anything else ?\"\n", + "\"user\": \"no , that ' s all at the moment\"\n", + "\"system\": \"enjoy watching give me liberty !\"\n", + "\n", + "terms: ['give me liberty', 'comedy - drama', 'english', '1', 'chris galust']\n", + "relations: [['media', 'has slot', 'title'], ['count', 'has value', '1'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['genre', 'has value', 'comedy - drama'], ['media', 'has slot', 'count'], ['media', 'has slot', 'genre'], ['english', 'has domain', 'media'], ['chris galust', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'chris galust'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'starring'], ['title', 'has value', 'give me liberty'], ['give me liberty', 'has domain', 'media'], ['comedy - drama', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1234\n", + "dialogue: \"user\": \"i would like to find a movie featuring andrea frigerio , a suspense movie .\"\n", + "\"system\": \"there is 1 movie you make like rojo ?\"\n", + "\"user\": \"rojo is great . can you play the movie now ?\"\n", + "\"system\": \"yes , playing rojo with subtitles in english .\"\n", + "\"user\": \"yes , that is good .\"\n", + "\"system\": \"i was unable to play the movie . can i help further ?\"\n", + "\"user\": \"no , that is all .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['andrea frigerio', 'rojo', 'english', '1', 'suspense']\n", + "relations: [['genre', 'has value', 'suspense'], ['media', 'has slot', 'title'], ['count', 'has value', '1'], ['media', 'has slot', 'findmovies'], ['starring', 'has value', 'andrea frigerio'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'genre'], ['english', 'has domain', 'media'], ['andrea frigerio', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['rojo', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['title', 'has value', 'rojo'], ['suspense', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1235\n", + "dialogue: \"user\": \"what are some online movies ?\"\n", + "\"system\": \"what genre of movie are you looking for ?\"\n", + "\"user\": \"i would like to see dramatic story movies if you can find any .\"\n", + "\"system\": \"i came across these 10 . would you like any of these : after the wedding , a faithful man or what about blinded by the light ?\"\n", + "\"user\": \"tell me some more choices .\"\n", + "\"system\": \"would you be interested in live flesh or perhaps hustlers or brittany runs a marathon ?\"\n", + "\"user\": \"no , what about an animation movies with john schwab in it ?\"\n", + "\"system\": \"okay , i found 1 called the angry birds movie 2 .\"\n", + "\"user\": \"angry birds are wonderful . could you start that now and include english subtitles ?\"\n", + "\"system\": \"you are asking me to play the angry birds movie 2 and you want english subtitles correct ?\"\n", + "\"user\": \"you got it right .\"\n", + "\"system\": \"i have begun the movie for you .\"\n", + "\"user\": \"super you can go now .\"\n", + "\"system\": \"have a most stimulating day .\"\n", + "\n", + "terms: ['brittany runs a marathon', 'after the wedding', 'angry birds', 'dramatic story', 'hustlers', 'john schwab', 'genre', 'animation', 'live flesh', 'english', '10', 'a faithful man', '1', 'blinded by the light', 'the angry birds movie 2']\n", + "relations: [['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['starring', 'has value', 'john schwab'], ['media', 'has slot', 'subtitle language'], ['angry birds', 'has domain', 'media'], ['dramatic story', 'has domain', 'media'], ['media', 'has slot', 'count'], ['brittany runs a marathon', 'has domain', 'media'], ['animation', 'has domain', 'media'], ['the angry birds movie 2', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['english', 'has domain', 'media'], ['john schwab', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'hustlers'], ['title', 'has value', 'angry birds'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['genre', 'has value', 'animation'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'a faithful man'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'after the wedding'], ['hustlers', 'has domain', 'media'], ['blinded by the light', 'has domain', 'media'], ['count', 'has value', '1'], ['live flesh', 'has domain', 'media'], ['title', 'has value', 'brittany runs a marathon'], ['title', 'has value', 'blinded by the light'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'live flesh'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1236\n", + "dialogue: \"user\": \"i ' m in the mood for some family movies .\"\n", + "\"system\": \"i got 2 of them , steel magnolias and the farewell .\"\n", + "\"user\": \"farewell is fine with me\"\n", + "\"system\": \"i can play it right away if you wish\"\n", + "\"user\": \"yes , do it please\"\n", + "\"system\": \"confirm me the next step . i ' ll play the farewell with english subtitles .\"\n", + "\"user\": \"i confirm . who ' s in the movie ?\"\n", + "\"system\": \"the movie is playing . there ' s zhao shuzhen in the movie\"\n", + "\"user\": \"good\"\n", + "\"system\": \"can i assist you furthermore ?\"\n", + "\"user\": \"no you can ' t\"\n", + "\"system\": \"enjoy your pick .\"\n", + "\n", + "terms: ['family', 'farewell', 'the farewell', '2', 'english', 'zhao shuzhen', 'steel magnolias']\n", + "relations: [['media', 'has slot', 'findmovies'], ['steel magnolias', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['the farewell', 'refers to same concept as', 'farewell'], ['media', 'has slot', 'starring'], ['farewell', 'has domain', 'media'], ['2', 'has domain', 'media'], ['family', 'has domain', 'media'], ['zhao shuzhen', 'has domain', 'media'], ['the farewell', 'has domain', 'media'], ['english', 'has domain', 'media'], ['title', 'has value', 'steel magnolias'], ['subtitle language', 'has value', 'english'], ['count', 'has value', '2'], ['title', 'has value', 'the farewell'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['starring', 'has value', 'zhao shuzhen'], ['title', 'has value', 'farewell'], ['genre', 'has value', 'family'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1237\n", + "dialogue: \"user\": \"i ' m looking for online movies .\"\n", + "\"system\": \"what type of movies are you interested in ?\"\n", + "\"user\": \"i would prefer a cartoon .\"\n", + "\"system\": \"would the angry birds movie 2 or toy story 4 interest you ?\"\n", + "\"user\": \"the angry birds movie two sounds good .\"\n", + "\"system\": \"should i play it ?\"\n", + "\"user\": \"yes . please play it with english subtitles .\"\n", + "\"system\": \"please confirm you want me to play the angry birds movie 2 with english subtitles .\"\n", + "\"user\": \"yes . that ' s right .\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"who acts in it ?\"\n", + "\"system\": \"britta steffenhagen is an actor in the movie .\"\n", + "\"user\": \"okay . that ' s all . thanks .\"\n", + "\"system\": \"okay . have a great day . goodbye .\"\n", + "\n", + "terms: ['angry birds', 'cartoon', 'toy story 4', 'english', 'the angry birds movie 2']\n", + "relations: [['britta steffenhagen', 'has domain', 'media'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['the angry birds movie two', 'has domain', 'media'], ['starring', 'has value', 'britta steffenhagen'], ['the angry birds movie 2', 'has domain', 'media'], ['genre', 'has value', 'cartoon'], ['media', 'has slot', 'starring'], ['title', 'has value', 'toy story 4'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'title'], ['title', 'has value', 'the angry birds movie two'], ['media', 'has slot', 'genre'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1238\n", + "dialogue: \"user\": \"i want to see a war movie .\"\n", + "\"system\": \"there is 1 available . how about the load ?\"\n", + "\"user\": \"the load would be excellent . i want to see it now .\"\n", + "\"system\": \"you want to see the load with english subtitles .\"\n", + "\"user\": \"yes , that would be fine .\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"would you need anything else ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['the load', 'war', '1', 'english']\n", + "relations: [['media', 'has slot', 'title'], ['title', 'has value', 'the load'], ['count', 'has value', '1'], ['media', 'has slot', 'findmovies'], ['war', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['media', 'has slot', 'genre'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['genre', 'has value', 'war'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['the load', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1239\n", + "dialogue: \"user\": \"i am in a mood to watch movie online and i need your help to search for a nice fantasy movie like elijah wood .\"\n", + "\"system\": \"how is the lord of the rings : the return of the king ? do you like it ?\"\n", + "\"user\": \"search for something else and i change my mind . now i want to watch drama movies like lizzo .\"\n", + "\"system\": \"okay , i got hustlers , do you like it ?\"\n", + "\"user\": \"yes , hustlers is okay for me .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"yes , do it for me .\"\n", + "\"system\": \"need your confirmation to play hustlers with english subtitles .\"\n", + "\"user\": \"that is confirmed to proceed .\"\n", + "\"system\": \"movie started playing and you can enjoy the same now .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"anything else you need ?\"\n", + "\"user\": \"no , thanks and that ' s all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['the lord of the rings', 'play', 'hustlers', 'elijah wood', 'lizzo', 'fantasy', 'english', 'drama', 'the lord of the rings : the return of the king']\n", + "relations: [['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'starring'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['drama', 'refers to same concept as', 'play'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['fantasy', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'elijah wood'], ['drama', 'has domain', 'media'], ['media', 'has slot', 'title'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['elijah wood', 'has domain', 'media'], ['lizzo', 'has domain', 'media'], ['hustlers', 'has domain', 'media'], ['starring', 'has value', 'lizzo'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'hustlers']]\n", + "\n", + "dialogue id: sgd-test-1575\n", + "dialogue: \"user\": \"can you help me find some offbeat movies online featuring inbal amirav ?\"\n", + "\"system\": \"sure , i found 1 movie for you , once upon a time in hollywood .\"\n", + "\"user\": \"once upon a time in hollywood sounds great . can you please play it for me now . i don ' t need subtitles .\"\n", + "\"system\": \"can you please confirm that you want me to play once upon a time in hollywood for you , with english subtitles ?\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"i ' ve started playing it for you .\"\n", + "\"user\": \"thank you . can you please tell me the weather for pleasant hill ?\"\n", + "\"system\": \"there ' s a 9 percent change of rain with an average temperature of 94 fahrenheit .\"\n", + "\"user\": \"is it gonna be windy ?\"\n", + "\"system\": \"no quite . the average wind speed will be 5 mph .\"\n", + "\"user\": \"is it going to be humid .\"\n", + "\"system\": \"humidity should be around 30 percent .\"\n", + "\"user\": \"perfect . now let ' s check the weather for march 3rd in point reyes station .\"\n", + "\"system\": \"there ' s a 22 percent change of rain with an average temperature of 71 fahrenheit .\"\n", + "\"user\": \"perfect . thanks for everything . bye - bye !\"\n", + "\"system\": \"my pleasure . have a nice day !\"\n", + "\n", + "terms: ['march 3rd', '22', '94', 'temperature', 'wind', 'offbeat', 'pleasant hill', 'point reyes station', '5', '30', 'weather', 'english', 'inbal amirav', '71', '9', '1', 'once upon a time in hollywood', 'once upon a time']\n", + "relations: [['precipitation', 'has value', '22'], ['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['pleasant hill', 'has domain', 'weather'], ['media', 'has slot', 'subtitle language'], ['94', 'has domain', 'weather'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['precipitation', 'has value', '9'], ['wind', 'has value', '5'], ['humidity', 'has value', '30'], ['date', 'has value', 'march 3rd'], ['weather', 'has slot', 'humidity'], ['weather', 'has slot', 'city'], ['city', 'has value', 'pleasant hill'], ['9', 'has domain', 'weather'], ['once upon a time in hollywood', 'has domain', 'media'], ['english', 'has domain', 'media'], ['weather', 'has slot', 'wind'], ['temperature', 'has value', '71'], ['march 3rd', 'has domain', 'weather'], ['subtitle language', 'has value', 'english'], ['city', 'has value', 'point reyes station'], ['starring', 'has value', 'inbal amirav'], ['22', 'has domain', 'weather'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['30', 'has domain', 'weather'], ['dontcare', 'has domain', 'media'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['temperature', 'has value', '94'], ['weather', 'has slot', 'temperature'], ['genre', 'has value', 'offbeat'], ['inbal amirav', 'has domain', 'media'], ['weather', 'has slot', 'date'], ['count', 'has value', '1'], ['subtitle language', 'has value', 'dontcare'], ['point reyes station', 'has domain', 'weather'], ['5', 'has domain', 'weather'], ['offbeat', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['71', 'has domain', 'weather']]\n", + "\n", + "dialogue id: sgd-test-1576\n", + "dialogue: \"user\": \"i want to ask you for a ghost movie featuring arthur lowe\"\n", + "\"system\": \"there ' s this one called theatre of blood\"\n", + "\"user\": \"i love theatre of blood , play it right away\"\n", + "\"system\": \"sure , just tell me if i got this right . you want to watch the movie theatre of blood with english subtitles .\"\n", + "\"user\": \"yup\"\n", + "\"system\": \"the movie has started\"\n", + "\"user\": \"nice , can you tell me something about philly ' s weather ?\"\n", + "\"system\": \"sure thing . today ' s temperature is 81 degrees fahrenheit and the chance of rain equals to 8 percent\"\n", + "\"user\": \"got it .\"\n", + "\"system\": \"do you have more questions for me ?\"\n", + "\"user\": \"no , i ' m done .\"\n", + "\"system\": \"have a great one .\"\n", + "\n", + "terms: ['ghost', 'temperature', 'theatre of blood', '81', 'weather', 'philly', '8', 'english']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['8', 'has domain', 'weather'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['temperature', 'has value', '81'], ['philly', 'has domain', 'weather'], ['weather', 'has slot', 'city'], ['title', 'has value', 'theatre of blood'], ['81', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['theatre of blood', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['arthur lowe', 'has domain', 'media'], ['weather', 'has slot', 'temperature'], ['precipitation', 'has value', '8'], ['genre', 'has value', 'ghost'], ['starring', 'has value', 'arthur lowe'], ['media', 'has slot', 'playmovie'], ['city', 'has value', 'philly']]\n", + "\n", + "dialogue id: sgd-test-1577\n", + "dialogue: \"user\": \"i ' m looking for an online movie ?\"\n", + "\"system\": \"what type of movie ?\"\n", + "\"user\": \"i ' m looking for a mysterious movie .\"\n", + "\"system\": \"luce and official secrets are 2 options .\"\n", + "\"user\": \"please play luce with or without subtitles .\"\n", + "\"system\": \"please confirm you want me to play luce with english subtitles .\"\n", + "\"user\": \"actually , please play it with hindi subtitles .\"\n", + "\"system\": \"please confirm you want me to play luce with hindi subtitles .\"\n", + "\"user\": \"thanks . who acted in it .\"\n", + "\"system\": \"christopher mann was an actor in the movie . the movie has started .\"\n", + "\"user\": \"thank you . what ' s the weather like ?\"\n", + "\"system\": \"in which city ?\"\n", + "\"user\": \"in milpitas , please ?\"\n", + "\"system\": \"the average temperature is 73 degrees fahrenheit with a 28 percent chance of rain .\"\n", + "\"user\": \"that ' s all . bye .\"\n", + "\"system\": \"okay . thank you and goodbye .\"\n", + "\n", + "terms: ['73', '28', 'temperature', 'city', '2', 'mysterious', 'hindi', 'weather', 'english', 'milpitas', 'official secrets', 'luce']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['genre', 'has value', 'mysterious'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['title', 'has value', 'luce'], ['media', 'has slot', 'count'], ['starring', 'has value', 'christopher mann'], ['weather', 'has slot', 'getweather'], ['city', 'has value', 'milpitas'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'media'], ['28', 'has domain', 'weather'], ['christopher mann', 'has domain', 'media'], ['milpitas', 'has domain', 'weather'], ['weather', 'has slot', 'city'], ['english', 'has domain', 'media'], ['luce', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['official secrets', 'has domain', 'media'], ['count', 'has value', '2'], ['title', 'has value', 'official secrets'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['dontcare', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['mysterious', 'has domain', 'media'], ['subtitle language', 'has value', 'hindi'], ['73', 'has domain', 'weather'], ['subtitle language', 'has value', 'dontcare'], ['media', 'has slot', 'playmovie'], ['precipitation', 'has value', '28'], ['temperature', 'has value', '73']]\n", + "\n", + "dialogue id: sgd-test-1578\n", + "dialogue: \"user\": \"i feel like watching some movies online .\"\n", + "\"system\": \"i can find you some movies to watch . what kind do you like ?\"\n", + "\"user\": \"i like comedy - drama movies .\"\n", + "\"system\": \"i ' ve found 1 movie you might like . what about give me liberty ?\"\n", + "\"user\": \"give me liberty sounds great .\"\n", + "\"system\": \"would you like me to play the movie now ?\"\n", + "\"user\": \"yes , please play it .\"\n", + "\"system\": \"please confirm that you would like me to play the movie give me liberty with subtitles on english .\"\n", + "\"user\": \"yes , please . can you tell me who acted in it ?\"\n", + "\"system\": \"the movie will begin playing momentarily . chris galust acted in this movie .\"\n", + "\"user\": \"great . can you tell me about the weather ?\"\n", + "\"system\": \"in what area ?\"\n", + "\"user\": \"tell me about the weather in cdmx .\"\n", + "\"system\": \"the average temperature for the day is expected to be 102 degrees fahrenheit , and there is a 0 percent chance of rain .\"\n", + "\"user\": \"great . that will be all , going to watch my movie .\"\n", + "\"system\": \"enjoy the movie and i will talk to you later .\"\n", + "\n", + "terms: ['give me liberty', 'temperature', 'weather', '0', 'comedy - drama', 'english', '102', '1', 'chris galust', 'cdmx']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['genre', 'has value', 'comedy - drama'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['precipitation', 'has value', '0'], ['media', 'has slot', 'starring'], ['city', 'has value', 'cdmx'], ['weather', 'has slot', 'city'], ['102', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'chris galust'], ['media', 'has slot', 'title'], ['cdmx', 'has domain', 'weather'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'give me liberty'], ['comedy - drama', 'has domain', 'media'], ['0', 'has domain', 'weather'], ['count', 'has value', '1'], ['chris galust', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['temperature', 'has value', '102'], ['give me liberty', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1579\n", + "dialogue: \"user\": \"i need to spend my time wisely and relax . will you find me some movies online ?\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"i like action movies .\"\n", + "\"system\": \"what about movie angel has fallen , hobbs and shaw or mission mangal ?\"\n", + "\"user\": \"the indian mars movie is nice . i like to watch the movie now . will you play that movie with french subtitles ?\"\n", + "\"system\": \"ok please confirm the following details . playing mission mangal with subtitles in french\"\n", + "\"user\": \"no , i need to play it with english subtitles .\"\n", + "\"system\": \"please confirm the following details . playing mission mangal with subtitles in english\"\n", + "\"user\": \"ok thats great .\"\n", + "\"system\": \"movie started playing\"\n", + "\"user\": \"who acted in that movie ?\"\n", + "\"system\": \"the actor name is mohan kapoor .\"\n", + "\"user\": \"thanks a lot . how is the weather on wednesday next week in dublin ?\"\n", + "\"system\": \"the average temperature for the day should be 92 degrees fahrenheit . there is a 7 percent chance of rain .\"\n", + "\"user\": \"ok sure . that all i need . bye for now\"\n", + "\"system\": \"take care . have a wonderful day\"\n", + "\n", + "terms: ['angel has fallen', 'hobbs and shaw', 'french', 'temperature', 'wednesday next week', 'dublin', 'action', 'mission mangal', '7', 'weather', 'english', '92', 'mohan kapoor']\n", + "relations: [['mission mangal', 'has domain', 'media'], ['92', 'has domain', 'weather'], ['weather', 'has slot', 'precipitation'], ['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['dublin', 'has domain', 'weather'], ['date', 'has value', 'wednesday next week'], ['weather', 'has slot', 'city'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['french', 'has domain', 'media'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['subtitle language', 'has value', 'french'], ['title', 'has value', 'the indian mars movie'], ['starring', 'has value', 'mohan kapoor'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['7', 'has domain', 'weather'], ['the indian mars movie', 'has domain', 'media'], ['mission mangal', 'refers to same concept as', 'the indian mars movie'], ['media', 'has slot', 'genre'], ['precipitation', 'has value', '7'], ['genre', 'has value', 'action'], ['mohan kapoor', 'has domain', 'media'], ['weather', 'has slot', 'temperature'], ['weather', 'has slot', 'date'], ['wednesday next week', 'has domain', 'weather'], ['temperature', 'has value', '92'], ['title', 'has value', 'hobbs and shaw'], ['media', 'has slot', 'playmovie'], ['city', 'has value', 'dublin']]\n", + "\n", + "dialogue id: sgd-test-1580\n", + "dialogue: \"user\": \"i ' d like to find a movie online featuring stephanie vogt . action movies would be fun .\"\n", + "\"system\": \"how about hobbs and shaw ?\"\n", + "\"user\": \"hobbs and shaw is great . i ' d like to watch it now and don ' t care about subtitles .\"\n", + "\"system\": \"please confirm the following : you want to watch hobbs and shaw with english subtitles .\"\n", + "\"user\": \"yes , that works .\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"how ' s the weather ?\"\n", + "\"system\": \"where would you like to check the weather at ?\"\n", + "\"user\": \"show me the weather in rio vista .\"\n", + "\"system\": \"the average temperature will be 85 degrees fahrenheit with a 6 percent chance of rain .\"\n", + "\"user\": \"awesome , thanks .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"nope , thanks so much !\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['hobbs and shaw', '85', '6', 'temperature', 'action', 'stephanie vogt', 'rio vista', 'weather', 'english']\n", + "relations: [['stephanie vogt', 'has domain', 'media'], ['weather', 'has slot', 'precipitation'], ['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['weather', 'has slot', 'city'], ['85', 'has domain', 'weather'], ['action', 'has domain', 'media'], ['precipitation', 'has value', '6'], ['english', 'has domain', 'media'], ['city', 'has value', 'rio vista'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'stephanie vogt'], ['media', 'has slot', 'title'], ['dontcare', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'action'], ['weather', 'has slot', 'temperature'], ['rio vista', 'has domain', 'weather'], ['temperature', 'has value', '85'], ['subtitle language', 'has value', 'dontcare'], ['6', 'has domain', 'weather'], ['title', 'has value', 'hobbs and shaw'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1581\n", + "dialogue: \"user\": \"find me some movies online . i enjoy movies featuring travis harrison .\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"will be great family movies .\"\n", + "\"system\": \"i found 1 movie you may like . how about steel magnolias ?\"\n", + "\"user\": \"steel magnolias sounds great . play it please .\"\n", + "\"system\": \"play steel magnolias with subtitles in english . is that correct ?\"\n", + "\"user\": \"yes that ' s true .\"\n", + "\"system\": \"the movie is started .\"\n", + "\"user\": \"tell me how will be the weather on 7th of this month in healdsburg .\"\n", + "\"system\": \"for the day the average temperature should be 73 degrees fahrenheit and 9 percent chance of rain .\"\n", + "\"user\": \"tell me how will be the humidity and windy ?\"\n", + "\"system\": \"wind speed should be 10 miles per hour and humidity around 22 percent .\"\n", + "\"user\": \"okay . thanks that ' s all . bye !\"\n", + "\"system\": \"bye !\"\n", + "\n", + "terms: ['healdsburg', '73', 'steel magnolias', 'travis harrison', 'family', 'temperature', '22', '7th of this month', 'humidity', 'weather', 'english', '10', '9', '1']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['steel magnolias', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['date', 'has value', '7th of this month'], ['city', 'has value', 'healdsburg'], ['family', 'has domain', 'media'], ['precipitation', 'has value', '9'], ['weather', 'has slot', 'humidity'], ['wind', 'has value', '10'], ['weather', 'has slot', 'city'], ['humidity', 'has value', '22'], ['9', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['title', 'has value', 'steel magnolias'], ['weather', 'has slot', 'wind'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'travis harrison'], ['22', 'has domain', 'weather'], ['media', 'has slot', 'title'], ['travis harrison', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['7th of this month', 'has domain', 'weather'], ['73', 'has domain', 'weather'], ['weather', 'has slot', 'date'], ['count', 'has value', '1'], ['genre', 'has value', 'family'], ['healdsburg', 'has domain', 'weather'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['10', 'has domain', 'weather'], ['temperature', 'has value', '73']]\n", + "\n", + "dialogue id: sgd-test-1582\n", + "dialogue: \"user\": \"can you help me find a movie online ?\"\n", + "\"system\": \"sure , any particular genre ?\"\n", + "\"user\": \"yeah , a kids movie .\"\n", + "\"system\": \"there ' s 2 you might enjoy : the angry birds movie 2 or toy story 4 .\"\n", + "\"user\": \"let ' s do toy story 4 .\"\n", + "\"system\": \"should i play it ?\"\n", + "\"user\": \"yes , please do .\"\n", + "\"system\": \"please confirm you ' d like to watch toy story 4 with english subtitles .\"\n", + "\"user\": \"yup , that ' s correct .\"\n", + "\"system\": \"i ' ve started the movie .\"\n", + "\"user\": \"what ' s the weather like on march 14th in corte madera ?\"\n", + "\"system\": \"it ' ll be 91 degrees fahrenheit on average with a 13 percent chance of rain .\"\n", + "\"user\": \"sound good , thanks .\"\n", + "\"system\": \"need anything else at the moment ?\"\n", + "\"user\": \"nope , thanks again .\"\n", + "\"system\": \"my pleasure , enjoy !\"\n", + "\n", + "terms: ['angry birds', '91', 'march 14th', 'corte madera', '13', '2', 'genre', 'weather', 'toy story 4', 'english', 'kids', 'the angry birds movie 2']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['the angry birds movie 2', 'has domain', 'media'], ['2', 'has domain', 'media'], ['date', 'has value', 'march 14th'], ['91', 'has domain', 'weather'], ['precipitation', 'has value', '13'], ['weather', 'has slot', 'city'], ['title', 'has value', 'toy story 4'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['13', 'has domain', 'weather'], ['temperature', 'has value', '91'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['corte madera', 'has domain', 'weather'], ['kids', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['genre', 'has value', 'kids'], ['weather', 'has slot', 'date'], ['march 14th', 'has domain', 'weather'], ['city', 'has value', 'corte madera'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds']]\n", + "\n", + "dialogue id: sgd-test-1583\n", + "dialogue: \"user\": \"i like michael garza movies . can you find me some online ?\"\n", + "\"system\": \"what genre would you like ?\"\n", + "\"user\": \"horror movies would be nice .\"\n", + "\"system\": \"you might like scary stories to tell in the dark .\"\n", + "\"user\": \"scary stories sounds great .\"\n", + "\"system\": \"would you like to watch the movie now ?\"\n", + "\"user\": \"yes . please play it with hindi subtitles .\"\n", + "\"system\": \"you want me to play scary stories to tell in the dark with hindi subtitles . is this correct ?\"\n", + "\"user\": \"yes , please do that .\"\n", + "\"system\": \"i have started playing the movie .\"\n", + "\"user\": \"can you get me the weather for wednesday next week ?\"\n", + "\"system\": \"what city are you checking for ?\"\n", + "\"user\": \"check the weather for tiburon for march 13th .\"\n", + "\"system\": \"the average temperature should be around 86 degrees fahrenheit with a 16 percent chance of rain .\"\n", + "\"user\": \"okay , that will be all . bye for now !\"\n", + "\"system\": \"good bye !\"\n", + "\n", + "terms: ['march 13th', 'michael garza', 'scary', 'temperature', 'wednesday next week', 'genre', 'hindi', 'scary stories', 'weather', 'tiburon', '16', '86', 'city', 'scary stories to tell in the dark']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['genre', 'has value', 'horror'], ['weather', 'has slot', 'getweather'], ['starring', 'has value', 'michael garza'], ['scary stories to tell in the dark', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['date', 'has value', 'wednesday next week'], ['horror', 'refers to same concept as', 'scary'], ['weather', 'has slot', 'city'], ['march 13th', 'has domain', 'weather'], ['scary stories to tell in the dark', 'refers to same concept as', 'scary stories'], ['tiburon', 'has domain', 'weather'], ['hindi', 'has domain', 'media'], ['temperature', 'has value', '86'], ['86', 'has domain', 'weather'], ['media', 'has slot', 'title'], ['city', 'has value', 'tiburon'], ['date', 'has value', 'march 13th'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'scary stories to tell in the dark'], ['title', 'has value', 'scary stories'], ['subtitle language', 'has value', 'hindi'], ['michael garza', 'has domain', 'media'], ['weather', 'has slot', 'date'], ['wednesday next week', 'has domain', 'weather'], ['precipitation', 'has value', '16'], ['media', 'has slot', 'playmovie'], ['16', 'has domain', 'weather'], ['scary stories', 'has domain', 'media'], ['horror', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1584\n", + "dialogue: \"user\": \"i ' d like to find a movie to watch online .\"\n", + "\"system\": \"what kind would you like to watch ?\"\n", + "\"user\": \"animation would be great .\"\n", + "\"system\": \"there are 2 that you might like . how about the angry birds movie 2 or toy story 4 ?\"\n", + "\"user\": \"angry birds would be great .\"\n", + "\"system\": \"would you like to play the movie ?\"\n", + "\"user\": \"yes , please play the movie . i ' d like to watch it with spanish subtitles .\"\n", + "\"system\": \"please confirm the following : you want to play the angry birds movie 2 with spanish subtitles .\"\n", + "\"user\": \"yes , that would be great . who is in it ?\"\n", + "\"system\": \"the movie has started . bill hader is in it .\"\n", + "\"user\": \"thanks , how ' s the weather in oakley ?\"\n", + "\"system\": \"the average temperature will be 73 degrees fahrenheit and there ' s a 3 percent chance of rain .\"\n", + "\"user\": \"awesome . that ' s all for now ! bye !\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['73', 'angry birds', 'temperature', 'bill hader', '3', '2', 'weather', 'spanish', 'toy story 4', 'oakley', 'the angry birds movie 2']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['angry birds', 'has domain', 'media'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['city', 'has value', 'oakley'], ['animation', 'has domain', 'media'], ['3', 'has domain', 'weather'], ['the angry birds movie 2', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'media'], ['weather', 'has slot', 'city'], ['title', 'has value', 'toy story 4'], ['spanish', 'has domain', 'media'], ['oakley', 'has domain', 'weather'], ['precipitation', 'has value', '3'], ['title', 'has value', 'angry birds'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['genre', 'has value', 'animation'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['bill hader', 'has domain', 'media'], ['73', 'has domain', 'weather'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['starring', 'has value', 'bill hader'], ['temperature', 'has value', '73']]\n", + "\n", + "dialogue id: sgd-test-1585\n", + "dialogue: \"user\": \"can you please find me some fantasy movies to watch online , featuring bret mckenzie .\"\n", + "\"system\": \"would you like the lord of the rings : the return of the king ?\"\n", + "\"user\": \"yes , the lord of the rings three is awesome . let ' s play it now .\"\n", + "\"system\": \"can you please confirm that you want me to play the lord of the rings : the return of the king with english subtitles .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"i ' ve started playing the movie for you .\"\n", + "\"user\": \"thanks . can you please tell me the weather for pittsburg on the 14th of march ?\"\n", + "\"system\": \"there ' s a 20 percent chance of rain with a predicted average temperature of 87 degrees fahrenheit .\"\n", + "\"user\": \"perfect . thanks a lot ! that will be all for now ! bye !\"\n", + "\"system\": \"my pleasure . have a nice day .\"\n", + "\n", + "terms: ['the lord of the rings', 'temperature', '20', '87', 'weather', 'pittsburg', 'english', 'fantasy', 'bret mckenzie', 'the lord of the rings three', 'the lord of the rings : the return of the king', '14th of march']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['weather', 'has slot', 'getweather'], ['the lord of the rings three', 'has domain', 'media'], ['20', 'has domain', 'weather'], ['media', 'has slot', 'starring'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['weather', 'has slot', 'city'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['fantasy', 'has domain', 'media'], ['precipitation', 'has value', '20'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'the lord of the rings three'], ['pittsburg', 'has domain', 'weather'], ['media', 'has slot', 'title'], ['city', 'has value', 'pittsburg'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['weather', 'has slot', 'temperature'], ['bret mckenzie', 'has domain', 'media'], ['starring', 'has value', 'bret mckenzie'], ['weather', 'has slot', 'date'], ['87', 'has domain', 'weather'], ['14th of march', 'has domain', 'weather'], ['temperature', 'has value', '87'], ['date', 'has value', '14th of march'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1586\n", + "dialogue: \"user\": \"are there any online movies ?\"\n", + "\"system\": \"what genre do you prefer ?\"\n", + "\"user\": \"i really like war films .\"\n", + "\"system\": \"here ' s one called the load would you like to see it ?\"\n", + "\"user\": \"the load might be interesting , play it now and don ' t worry about the subtitles .\"\n", + "\"system\": \"the load with english subtitles is your request right ?\"\n", + "\"user\": \"yes i want to watch it .\"\n", + "\"system\": \"the movie has begun .\"\n", + "\"user\": \"what should the weather be like on march 13th ?\"\n", + "\"system\": \"where would you like the weather for .\"\n", + "\"user\": \"i want the weather for berkeley please .\"\n", + "\"system\": \"they are saying an average temperature around 74 degrees and an 18 percent chance of showers .\"\n", + "\"user\": \"any idea what the wind will be like ?\"\n", + "\"system\": \"the forecast is for 12 mile per hour winds .\"\n", + "\"user\": \"alrighty then , you can go now good bye .\"\n", + "\"system\": \"toodle do .\"\n", + "\n", + "terms: ['march 13th', '12', 'temperature', 'wind', 'the load', 'berkeley', 'genre', 'weather', 'english', '18', 'war', '74']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['war', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['weather', 'has slot', 'getweather'], ['18', 'has domain', 'weather'], ['march 13th', 'has domain', 'weather'], ['weather', 'has slot', 'city'], ['english', 'has domain', 'media'], ['berkeley', 'has domain', 'weather'], ['weather', 'has slot', 'wind'], ['subtitle language', 'has value', 'english'], ['genre', 'has value', 'war'], ['12', 'has domain', 'weather'], ['media', 'has slot', 'title'], ['dontcare', 'has domain', 'media'], ['wind', 'has value', '12'], ['date', 'has value', 'march 13th'], ['media', 'has slot', 'genre'], ['temperature', 'has value', '74'], ['weather', 'has slot', 'temperature'], ['city', 'has value', 'berkeley'], ['74', 'has domain', 'weather'], ['the load', 'has domain', 'media'], ['weather', 'has slot', 'date'], ['precipitation', 'has value', '18'], ['title', 'has value', 'the load'], ['subtitle language', 'has value', 'dontcare'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1587\n", + "dialogue: \"user\": \"can you help me find a good fantasy movie online ?\"\n", + "\"system\": \"yes i can . would you be interested in seeing the lord of the rings : the return of the king or labyrinth ?\"\n", + "\"user\": \"let ' s do labyrinth .\"\n", + "\"system\": \"did you want me to start the movie for you now ?\"\n", + "\"user\": \"yes , that would be fine .\"\n", + "\"system\": \"okay , did you want me to play the movie labyrinth with english subtitles ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"okay , your movie will begin shortly .\"\n", + "\"user\": \"can you tell me how the weather is in petaluma ?\"\n", + "\"system\": \"sure , the temperature is 82 degrees and their is a 29 percent chance of rain .\"\n", + "\"user\": \"is this the temperature for today ? how about the humidity level ?\"\n", + "\"system\": \"yes , this is the accurate weather for today , march 1st , and the humidity level is said to be around 57 percent .\"\n", + "\"user\": \"thank you for that information . that will be all .\"\n", + "\"system\": \"you are welcome . goodbye .\"\n", + "\n", + "terms: ['82', 'the lord of the rings', 'petaluma', 'temperature', 'march 1st', 'labyrinth', 'humidity', '29', 'weather', 'english', 'fantasy', '57', 'the lord of the rings : the return of the king']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['temperature', 'has value', '82'], ['57', 'has domain', 'weather'], ['weather', 'has slot', 'getweather'], ['march 1st', 'has domain', 'weather'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['weather', 'has slot', 'humidity'], ['title', 'has value', 'labyrinth'], ['weather', 'has slot', 'city'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['petaluma', 'has domain', 'weather'], ['fantasy', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['humidity', 'has value', '57'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['29', 'has domain', 'weather'], ['city', 'has value', 'petaluma'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['date', 'has value', 'march 1st'], ['weather', 'has slot', 'temperature'], ['weather', 'has slot', 'date'], ['precipitation', 'has value', '29'], ['82', 'has domain', 'weather'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1588\n", + "dialogue: \"user\": \"i would like to watch a movie online .\"\n", + "\"system\": \"what type of movie would you like to watch ?\"\n", + "\"user\": \"i would like to watch a action movie .\"\n", + "\"system\": \"there are 5 movies . there is angel has fallen , hobbs and shaw or mission mangal ?\"\n", + "\"user\": \"i would like more options .\"\n", + "\"system\": \"there is riot girls and saaho .\"\n", + "\"user\": \"saaho sounds good . can you play it with french subtitles .\"\n", + "\"system\": \"playing saaho with subtitles in french .\"\n", + "\"user\": \"yes , that sounds good .\"\n", + "\"system\": \"the movie is now playing .\"\n", + "\"user\": \"i would like to know how the weather is on the 14th in sonoma .\"\n", + "\"system\": \"the day will be 88 degrees and there is a 25 percent chance of rain .\"\n", + "\"user\": \"how windy is the day going to be ?\"\n", + "\"system\": \"the wind should be around 12 miles per hour .\"\n", + "\"user\": \"that is all i needed .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['angel has fallen', 'hobbs and shaw', 'french', '12', 'wind', '88', 'the 14th', 'sonoma', 'action', 'mission mangal', '5', '25', 'weather', 'riot girls', 'saaho']\n", + "relations: [['mission mangal', 'has domain', 'media'], ['weather', 'has slot', 'precipitation'], ['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['title', 'has value', 'riot girls'], ['the 14th', 'has domain', 'weather'], ['weather', 'has slot', 'city'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['french', 'has domain', 'media'], ['weather', 'has slot', 'wind'], ['5', 'has domain', 'media'], ['saaho', 'has domain', 'media'], ['subtitle language', 'has value', 'french'], ['12', 'has domain', 'weather'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['date', 'has value', 'the 14th'], ['city', 'has value', 'sonoma'], ['wind', 'has value', '12'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'action'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'saaho'], ['25', 'has domain', 'weather'], ['weather', 'has slot', 'date'], ['riot girls', 'has domain', 'media'], ['88', 'has domain', 'weather'], ['title', 'has value', 'hobbs and shaw'], ['count', 'has value', '5'], ['media', 'has slot', 'playmovie'], ['precipitation', 'has value', '25'], ['temperature', 'has value', '88'], ['sonoma', 'has domain', 'weather']]\n", + "\n", + "dialogue id: sgd-test-1589\n", + "dialogue: \"user\": \"get me some move of the genre owen teague online .\"\n", + "\"system\": \"what genre do you like ?\"\n", + "\"user\": \"fine with supernatural\"\n", + "\"system\": \"do you prefer it chapter two ?\"\n", + "\"user\": \"yeah , right choice , it chapter two will do .\"\n", + "\"system\": \"please verify , you like to watch it chapter two with english subtitles .\"\n", + "\"user\": \"good , carry on .\"\n", + "\"system\": \"it started playing .\"\n", + "\"user\": \"thank you for your service .\"\n", + "\"system\": \"any other help ?\"\n", + "\"user\": \"tell me about weather in dublin on monday next week .\"\n", + "\"system\": \"average temperature is 87 degrees with 23 percent chance of shower .\"\n", + "\"user\": \"humidity condition and wind ?\"\n", + "\"system\": \"you can expect wind with 10 miles per hour and 26 percent humidity .\"\n", + "\"user\": \"great , thank you .\"\n", + "\"system\": \"enjoy the day .\"\n", + "\n", + "terms: ['23', 'temperature', 'wind', 'dublin', 'owen teague', '87', 'humidity', 'genre', 'weather', 'it chapter two', 'english', 'monday next week', '26', '10']\n", + "relations: [['it chapter two', 'has domain', 'media'], ['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['dublin', 'has domain', 'weather'], ['26', 'has domain', 'weather'], ['weather', 'has slot', 'humidity'], ['wind', 'has value', '10'], ['weather', 'has slot', 'city'], ['starring', 'has value', 'owen teague'], ['english', 'has domain', 'media'], ['weather', 'has slot', 'wind'], ['title', 'has value', 'it chapter two'], ['subtitle language', 'has value', 'english'], ['owen teague', 'has domain', 'media'], ['media', 'has slot', 'title'], ['23', 'has domain', 'weather'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'supernatural'], ['weather', 'has slot', 'temperature'], ['precipitation', 'has value', '23'], ['humidity', 'has value', '26'], ['weather', 'has slot', 'date'], ['87', 'has domain', 'weather'], ['date', 'has value', 'monday next week'], ['temperature', 'has value', '87'], ['supernatural', 'has domain', 'media'], ['monday next week', 'has domain', 'weather'], ['media', 'has slot', 'playmovie'], ['10', 'has domain', 'weather'], ['city', 'has value', 'dublin']]\n", + "\n", + "dialogue id: sgd-test-1590\n", + "dialogue: \"user\": \"i ' d like to see several films online , and some scientific fiction films will be lovely .\"\n", + "\"system\": \"what do you think of ad astra or close encounters of the third kind ?\"\n", + "\"user\": \"i ' d love ad astra .\"\n", + "\"system\": \"would you like to cast the film ?\"\n", + "\"user\": \"yeah , i ' d like to cast the film .\"\n", + "\"system\": \"please verify the following informatio : cast ad astra with english subtitles .\"\n", + "\"user\": \"yeah , that ' s right .\"\n", + "\"system\": \"the film began casting .\"\n", + "\"user\": \"what is the climate like in toronto , ontario ?\"\n", + "\"system\": \"the mean temperature for today ought to be 58 degrees fahrenheit with a 13 percent probability of raining .\"\n", + "\"user\": \"sure , alright . that ' s all ; see ya !\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['ad astra', 'close encounters', 'temperature', '13', 'close encounters of the third kind', '58', 'english', 'scientific fiction', 'toronto , ontario']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['weather', 'has slot', 'getweather'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['close encounters of the third kind', 'has domain', 'media'], ['precipitation', 'has value', '13'], ['weather', 'has slot', 'city'], ['title', 'has value', 'close encounters of the third kind'], ['english', 'has domain', 'media'], ['city', 'has value', 'toronto , ontario'], ['subtitle language', 'has value', 'english'], ['13', 'has domain', 'weather'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['toronto , ontario', 'has domain', 'weather'], ['weather', 'has slot', 'temperature'], ['temperature', 'has value', '58'], ['58', 'has domain', 'weather'], ['title', 'has value', 'ad astra'], ['scientific fiction', 'has domain', 'media'], ['genre', 'has value', 'scientific fiction'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1591\n", + "dialogue: \"user\": \"i ' m looking for an online movie .\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"i ' d like to watch a crime story movie .\"\n", + "\"system\": \"i found 1 movie you might like , it is pulp fiction .\"\n", + "\"user\": \"pulp fiction sounds great . i ' d like to watch the movie now and i don ' t care about subtitles .\"\n", + "\"system\": \"okay , you want to play pulp fiction with english subtitles , correct ?\"\n", + "\"user\": \"yes , that is right .\"\n", + "\"system\": \"i have started playing the movie . quentin tarantino starred in the movie .\"\n", + "\"user\": \"thank you . what is the weather like ?\"\n", + "\"system\": \"what city do you want to check the weather for ?\"\n", + "\"user\": \"point reyes station .\"\n", + "\"system\": \"the average temperature in point reyes station should be around 81 degrees fahrenheit with a 3 percent chance of rain .\"\n", + "\"user\": \"okay , thanks .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['temperature', 'city', 'quentin tarantino', '81', 'point reyes station', '3', 'weather', 'crime story', 'english', '1', 'pulp fiction']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['3', 'has domain', 'weather'], ['media', 'has slot', 'starring'], ['temperature', 'has value', '81'], ['starring', 'has value', 'quentin tarantino'], ['weather', 'has slot', 'city'], ['81', 'has domain', 'weather'], ['crime story', 'has domain', 'media'], ['precipitation', 'has value', '3'], ['english', 'has domain', 'media'], ['quentin tarantino', 'has domain', 'media'], ['pulp fiction', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['city', 'has value', 'point reyes station'], ['media', 'has slot', 'title'], ['dontcare', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'pulp fiction'], ['genre', 'has value', 'crime story'], ['count', 'has value', '1'], ['subtitle language', 'has value', 'dontcare'], ['point reyes station', 'has domain', 'weather'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1592\n", + "dialogue: \"user\": \"i ' d like to look for several films online .\"\n", + "\"system\": \"what type of films do you enjoy ?\"\n", + "\"user\": \"i ' d love some fantasy films .\"\n", + "\"system\": \"there are 2 films you might enjoy . what do you think of labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"labyrinth would be lovely .\"\n", + "\"system\": \"could i assist with something else ?\"\n", + "\"user\": \"i ' d like to view the film now with subtitles in english .\"\n", + "\"system\": \"please verify the following information : cast labyrinth with english subtitles .\"\n", + "\"user\": \"yeah , that ' s right . who are the actors ?\"\n", + "\"system\": \"the film began to play , and the actor is ron mueck .\"\n", + "\"user\": \"what is the climate like within berkeley on march 11th ?\"\n", + "\"system\": \"the mean temperature for that day ought to be 83 degrees fahrenheit with a 28 probability of raining .\"\n", + "\"user\": \"how much wind will there be ?\"\n", + "\"system\": \"the mean wind velocity ought to be 4 miles per hour .\"\n", + "\"user\": \"okay , fine . that ' s all ; see ya !\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['28', 'ron mueck', 'march 11th', 'temperature', 'wind', 'the lord of the rings', '83', 'labyrinth', '4', 'berkeley', '2', 'english', 'fantasy', 'the lord of the rings : the return of the king']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['4', 'has domain', 'weather'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'media'], ['28', 'has domain', 'weather'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['title', 'has value', 'labyrinth'], ['weather', 'has slot', 'city'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['date', 'has value', 'march 11th'], ['fantasy', 'has domain', 'media'], ['berkeley', 'has domain', 'weather'], ['weather', 'has slot', 'wind'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'ron mueck'], ['count', 'has value', '2'], ['labyrinth', 'has domain', 'media'], ['ron mueck', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['wind', 'has value', '4'], ['weather', 'has slot', 'temperature'], ['city', 'has value', 'berkeley'], ['83', 'has domain', 'weather'], ['temperature', 'has value', '83'], ['weather', 'has slot', 'date'], ['media', 'has slot', 'playmovie'], ['precipitation', 'has value', '28'], ['march 11th', 'has domain', 'weather']]\n", + "\n", + "dialogue id: sgd-test-1593\n", + "dialogue: \"user\": \"i like to watch movies online . can you search for the best one to watch now ?\"\n", + "\"system\": \"yes , what is your favorite kind of movies to search for ?\"\n", + "\"user\": \"i like to watch ghost movies and search for the one like this .\"\n", + "\"system\": \"do you have interest to watch 47 meters down : uncaged or in fabric or midsommar ?\"\n", + "\"user\": \"i choose midsommar and i want to watch it now .\"\n", + "\"system\": \"please confirm to play the movie midsommar with english subtitles .\"\n", + "\"user\": \"yes , that is confirmed to proceed .\"\n", + "\"system\": \"the movie was started playing now and you can enjoy the same .\"\n", + "\"user\": \"thank you . now i want to search for the weather condition on the 3rd .\"\n", + "\"system\": \"in which city , you want me to search for the weather ?\"\n", + "\"user\": \"search it in sunnyvale .\"\n", + "\"system\": \"the average temperature of that place will be 72 degrees fahrenheit and there may be a chance of 17 percent of rain .\"\n", + "\"user\": \"thank you for your information and that ' s all for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['72', 'ghost', 'temperature', 'the 3rd', '47 meters down : uncaged', 'in fabric', 'uncaged', 'fabric', 'weather', '17', 'english', 'midsommar', 'city', 'sunnyvale']\n", + "relations: [['precipitation', 'has value', '17'], ['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['weather', 'has slot', 'getweather'], ['date', 'has value', 'the 3rd'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['sunnyvale', 'has domain', 'weather'], ['weather', 'has slot', 'city'], ['17', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['72', 'has domain', 'weather'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'title'], ['midsommar', 'has domain', 'media'], ['temperature', 'has value', '72'], ['media', 'has slot', 'genre'], ['title', 'has value', 'midsommar'], ['in fabric', 'has domain', 'media'], ['weather', 'has slot', 'temperature'], ['the 3rd', 'has domain', 'weather'], ['weather', 'has slot', 'date'], ['genre', 'has value', 'ghost'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['title', 'has value', 'in fabric'], ['city', 'has value', 'sunnyvale'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1594\n", + "dialogue: \"user\": \"i ' d like to watch a movie .\"\n", + "\"system\": \"what kind ?\"\n", + "\"user\": \"a scary movie .\"\n", + "\"system\": \"i have 6 options , how about : 47 meters down : uncaged , in fabric , or midsommar ?\"\n", + "\"user\": \"is there anything else ? play movies would b enice too .\"\n", + "\"system\": \"i have 10 options . how about a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"after the wedding would be great . i ' d like to watch it now .\"\n", + "\"system\": \"please confirm : play after the wedding with english subtitles .\"\n", + "\"user\": \"yes , who acted in it ?\"\n", + "\"system\": \"movie is now playing . will chase acted in it .\"\n", + "\"user\": \"how ' s the weather next tuesday in glen ellen .\"\n", + "\"system\": \"84 degrees with a 4 percent chance of rain .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"nope i ' m all set .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['6', 'scary', 'play', 'after the wedding', 'glen ellen', '47 meters down : uncaged', 'in fabric', 'uncaged', '4', 'fabric', 'will chase', 'weather', 'next tuesday', 'english', 'a faithful man', '10', 'midsommar', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'play'], ['weather', 'has slot', 'precipitation'], ['4', 'has domain', 'weather'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['play', 'has domain', 'media'], ['in fabric', 'refers to same concept as', 'fabric'], ['temperature', 'has value', '84'], ['title', 'has value', '47 meters down : uncaged'], ['media', 'has slot', 'starring'], ['weather', 'has slot', 'city'], ['84', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['6', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['city', 'has value', 'glen ellen'], ['genre', 'has value', 'scary'], ['date', 'has value', 'next tuesday'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'midsommar'], ['in fabric', 'has domain', 'media'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'a faithful man'], ['starring', 'has value', 'will chase'], ['count', 'has value', '6'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['weather', 'has slot', 'date'], ['next tuesday', 'has domain', 'weather'], ['scary', 'has domain', 'media'], ['will chase', 'has domain', 'media'], ['47 meters down : uncaged', 'has domain', 'media'], ['title', 'has value', 'in fabric'], ['precipitation', 'has value', '4'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['glen ellen', 'has domain', 'weather'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1595\n", + "dialogue: \"user\": \"i ' d like to search several films online .\"\n", + "\"system\": \"what type of films do you enjoy ?\"\n", + "\"user\": \"i ' d love some action films .\"\n", + "\"system\": \"there are 5 films you might enjoy . do you enjoy angel has fallen , hobbs and shaw , or mission mangal ?\"\n", + "\"user\": \"i ' d love angel has fallen .\"\n", + "\"system\": \"would you like to cast the film ?\"\n", + "\"user\": \"yeah , i ' d like to cast the film with subtitles in hindi .\"\n", + "\"system\": \"please verify the following information : casting angel has fallen with hindi subtitles .\"\n", + "\"user\": \"yeah , that ' s right .\"\n", + "\"system\": \"the film began casting .\"\n", + "\"user\": \"what is the climate like in berkeley on march 7th ?\"\n", + "\"system\": \"the mean temperature for that day ought to be 88 degrees fahrenheit with a 29 probability of raining .\"\n", + "\"user\": \"sure , alright . that ' s all ; see ya !\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['angel has fallen', 'hobbs and shaw', 'temperature', 'march 7th', 'action', 'mission mangal', '5', 'berkeley', '29', 'hindi', '88']\n", + "relations: [['march 7th', 'has domain', 'weather'], ['mission mangal', 'has domain', 'media'], ['weather', 'has slot', 'precipitation'], ['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['weather', 'has slot', 'city'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['berkeley', 'has domain', 'weather'], ['5', 'has domain', 'media'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['29', 'has domain', 'weather'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'action'], ['weather', 'has slot', 'temperature'], ['city', 'has value', 'berkeley'], ['subtitle language', 'has value', 'hindi'], ['weather', 'has slot', 'date'], ['precipitation', 'has value', '29'], ['88', 'has domain', 'weather'], ['title', 'has value', 'hobbs and shaw'], ['date', 'has value', 'march 7th'], ['count', 'has value', '5'], ['media', 'has slot', 'playmovie'], ['temperature', 'has value', '88']]\n", + "\n", + "dialogue id: sgd-test-1596\n", + "dialogue: \"user\": \"will you find movies online ?\"\n", + "\"system\": \"what genre ?\"\n", + "\"user\": \"i prefer future scientific fiction .\"\n", + "\"system\": \"found 2 movies . do you prefer ad astra or close encounters of the third kind ?\"\n", + "\"user\": \"will you play close encounters now ?\"\n", + "\"system\": \"confirm playing of close encounters of the third kind in english .\"\n", + "\"user\": \"who ' s in it ?\"\n", + "\"system\": \"stephen powers is in it . the movie has started playing .\"\n", + "\"user\": \"cool . what ' s the weather like in daly city next friday ?\"\n", + "\"system\": \"average temperature is 91 degrees fahrenheit with a 6 percent chance of rain .\"\n", + "\"user\": \"great .\"\n", + "\"system\": \"anything else ?\"\n", + "\"user\": \"that ' s all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['6', 'ad astra', 'close encounters', 'temperature', 'city', '91', 'daly city', 'close encounters of the third kind', '2', 'genre', 'weather', 'future scientific fiction', 'english', 'next friday']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['daly city', 'has domain', 'weather'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['future scientific fiction', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'media'], ['close encounters of the third kind', 'has domain', 'media'], ['starring', 'has value', 'stephen powers'], ['date', 'has value', 'next friday'], ['91', 'has domain', 'weather'], ['weather', 'has slot', 'city'], ['precipitation', 'has value', '6'], ['title', 'has value', 'close encounters of the third kind'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['temperature', 'has value', '91'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['title', 'has value', 'close encounters'], ['city', 'has value', 'daly city'], ['genre', 'has value', 'future scientific fiction'], ['media', 'has slot', 'genre'], ['next friday', 'has domain', 'weather'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'ad astra'], ['weather', 'has slot', 'date'], ['6', 'has domain', 'weather'], ['close encounters', 'has domain', 'media'], ['stephen powers', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1597\n", + "dialogue: \"user\": \"will you find movies online ?\"\n", + "\"system\": \"what genre ?\"\n", + "\"user\": \"comedy featuring emma nelson .\"\n", + "\"system\": \"found where ' d you go , bernadette .\"\n", + "\"user\": \"anything else ? horror movies starring dean norris ?\"\n", + "\"system\": \"found scary stories to tell in the dark .\"\n", + "\"user\": \"scary stories to tell in the dark is awesome . play it with english subtitles .\"\n", + "\"system\": \"confirm playing of scary stories to tell in the dark with english subtitles .\"\n", + "\"user\": \"cool .\"\n", + "\"system\": \"movie is playing .\"\n", + "\"user\": \"what ' s the weather in benicia on 2nd of march ?\"\n", + "\"system\": \"average temperature is 92 degrees fahrenheit with a 5 percent chance of rain .\"\n", + "\"user\": \"great .\"\n", + "\"system\": \"anything else ?\"\n", + "\"user\": \"that ' s all .\"\n", + "\"system\": \"enjoy .\"\n", + "\n", + "terms: ['scary', 'horror', 'starring', 'temperature', 'emma nelson', 'dean norris', '5', 'genre', 'weather', \"where ' d you go , bernadette\", 'scary stories', 'english', '2nd of march', '92', 'benicia', 'scary stories to tell in the dark', \"where ' d you go\"]\n", + "relations: [['92', 'has domain', 'weather'], ['weather', 'has slot', 'precipitation'], ['comedy', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['genre', 'has value', 'horror'], ['date', 'has value', '2nd of march'], ['weather', 'has slot', 'getweather'], ['scary stories to tell in the dark', 'has domain', 'media'], ['2nd of march', 'has domain', 'weather'], ['media', 'has slot', 'starring'], ['starring', 'has value', 'emma nelson'], ['dean norris', 'has domain', 'media'], ['horror', 'refers to same concept as', 'scary'], [\"where ' d you go , bernadette\", 'has domain', 'media'], ['weather', 'has slot', 'city'], ['scary stories to tell in the dark', 'refers to same concept as', 'scary stories'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'dean norris'], ['precipitation', 'has value', '5'], ['media', 'has slot', 'title'], ['city', 'has value', 'benicia'], ['media', 'has slot', 'genre'], [\"where ' d you go , bernadette\", 'refers to same concept as', \"where ' d you go\"], ['benicia', 'has domain', 'weather'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'scary stories to tell in the dark'], ['genre', 'has value', 'comedy'], ['title', 'has value', \"where ' d you go , bernadette\"], ['weather', 'has slot', 'date'], ['5', 'has domain', 'weather'], ['temperature', 'has value', '92'], ['media', 'has slot', 'playmovie'], ['emma nelson', 'has domain', 'media'], ['horror', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1598\n", + "dialogue: \"user\": \"are there any movies of comedy type preferably featuring ellise chappell .\"\n", + "\"system\": \"do you like yesterday ?\"\n", + "\"user\": \"can you look for movies like alex kendrick play ?\"\n", + "\"system\": \"do you prefer overcomer ?\"\n", + "\"user\": \"overcomer will be fine . please play it now with english subtitles .\"\n", + "\"system\": \"please verify , you need overcomer with english subtitles .\"\n", + "\"user\": \"yes , carry on .\"\n", + "\"system\": \"enjoy the movie , it started .\"\n", + "\"user\": \"now , tell me about weather on march 3rd .\"\n", + "\"system\": \"weather report of which city do you need ?\"\n", + "\"user\": \"i need report of pleasanton .\"\n", + "\"system\": \"the average temperature is 79 degrees fahrenheit and the chance of rain is 16 percent .\"\n", + "\"user\": \"great , thanks for the service .\"\n", + "\"system\": \"happy day , keep fine .\"\n", + "\n", + "terms: ['overcomer', 'play', 'temperature', 'alex kendrick', 'comedy', 'ellise chappell', 'pleasanton', 'weather', '79', '16', 'english', 'yesterday', 'city', 'march 3rd']\n", + "relations: [['genre', 'has value', 'play'], ['alex kendrick', 'has domain', 'media'], ['weather', 'has slot', 'precipitation'], ['comedy', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['weather', 'has slot', 'getweather'], ['title', 'has value', 'yesterday'], ['play', 'has domain', 'media'], ['overcomer', 'has domain', 'media'], ['temperature', 'has value', '79'], ['media', 'has slot', 'starring'], ['date', 'has value', 'march 3rd'], ['weather', 'has slot', 'city'], ['ellise chappell', 'has domain', 'media'], ['english', 'has domain', 'media'], ['pleasanton', 'has domain', 'weather'], ['march 3rd', 'has domain', 'weather'], ['title', 'has value', 'overcomer'], ['subtitle language', 'has value', 'english'], ['city', 'has value', 'pleasanton'], ['starring', 'has value', 'alex kendrick'], ['media', 'has slot', 'title'], ['starring', 'has value', 'ellise chappell'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['genre', 'has value', 'comedy'], ['weather', 'has slot', 'date'], ['precipitation', 'has value', '16'], ['yesterday', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['79', 'has domain', 'weather'], ['16', 'has domain', 'weather']]\n", + "\n", + "dialogue id: sgd-test-1599\n", + "dialogue: \"user\": \"i want to find a movie to watch online\"\n", + "\"system\": \"what kind of movie are you diggin ?\"\n", + "\"user\": \"i want to watch an animation movie\"\n", + "\"system\": \"i found 2 , how about toy story 4 or the angry birds movie 2 ?\"\n", + "\"user\": \"toy story 4 sounds good , play it for me\"\n", + "\"system\": \"toy story 4 with english subtitles ?\"\n", + "\"user\": \"yes please , who ' s in that film\"\n", + "\"system\": \"it ' s playing , and tony hale is one of the people in that film\"\n", + "\"user\": \"thanks so much . can you help me check the weather on march 10th ?\"\n", + "\"system\": \"sure , in what city ?\"\n", + "\"user\": \"let ' s check in petaluma\"\n", + "\"system\": \"it ' ll be 70 degrees fahrenheit with a 13 percent chance of rain that date\"\n", + "\"user\": \"ok thanks for that\"\n", + "\"system\": \"what else can i do ?\"\n", + "\"user\": \"that ' s it , i appreciate the help\"\n", + "\"system\": \"glad i could be of service !\"\n", + "\n", + "terms: ['angry birds', 'city', '70', '13', '2', 'animation', 'weather', 'toy story 4', 'english', 'march 10th', 'tony hale', 'the angry birds movie 2']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['date', 'has value', 'march 10th'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['animation', 'has domain', 'media'], ['the angry birds movie 2', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'media'], ['march 10th', 'has domain', 'weather'], ['precipitation', 'has value', '13'], ['tony hale', 'has domain', 'media'], ['weather', 'has slot', 'city'], ['title', 'has value', 'toy story 4'], ['english', 'has domain', 'media'], ['petaluma', 'has domain', 'weather'], ['subtitle language', 'has value', 'english'], ['13', 'has domain', 'weather'], ['temperature', 'has value', '70'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['genre', 'has value', 'animation'], ['starring', 'has value', 'tony hale'], ['city', 'has value', 'petaluma'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['70', 'has domain', 'weather'], ['weather', 'has slot', 'date'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds']]\n", + "\n", + "dialogue id: sgd-test-1600\n", + "dialogue: \"user\": \"can you help me find some movies online ?\"\n", + "\"system\": \"are you interested in any specific genre ?\"\n", + "\"user\": \"i like thriller moview .\"\n", + "\"system\": \"there are 4 thrillers that you might like . would you like to watch madeline ' s madeline , rojo or the art of self - defense ?\"\n", + "\"user\": \"i like the art of self - defense .\"\n", + "\"system\": \"shall i play the movie for you ?\"\n", + "\"user\": \"yes , please go ahead .\"\n", + "\"system\": \"please confirm that you want to watch the art of self - defense with english subtitles .\"\n", + "\"user\": \"yes , that ' s correct . who are the lead actors in the movie ?\"\n", + "\"system\": \"the movie has started playing . davey johnson stars in the movie .\"\n", + "\"user\": \"how ' s the weather in dublin on the 13th of march ?\"\n", + "\"system\": \"the average temperature for the day is expected to be around 84 degrees fahrenheit with a 19 percent probability of rain .\"\n", + "\"user\": \"okay , thank you .\"\n", + "\"system\": \"is there anything else i can help with ?\"\n", + "\"user\": \"no . that ' s all i need for now . thank you .\"\n", + "\"system\": \"have a great day ! bye !\"\n", + "\n", + "terms: ['19', 'temperature', 'rojo', 'dublin', '4', \"madeline ' s madeline\", 'genre', 'weather', 'madeline', 'english', '84', 'the art of self - defense', 'davey johnson', '13th of march', 'thriller']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], [\"madeline ' s madeline\", 'has domain', 'media'], ['temperature', 'has value', '84'], ['media', 'has slot', 'starring'], ['dublin', 'has domain', 'weather'], ['precipitation', 'has value', '19'], ['weather', 'has slot', 'city'], ['davey johnson', 'has domain', 'media'], ['count', 'has value', '4'], ['date', 'has value', '13th of march'], ['84', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['19', 'has domain', 'weather'], ['rojo', 'has domain', 'media'], ['the art of self - defense', 'has domain', 'media'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['genre', 'has value', 'thriller'], ['4', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['thriller', 'has domain', 'media'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'rojo'], ['13th of march', 'has domain', 'weather'], ['weather', 'has slot', 'date'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['starring', 'has value', 'davey johnson'], ['media', 'has slot', 'playmovie'], ['city', 'has value', 'dublin']]\n", + "\n", + "dialogue id: sgd-test-1601\n", + "dialogue: \"user\": \"i have plenty of time after my office hours , so i wish to watch a movie . will you find some movies online ?\"\n", + "\"system\": \"what type of movies do you wish to watch ?\"\n", + "\"user\": \"offbeat movies will be good to watch .\"\n", + "\"system\": \"what about once upon a time in hollywood ?\"\n", + "\"user\": \"once upon a time in hollywood is great movie to watch .\"\n", + "\"system\": \"whether i need to play that movie ?\"\n", + "\"user\": \"yes i want to play that movie .\"\n", + "\"system\": \"please check and review the following details . playing once upon a time in hollywood with subtitles in english .\"\n", + "\"user\": \"ok thats great . who acted in it ?\"\n", + "\"system\": \"movie has been played successfully . the actor in that movie is timothy olyphant .\"\n", + "\"user\": \"thanks a lot . how ' s the weather over there in pleasant hill ?\"\n", + "\"system\": \"the average temperature for the day should be 94 degrees fahrenheit . there is a 9 percent chance of rain .\"\n", + "\"user\": \"ok thats all i need . bye\"\n", + "\"system\": \"have a wonderful day\"\n", + "\n", + "terms: ['timothy olyphant', '94', 'temperature', 'pleasant hill', 'weather', 'english', 'once upon a time', '9', 'once upon a time in hollywood']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['pleasant hill', 'has domain', 'weather'], ['media', 'has slot', 'subtitle language'], ['starring', 'has value', 'timothy olyphant'], ['94', 'has domain', 'weather'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['precipitation', 'has value', '9'], ['weather', 'has slot', 'city'], ['city', 'has value', 'pleasant hill'], ['9', 'has domain', 'weather'], ['once upon a time in hollywood', 'has domain', 'media'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['timothy olyphant', 'has domain', 'media'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['temperature', 'has value', '94'], ['weather', 'has slot', 'temperature'], ['genre', 'has value', 'offbeat'], ['offbeat', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1602\n", + "dialogue: \"user\": \"i want to find some movies .\"\n", + "\"system\": \"what kind of movies are you looking for ?\"\n", + "\"user\": \"i want to find imaginative fiction movies .\"\n", + "\"system\": \"i found 2 movies you may life . how about ad astra or close encounters of the third kind ?\"\n", + "\"user\": \"anything else ? i like nadim sawalha . i also like foreign story movies .\"\n", + "\"system\": \"how about tel aviv on fire ?\"\n", + "\"user\": \"tel aviv on fire sounds great . i want to watch it now .\"\n", + "\"system\": \"please confirm : playing tel aviv on fire with english subtitles .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"your movie is playing .\"\n", + "\"user\": \"what is the weather in vallejo ?\"\n", + "\"system\": \"the average for the day is 83 degrees fahrenheit with a 10 percent chance of rain .\"\n", + "\"user\": \"okay , thanks . that ' s all i need .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['nadim sawalha', 'ad astra', 'tel aviv on fire', 'vallejo', 'close encounters', 'imaginative fiction', '83', 'close encounters of the third kind', 'foreign story', '2', 'weather', 'english', '10']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['city', 'has value', 'vallejo'], ['foreign story', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['nadim sawalha', 'has domain', 'media'], ['2', 'has domain', 'media'], ['close encounters of the third kind', 'has domain', 'media'], ['genre', 'has value', 'foreign story'], ['weather', 'has slot', 'city'], ['title', 'has value', 'close encounters of the third kind'], ['english', 'has domain', 'media'], ['starring', 'has value', 'nadim sawalha'], ['subtitle language', 'has value', 'english'], ['tel aviv on fire', 'has domain', 'media'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['vallejo', 'has domain', 'weather'], ['precipitation', 'has value', '10'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['83', 'has domain', 'weather'], ['genre', 'has value', 'imaginative fiction'], ['temperature', 'has value', '83'], ['imaginative fiction', 'has domain', 'media'], ['title', 'has value', 'ad astra'], ['title', 'has value', 'tel aviv on fire'], ['media', 'has slot', 'playmovie'], ['10', 'has domain', 'weather']]\n", + "\n", + "dialogue id: sgd-test-1603\n", + "dialogue: \"user\": \"can you suggest some movies that i can stream ?\"\n", + "\"system\": \"i ' d be happy to help . what type of movie would you prefer ?\"\n", + "\"user\": \"i ' d like to watch an action movie .\"\n", + "\"system\": \"may i suggest angel has fallen , hobbs and shaw , or mission mangal ?\"\n", + "\"user\": \"i ' m interested in mission mangal .\"\n", + "\"system\": \"would you like to stream it ?\"\n", + "\"user\": \"yes , please being the movie .\"\n", + "\"system\": \"would you like english subtitles for mission mangal ?\"\n", + "\"user\": \"english subtitles would be perfect .\"\n", + "\"system\": \"your selection has begun streaming .\"\n", + "\"user\": \"can you tell me the weather forecast for the 1st ?\"\n", + "\"system\": \"where would you like to know the weather for ?\"\n", + "\"user\": \"please check ross .\"\n", + "\"system\": \"there is a 14 percent chance of rain with an average temperature of 79 degrees fahrenheit .\"\n", + "\"user\": \"great . thank you for the help .\"\n", + "\"system\": \"you ' re welcome . enjoy the movie !\"\n", + "\n", + "terms: ['angel has fallen', 'hobbs and shaw', 'temperature', 'the 1st', 'action', 'mission mangal', '79', 'weather', 'ross', 'english', '14']\n", + "relations: [['mission mangal', 'has domain', 'media'], ['weather', 'has slot', 'precipitation'], ['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['weather', 'has slot', 'getweather'], ['temperature', 'has value', '79'], ['weather', 'has slot', 'city'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['english', 'has domain', 'media'], ['date', 'has value', 'the 1st'], ['city', 'has value', 'ross'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['the 1st', 'has domain', 'weather'], ['precipitation', 'has value', '14'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'action'], ['weather', 'has slot', 'temperature'], ['weather', 'has slot', 'date'], ['ross', 'has domain', 'weather'], ['title', 'has value', 'hobbs and shaw'], ['media', 'has slot', 'playmovie'], ['79', 'has domain', 'weather'], ['14', 'has domain', 'weather']]\n", + "\n", + "dialogue id: sgd-test-1604\n", + "dialogue: \"user\": \"i need help finding movies online .\"\n", + "\"system\": \"any particular type of movie i should search for ?\"\n", + "\"user\": \"i absolutely love cartoon movies .\"\n", + "\"system\": \"i found 2 movies that might interest you . between the angry birds movie 2 and toy story 4 , which do you prefer ?\"\n", + "\"user\": \"i prefer toy story four , since i ' ve heard great things about it . i ' d like to watch the movie right away .\"\n", + "\"system\": \"sure , no problem . please confirm that you ' d like to watch toy story 4 with english subtitles .\"\n", + "\"user\": \"that is correct . do you know the movie actor ?\"\n", + "\"system\": \"your movie is now playing . tony hale was the actor in the movie .\"\n", + "\"user\": \"thank you . do you know what the weather is like there ?\"\n", + "\"system\": \"any particular city i should check the weather for ?\"\n", + "\"user\": \"check the weather in hayward .\"\n", + "\"system\": \"the expected average temperature is 80 degrees fahrenheit , with a 9 percent chance of rain .\"\n", + "\"user\": \"cool . all right .\"\n", + "\"system\": \"will there be anything else ?\"\n", + "\"user\": \"no . thank you very much .\"\n", + "\"system\": \"goodbye .\"\n", + "\n", + "terms: ['80', 'angry birds', 'temperature', 'city', 'cartoon', 'hayward', '2', 'weather', 'toy story 4', 'english', '9', 'tony hale', 'toy story four', 'the angry birds movie 2']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['temperature', 'has value', '80'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['the angry birds movie 2', 'has domain', 'media'], ['genre', 'has value', 'cartoon'], ['media', 'has slot', 'starring'], ['precipitation', 'has value', '9'], ['2', 'has domain', 'media'], ['hayward', 'has domain', 'weather'], ['tony hale', 'has domain', 'media'], ['weather', 'has slot', 'city'], ['title', 'has value', 'toy story 4'], ['9', 'has domain', 'weather'], ['title', 'has value', 'toy story four'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['city', 'has value', 'hayward'], ['80', 'has domain', 'weather'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['starring', 'has value', 'tony hale'], ['toy story 4', 'refers to same concept as', 'toy story four'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['toy story four', 'has domain', 'media'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1605\n", + "dialogue: \"user\": \"i want to see a scary movie online .\"\n", + "\"system\": \"would you like to see 47 meters down : uncaged , in fabric or midsommar ?\"\n", + "\"user\": \"i want to see midsommar .\"\n", + "\"system\": \"you would like to see the movie ?\"\n", + "\"user\": \"yes , i would .\"\n", + "\"system\": \"you would like to see midsommar with english subtitles .\"\n", + "\"user\": \"yes , that would be great . who is the main actor ?\"\n", + "\"system\": \"the movie has started . william jackson harper is the main actor .\"\n", + "\"user\": \"great . what would the weather in stanford be like on the 11th ?\"\n", + "\"system\": \"the average temperature should be 86 degrees fahrenheit with a 9 percent chance of rain .\"\n", + "\"user\": \"ok , that would be fine .\"\n", + "\"system\": \"is there anything else i can assist you with ?\"\n", + "\"user\": \"no , that would be fine .\"\n", + "\"system\": \"take care of yourself .\"\n", + "\n", + "terms: ['scary', '86', 'temperature', 'william jackson harper', '47 meters down : uncaged', 'in fabric', 'the 11th', 'uncaged', 'fabric', 'weather', '9', 'stanford', 'english', 'midsommar']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['starring', 'has value', 'william jackson harper'], ['william jackson harper', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['weather', 'has slot', 'getweather'], ['in fabric', 'refers to same concept as', 'fabric'], ['the 11th', 'has domain', 'weather'], ['media', 'has slot', 'starring'], ['title', 'has value', '47 meters down : uncaged'], ['precipitation', 'has value', '9'], ['weather', 'has slot', 'city'], ['city', 'has value', 'stanford'], ['9', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['genre', 'has value', 'scary'], ['temperature', 'has value', '86'], ['86', 'has domain', 'weather'], ['media', 'has slot', 'title'], ['stanford', 'has domain', 'weather'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'midsommar'], ['in fabric', 'has domain', 'media'], ['weather', 'has slot', 'temperature'], ['weather', 'has slot', 'date'], ['date', 'has value', 'the 11th'], ['scary', 'has domain', 'media'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['title', 'has value', 'in fabric'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1606\n", + "dialogue: \"user\": \"help me look for animation movies online . something with christina - ann zalamea .\"\n", + "\"system\": \"i found 1 movie you might enjoy . how about the angry birds movie 2 ?\"\n", + "\"user\": \"i really liked the angry birds movie two . can you put that on ?\"\n", + "\"system\": \"i ' ll play the angry birds movie 2 with english subtitles , is that right ?\"\n", + "\"user\": \"yes , please play it .\"\n", + "\"system\": \"the movie is starting .\"\n", + "\"user\": \"can you tell me about the weather on the 8th ?\"\n", + "\"system\": \"what is the location ?\"\n", + "\"user\": \"the weather in campbell .\"\n", + "\"system\": \"the temperature average will be 88 degrees fahrenheit with a 17 percent chance of rain .\"\n", + "\"user\": \"and what about the wind and humidity ?\"\n", + "\"system\": \"the average wind speed will be around 8 miles per hour and the humidity will be around 24 percent .\"\n", + "\"user\": \"okay thanks , that ' s all the help i need , talk to you later .\"\n", + "\"system\": \"okay , until later . bye .\"\n", + "\n", + "terms: ['angry birds', 'temperature', 'wind', 'christina - ann zalamea', 'humidity', 'animation', 'weather', '17', '8', 'campbell', 'english', 'the 8th', '24', '88', '1', 'the angry birds movie two', 'the angry birds movie 2']\n", + "relations: [['precipitation', 'has value', '17'], ['weather', 'has slot', 'precipitation'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['8', 'has domain', 'weather'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['date', 'has value', 'the 8th'], ['animation', 'has domain', 'media'], ['the angry birds movie two', 'has domain', 'media'], ['temperature', 'has value', '88'], ['the angry birds movie 2', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['weather', 'has slot', 'humidity'], ['weather', 'has slot', 'city'], ['17', 'has domain', 'weather'], ['christina - ann zalamea', 'has domain', 'media'], ['english', 'has domain', 'media'], ['24', 'has domain', 'weather'], ['weather', 'has slot', 'wind'], ['humidity', 'has value', '24'], ['subtitle language', 'has value', 'english'], ['wind', 'has value', '8'], ['media', 'has slot', 'title'], ['genre', 'has value', 'animation'], ['the 8th', 'has domain', 'weather'], ['title', 'has value', 'the angry birds movie two'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['weather', 'has slot', 'date'], ['count', 'has value', '1'], ['starring', 'has value', 'christina - ann zalamea'], ['campbell', 'has domain', 'weather'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['88', 'has domain', 'weather'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['city', 'has value', 'campbell']]\n", + "\n", + "dialogue id: sgd-test-1607\n", + "dialogue: \"user\": \"find me some dramatic story movies online .\"\n", + "\"system\": \"how about a faithful man , after the wedding , or blinded by the light ?\"\n", + "\"user\": \"a faithful man would be great . i ' d like to watch that movie now .\"\n", + "\"system\": \"can you confirm the following : you want me to play a faithful man with subtitles in english ?\"\n", + "\"user\": \"no . play it with hindi subtitles .\"\n", + "\"system\": \"i am playing a faithful man with hindi subtitles , is this correct ?\"\n", + "\"user\": \"yes , please . who starred in this movie ?\"\n", + "\"system\": \"dali benssalah is one of the stars of this film . i have started playing your movie .\"\n", + "\"user\": \"thanks . can you get me the weather for discovery bay for 3rd of march 3rd ?\"\n", + "\"system\": \"the average temperature for the day should be around 71 degrees fahrenheit . there is a 26 percent chance of rain .\"\n", + "\"user\": \"okay , thank you .\"\n", + "\"system\": \"is there anything else that you ' d like ?\"\n", + "\"user\": \"no . thanks a lot !\"\n", + "\"system\": \"you ' re welcome !\"\n", + "\n", + "terms: ['after the wedding', 'temperature', 'discovery bay', 'dramatic story', 'weather', 'hindi', 'english', '3rd of march', '71', 'a faithful man', '26', 'blinded by the light']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['dali benssalah', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['dramatic story', 'has domain', 'media'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['26', 'has domain', 'weather'], ['weather', 'has slot', 'city'], ['date', 'has value', '3rd of march'], ['english', 'has domain', 'media'], ['temperature', 'has value', '71'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'dali benssalah'], ['precipitation', 'has value', '26'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'a faithful man'], ['3rd of march', 'has domain', 'weather'], ['subtitle language', 'has value', 'hindi'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['weather', 'has slot', 'date'], ['discovery bay', 'has domain', 'weather'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['city', 'has value', 'discovery bay'], ['71', 'has domain', 'weather']]\n", + "\n", + "dialogue id: sgd-test-1608\n", + "dialogue: \"user\": \"i am in a mood to watch movies online . i like fantasy movies and i need your help to search the one for me .\"\n", + "\"system\": \"what about your choice among the 2 movies labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"i think you can search for the one featuring julia ragnarsson . i like ghost movies and make the search based on my interest .\"\n", + "\"system\": \"what about the 1 movie that i searched which is midsommar ?\"\n", + "\"user\": \"midsommar is the nice one and it is okay .\"\n", + "\"system\": \"shall i play it for you ?\"\n", + "\"user\": \"yes , i want to watch it with english subtitles .\"\n", + "\"system\": \"please confirm to play the movie midsommar with english subtitles .\"\n", + "\"user\": \"that is confirmed to proceed .\"\n", + "\"system\": \"movie started playing now and you can enjoy it .\"\n", + "\"user\": \"thanks and i want to know the weather there on march 10th in newark .\"\n", + "\"system\": \"the average temperature of that place will be 92 degrees fahrenheit and there may be a chance of 16 percent of rain .\"\n", + "\"user\": \"that is okay . thanks .\"\n", + "\"system\": \"anything else you need ?\"\n", + "\"user\": \"nothing for now . thanks .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['the lord of the rings', 'ghost', 'temperature', 'julia ragnarsson', 'one', 'labyrinth', '2', 'weather', 'march 10th', 'fantasy', 'english', 'newark', '92', '16', 'midsommar', '1', 'the lord of the rings : the return of the king']\n", + "relations: [['92', 'has domain', 'weather'], ['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['ghost', 'has domain', 'media'], ['date', 'has value', 'march 10th'], ['media', 'has slot', 'subtitle language'], ['city', 'has value', 'newark'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'media'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['march 10th', 'has domain', 'weather'], ['title', 'has value', 'labyrinth'], ['weather', 'has slot', 'city'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['fantasy', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['count', 'has value', '2'], ['labyrinth', 'has domain', 'media'], ['starring', 'has value', 'julia ragnarsson'], ['media', 'has slot', 'title'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['title', 'has value', 'midsommar'], ['weather', 'has slot', 'temperature'], ['1', 'refers to same concept as', 'one'], ['weather', 'has slot', 'date'], ['count', 'has value', '1'], ['genre', 'has value', 'ghost'], ['precipitation', 'has value', '16'], ['temperature', 'has value', '92'], ['julia ragnarsson', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['16', 'has domain', 'weather'], ['newark', 'has domain', 'weather']]\n", + "\n", + "dialogue id: sgd-test-1609\n", + "dialogue: \"user\": \"i ' d like some help finding a drama film to watch online , and i like a movie with dan bittner in it .\"\n", + "\"system\": \"i have found 1 movie for you , which is brittany runs a marathon .\"\n", + "\"user\": \"yes , brittany runs a marathon will work . i think i would like to see that right now .\"\n", + "\"system\": \"confirming playback of brittany runs a marathon with english subtitles enabled .\"\n", + "\"user\": \"i ' m sorry , would you please play it with hindi subtitles ?\"\n", + "\"system\": \"confirming playback with hindi subtitles enabled of brittany runs a marathon .\"\n", + "\"user\": \"thank you for that .\"\n", + "\"system\": \"the movie has begun playing .\"\n", + "\"user\": \"great . may i get the weather forecast please for rohnert park and the 9th ?\"\n", + "\"system\": \"the temperature will average 92 degrees fahrenheit on that day with a chance of rain at 20 percent .\"\n", + "\"user\": \"thank you very much , i ' m all set .\"\n", + "\"system\": \"you ' re very welcome , enjoy your day .\"\n", + "\n", + "terms: ['brittany runs a marathon', 'play', 'temperature', '20', 'rohnert park', 'weather', 'hindi', 'dan bittner', 'english', 'the 9th', 'drama', '92', '1']\n", + "relations: [['92', 'has domain', 'weather'], ['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['brittany runs a marathon', 'has domain', 'media'], ['20', 'has domain', 'weather'], ['media', 'has slot', 'starring'], ['rohnert park', 'has domain', 'weather'], ['drama', 'refers to same concept as', 'play'], ['weather', 'has slot', 'city'], ['english', 'has domain', 'media'], ['precipitation', 'has value', '20'], ['subtitle language', 'has value', 'english'], ['city', 'has value', 'rohnert park'], ['drama', 'has domain', 'media'], ['hindi', 'has domain', 'media'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['date', 'has value', 'the 9th'], ['weather', 'has slot', 'temperature'], ['subtitle language', 'has value', 'hindi'], ['starring', 'has value', 'dan bittner'], ['weather', 'has slot', 'date'], ['count', 'has value', '1'], ['dan bittner', 'has domain', 'media'], ['temperature', 'has value', '92'], ['title', 'has value', 'brittany runs a marathon'], ['the 9th', 'has domain', 'weather'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1610\n", + "dialogue: \"user\": \"can you help me find a movie to stream ?\"\n", + "\"system\": \"absolutely . do you have a specific genre in mind ?\"\n", + "\"user\": \"i ' d like to watch a cartoon .\"\n", + "\"system\": \"may i suggest the angry birds movie 2 or toy story 4 ?\"\n", + "\"user\": \"i ' d love to see toy story 4 .\"\n", + "\"system\": \"would you like me to begin streaming the movie ?\"\n", + "\"user\": \"yes , please . can you play spanish subtitles with it ?\"\n", + "\"system\": \"yes , i will begin toy story 4 with spanish subtitles .\"\n", + "\"user\": \"great ! can you tell me who was in the movie ?\"\n", + "\"system\": \"lori alan is one of the featured performers . your selection has begun .\"\n", + "\"user\": \"can you tell me what the weather is like in napa ?\"\n", + "\"system\": \"it is expected to be 85 degrees fahrenheit with a 24 percent chance of precipitation .\"\n", + "\"user\": \"is it supposed to be windy ? also , can you tell me today ' s date ?\"\n", + "\"system\": \"today is march 1st . the wind speed is expected to reach 6 miles per hour .\"\n", + "\"user\": \"great . thank you for the help .\"\n", + "\"system\": \"you ' re welcome . enjoy the movie !\"\n", + "\n", + "terms: ['85', '6', 'angry birds', 'wind', 'march 1st', 'cartoon', 'napa', 'genre', 'weather', 'spanish', 'precipitation', 'toy story 4', '24', 'date', 'the angry birds movie 2']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['wind', 'has value', '6'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['precipitation', 'has value', '24'], ['weather', 'has slot', 'getweather'], ['march 1st', 'has domain', 'weather'], ['the angry birds movie 2', 'has domain', 'media'], ['genre', 'has value', 'cartoon'], ['media', 'has slot', 'starring'], ['weather', 'has slot', 'city'], ['85', 'has domain', 'weather'], ['title', 'has value', 'toy story 4'], ['spanish', 'has domain', 'media'], ['24', 'has domain', 'weather'], ['weather', 'has slot', 'wind'], ['media', 'has slot', 'title'], ['starring', 'has value', 'lori alan'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'genre'], ['city', 'has value', 'napa'], ['date', 'has value', 'march 1st'], ['napa', 'has domain', 'weather'], ['weather', 'has slot', 'temperature'], ['temperature', 'has value', '85'], ['weather', 'has slot', 'date'], ['6', 'has domain', 'weather'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['lori alan', 'has domain', 'media'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1611\n", + "dialogue: \"user\": \"i want to find some drama movies featuring dan bittner .\"\n", + "\"system\": \"how about brittany runs a marathon ?\"\n", + "\"user\": \"brittany runs a marathon would be great .\"\n", + "\"system\": \"would you like me to play the movie now ?\"\n", + "\"user\": \"yes , please play it .\"\n", + "\"system\": \"confirming that you want me to play brittany runs a marathon with english subtitles ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"i have started playing your movie for you .\"\n", + "\"user\": \"thanks . how is the weather in los gatos ?\"\n", + "\"system\": \"the average temperature for the day should be 93 degrees fahrenheit . there is also a 17 percent chance of rain .\"\n", + "\"user\": \"will it be very windy ? what about the humidity ?\"\n", + "\"system\": \"the average wind speed should be around 10 miles per hour with a humidity of around 28 percent .\"\n", + "\"user\": \"okay , thank you .\"\n", + "\"system\": \"is there anything else you ' d like ?\"\n", + "\"user\": \"no . thanks a lot !\"\n", + "\"system\": \"you ' re welcome !\"\n", + "\n", + "terms: ['28', 'brittany runs a marathon', 'play', 'temperature', 'wind', '93', 'humidity', 'weather', '17', 'dan bittner', 'los gatos', 'english', 'drama', '10']\n", + "relations: [['precipitation', 'has value', '17'], ['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['weather', 'has slot', 'getweather'], ['brittany runs a marathon', 'has domain', 'media'], ['los gatos', 'has domain', 'weather'], ['media', 'has slot', 'starring'], ['28', 'has domain', 'weather'], ['humidity', 'has value', '28'], ['weather', 'has slot', 'humidity'], ['wind', 'has value', '10'], ['weather', 'has slot', 'city'], ['drama', 'refers to same concept as', 'play'], ['17', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['weather', 'has slot', 'wind'], ['subtitle language', 'has value', 'english'], ['93', 'has domain', 'weather'], ['drama', 'has domain', 'media'], ['temperature', 'has value', '93'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['starring', 'has value', 'dan bittner'], ['dan bittner', 'has domain', 'media'], ['title', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'playmovie'], ['10', 'has domain', 'weather'], ['city', 'has value', 'los gatos']]\n", + "\n", + "dialogue id: sgd-test-1612\n", + "dialogue: \"user\": \"i ' d like to stream a movie . can you help me find one ?\"\n", + "\"system\": \"i ' d be happy to help . did you have a specific genre in mind ?\"\n", + "\"user\": \"i ' d like an eccentric story .\"\n", + "\"system\": \"i have found 1 that might suit you . have you seen once upon a time in hollywood ?\"\n", + "\"user\": \"i ' ve been meaning to watch once upon a time in hollywood . that ' s perfect !\"\n", + "\"system\": \"would you like to begin streaming now ?\"\n", + "\"user\": \"yes , please start the movie .\"\n", + "\"system\": \"would you like to view once upon a time in hollywood with english subtitles ?\"\n", + "\"user\": \"that would be perfect .\"\n", + "\"system\": \"your movie has begun .\"\n", + "\"user\": \"great ! can you tell me what the weather is predicted to be on the 14th of march in moraga ?\"\n", + "\"system\": \"the forecast has an average temperature of 82 degrees fahrenheit with a 14 percent chance of precipitation .\"\n", + "\"user\": \"i think that ' s all i need right now . thank you for the assistance .\"\n", + "\"system\": \"you ' re very welcome . enjoy the movie .\"\n", + "\n", + "terms: ['82', 'moraga', 'temperature', 'eccentric story', 'one', 'genre', 'weather', 'precipitation', 'english', 'once upon a time', '14', '1', 'once upon a time in hollywood', '14th of march']\n", + "relations: [['moraga', 'has domain', 'weather'], ['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['temperature', 'has value', '82'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['weather', 'has slot', 'city'], ['once upon a time in hollywood', 'has domain', 'media'], ['genre', 'has value', 'eccentric story'], ['english', 'has domain', 'media'], ['city', 'has value', 'moraga'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['precipitation', 'has value', '14'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['1', 'refers to same concept as', 'one'], ['weather', 'has slot', 'date'], ['count', 'has value', '1'], ['14th of march', 'has domain', 'weather'], ['eccentric story', 'has domain', 'media'], ['82', 'has domain', 'weather'], ['date', 'has value', '14th of march'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['14', 'has domain', 'weather']]\n", + "\n", + "dialogue id: sgd-test-1613\n", + "dialogue: \"user\": \"i would like to see a fantasy movie starring timothy bateson .\"\n", + "\"system\": \"there is 1 movie that is suitable called labyrinth .\"\n", + "\"user\": \"i want to see labyrinth right now with french subtitles .\"\n", + "\"system\": \"you would like to see labyrinth with french subtitles ?\"\n", + "\"user\": \"yes , i do .\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"thanks . what would the weather be like in napa next monday ?\"\n", + "\"system\": \"the temperature should be 85 degrees fahrenheit with 5 percent chance of rain .\"\n", + "\"user\": \"ok then . that would be all .\"\n", + "\"system\": \"take care of yourself .\"\n", + "\n", + "terms: ['85', 'french', 'starring', 'temperature', 'napa', 'labyrinth', 'timothy bateson', '5', 'weather', 'fantasy', 'next monday', '1']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['next monday', 'has domain', 'weather'], ['starring', 'has value', 'timothy bateson'], ['media', 'has slot', 'starring'], ['title', 'has value', 'labyrinth'], ['weather', 'has slot', 'city'], ['85', 'has domain', 'weather'], ['french', 'has domain', 'media'], ['fantasy', 'has domain', 'media'], ['date', 'has value', 'next monday'], ['subtitle language', 'has value', 'french'], ['precipitation', 'has value', '5'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['city', 'has value', 'napa'], ['napa', 'has domain', 'weather'], ['weather', 'has slot', 'temperature'], ['temperature', 'has value', '85'], ['timothy bateson', 'has domain', 'media'], ['weather', 'has slot', 'date'], ['count', 'has value', '1'], ['5', 'has domain', 'weather'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1614\n", + "dialogue: \"user\": \"can you find me a movie online , a sci - fi movie would be ideal , and if possible one that features bobby nish .\"\n", + "\"system\": \"would you be interested in ad astra ?\"\n", + "\"user\": \"can you find me something else ?\"\n", + "\"system\": \"there are no movies i can find that match the parameters you have selected , can i help with anything else ?\"\n", + "\"user\": \"how about suspense movies , ones that feature jack melford ?\"\n", + "\"system\": \"how about the ladykillers , would you like to watch this movie ?\"\n", + "\"user\": \"that movies sounds good , please play the ladykillers with spanish subtitles .\"\n", + "\"system\": \"the movie the ladykillers will now play with spanish subtitles .\"\n", + "\"user\": \"thanks , i really appreciate it .\"\n", + "\"system\": \"that movie is now playing , enjoy .\"\n", + "\"user\": \"great , can you tell me what the weather will be like on the 14th of march ?\"\n", + "\"system\": \"the weather of which city will you be checking for ?\"\n", + "\"user\": \"i want to now the weather in chi - town .\"\n", + "\"system\": \"chi - town is expected on that day to average 68 degrees fahrenheit , and have a 24 percent chance of rain .\"\n", + "\"user\": \"great , thanks for the info , that will be all , bye !\"\n", + "\"system\": \"no problem , have a pleasant day .\"\n", + "\n", + "terms: ['ad astra', 'bobby nish', '68', 'sci - fi', 'weather', 'ladykillers', 'spanish', 'jack melford', 'chi - town', '24', 'the ladykillers', 'city', 'suspense', '14th of march']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['jack melford', 'has domain', 'media'], ['weather', 'has slot', 'getweather'], ['precipitation', 'has value', '24'], ['media', 'has slot', 'starring'], ['suspense', 'has domain', 'media'], ['weather', 'has slot', 'city'], ['spanish', 'has domain', 'media'], ['chi - town', 'has domain', 'weather'], ['24', 'has domain', 'weather'], ['title', 'has value', 'the ladykillers'], ['starring', 'has value', 'jack melford'], ['temperature', 'has value', '68'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['68', 'has domain', 'weather'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'genre'], ['city', 'has value', 'chi - town'], ['weather', 'has slot', 'temperature'], ['starring', 'has value', 'bobby nish'], ['title', 'has value', 'ad astra'], ['genre', 'has value', 'suspense'], ['weather', 'has slot', 'date'], ['14th of march', 'has domain', 'weather'], ['bobby nish', 'has domain', 'media'], ['sci - fi', 'has domain', 'media'], ['genre', 'has value', 'sci - fi'], ['date', 'has value', '14th of march'], ['media', 'has slot', 'playmovie'], ['the ladykillers', 'refers to same concept as', 'ladykillers'], ['the ladykillers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1615\n", + "dialogue: \"user\": \"will you find future scientific fiction movies online ?\"\n", + "\"system\": \"ad astra or close encounters of the third kind ?\"\n", + "\"user\": \"i prefer ad astra .\"\n", + "\"system\": \"play the movie ?\"\n", + "\"user\": \"yes , play it with english subtitles .\"\n", + "\"system\": \"confirm ad astra playing with english subtitles .\"\n", + "\"user\": \"cool .\"\n", + "\"system\": \"movie is starting .\"\n", + "\"user\": \"what the weather there on the 10th ?\"\n", + "\"system\": \"which city ?\"\n", + "\"user\": \"ciudad de mexico\"\n", + "\"system\": \"average temperature is 96 degrees fahrenheit with a 3 percent chance of rain .\"\n", + "\"user\": \"nice .\"\n", + "\"system\": \"anything else ?\"\n", + "\"user\": \"that ' s all for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['ad astra', 'close encounters', 'temperature', '3', 'close encounters of the third kind', 'weather', '96', 'future scientific fiction', 'english', 'city', 'the 10th']\n", + "relations: [['ciudad de mexico', 'has domain', 'weather'], ['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['weather', 'has slot', 'getweather'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['date', 'has value', 'the 10th'], ['future scientific fiction', 'has domain', 'media'], ['3', 'has domain', 'weather'], ['close encounters of the third kind', 'has domain', 'media'], ['weather', 'has slot', 'city'], ['title', 'has value', 'close encounters of the third kind'], ['temperature', 'has value', '96'], ['precipitation', 'has value', '3'], ['english', 'has domain', 'media'], ['city', 'has value', 'ciudad de mexico'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['genre', 'has value', 'future scientific fiction'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'ad astra'], ['weather', 'has slot', 'date'], ['the 10th', 'has domain', 'weather'], ['96', 'has domain', 'weather'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1616\n", + "dialogue: \"user\": \"i want to watch an action movie featuring morgan freeman online .\"\n", + "\"system\": \"there is 1 movie called angel has fallen .\"\n", + "\"user\": \"angel has fallen is a good movie .\"\n", + "\"system\": \"do you want to watch it now ?\"\n", + "\"user\": \"yes , please play the movie with english subtitles .\"\n", + "\"system\": \"please confirm you want to watch angel has fallen with english subtitles .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"now playing the movie .\"\n", + "\"user\": \"how is the weather in martinez ?\"\n", + "\"system\": \"the temperature is 80 degrees f with a 24 percent chance of rain .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"may i further assist you ?\"\n", + "\"user\": \"no , that will be all .\"\n", + "\"system\": \"bye !\"\n", + "\n", + "terms: ['angel has fallen', '80', 'temperature', 'action', 'morgan freeman', 'weather', 'martinez', 'english', '24', '1']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['martinez', 'has domain', 'weather'], ['media', 'has slot', 'findmovies'], ['temperature', 'has value', '80'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['precipitation', 'has value', '24'], ['media', 'has slot', 'starring'], ['weather', 'has slot', 'city'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['english', 'has domain', 'media'], ['24', 'has domain', 'weather'], ['subtitle language', 'has value', 'english'], ['80', 'has domain', 'weather'], ['media', 'has slot', 'title'], ['morgan freeman', 'has domain', 'media'], ['starring', 'has value', 'morgan freeman'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'action'], ['weather', 'has slot', 'temperature'], ['count', 'has value', '1'], ['city', 'has value', 'martinez'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1617\n", + "dialogue: \"user\": \"is there a movie you can find online that i can watch ?\"\n", + "\"system\": \"which types of movies are you interested in ?\"\n", + "\"user\": \"i like watching action movies in general .\"\n", + "\"system\": \"i found 5 movies you may like , would you be interested in angel has fallen , hobbs and shaw , or mission mangal ?\"\n", + "\"user\": \"i think mission mangal sounds great , please play it with hindi subtitles .\"\n", + "\"system\": \"the movie mission mangal will play shortly with hindi subtitles , is that correct ?\"\n", + "\"user\": \"that is correct , thanks .\"\n", + "\"system\": \"the movie is now playing , hope you enjoy it .\"\n", + "\"user\": \"what actor starred in this movie ?\"\n", + "\"system\": \"one notable actor in this movie is sharman joshi .\"\n", + "\"user\": \"great , thanks for the tidbit .\"\n", + "\"system\": \"anything else that i can help with ?\"\n", + "\"user\": \"tell me the what the weather will be in point reyes station , on the 8th of march .\"\n", + "\"system\": \"weather for that city should be 91 degrees fahrenheit , with a 14 percent chance of rain .\"\n", + "\"user\": \"thanks for telling me the weather , that is all i needed , good bye .\"\n", + "\"system\": \"your welcome , cheers .\"\n", + "\n", + "terms: ['angel has fallen', 'hobbs and shaw', '91', 'action', 'mission mangal', 'point reyes station', '5', 'sharman joshi', 'hindi', 'weather', '8th of march', '14', 'city']\n", + "relations: [['mission mangal', 'has domain', 'media'], ['weather', 'has slot', 'precipitation'], ['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['91', 'has domain', 'weather'], ['weather', 'has slot', 'city'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['5', 'has domain', 'media'], ['sharman joshi', 'has domain', 'media'], ['city', 'has value', 'point reyes station'], ['starring', 'has value', 'sharman joshi'], ['8th of march', 'has domain', 'weather'], ['temperature', 'has value', '91'], ['hindi', 'has domain', 'media'], ['date', 'has value', '8th of march'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['precipitation', 'has value', '14'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'action'], ['weather', 'has slot', 'temperature'], ['subtitle language', 'has value', 'hindi'], ['weather', 'has slot', 'date'], ['point reyes station', 'has domain', 'weather'], ['title', 'has value', 'hobbs and shaw'], ['count', 'has value', '5'], ['media', 'has slot', 'playmovie'], ['14', 'has domain', 'weather']]\n", + "\n", + "dialogue id: sgd-test-1618\n", + "dialogue: \"user\": \"find me some movies to watch on the internet .\"\n", + "\"system\": \"what genre of movies do you like ?\"\n", + "\"user\": \"find me some fight movies .\"\n", + "\"system\": \"search revealed 1 result . do you like pulp fiction ?\"\n", + "\"user\": \"i love pulp fiction . play the movie now for me .\"\n", + "\"system\": \"you want me to play the movie pulp fiction with english subtitles . is that correct ?\"\n", + "\"user\": \"that is correct . who starred in the movie ?\"\n", + "\"system\": \"your movie is beginning and quentin tarantino starred in it .\"\n", + "\"user\": \"what is the weather like in moraga ?\"\n", + "\"system\": \"it should be 70 degrees with a 23 percent chance of rain .\"\n", + "\"user\": \"i see . what will the weather be like on the 8th in lafayette ?\"\n", + "\"system\": \"the average temperature will be 71 degrees with a 12 percent chance of rain .\"\n", + "\"user\": \"okay . i see .\"\n", + "\"system\": \"do you need anything more ?\"\n", + "\"user\": \"no , that is all . thanks .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['moraga', '23', '12', 'temperature', '70', 'lafayette', 'quentin tarantino', 'fight', 'genre', 'weather', 'english', 'the 8th', '71', '1', 'pulp fiction']\n", + "relations: [['moraga', 'has domain', 'weather'], ['lafayette', 'has domain', 'weather'], ['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['date', 'has value', 'the 8th'], ['media', 'has slot', 'starring'], ['starring', 'has value', 'quentin tarantino'], ['weather', 'has slot', 'city'], ['english', 'has domain', 'media'], ['temperature', 'has value', '71'], ['quentin tarantino', 'has domain', 'media'], ['city', 'has value', 'moraga'], ['pulp fiction', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['temperature', 'has value', '70'], ['12', 'has domain', 'weather'], ['city', 'has value', 'lafayette'], ['media', 'has slot', 'title'], ['23', 'has domain', 'weather'], ['the 8th', 'has domain', 'weather'], ['fight', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['70', 'has domain', 'weather'], ['precipitation', 'has value', '23'], ['title', 'has value', 'pulp fiction'], ['weather', 'has slot', 'date'], ['count', 'has value', '1'], ['precipitation', 'has value', '12'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['71', 'has domain', 'weather'], ['genre', 'has value', 'fight']]\n", + "\n", + "dialogue id: sgd-test-1619\n", + "dialogue: \"user\": \"i like to watch movies online and i need your help to find the best one which should be a drama type movie .\"\n", + "\"system\": \"which one is your selection among the following movies : a faithful man , after the wedding and blinded by the light ?\"\n", + "\"user\": \"i think , i like to go with blinded by the light and i want to watch it online now . don ' t care about the subtitles .\"\n", + "\"system\": \"okay . i need your confirmation to play blinded by the light with english subtitles .\"\n", + "\"user\": \"that is confirmed . please go ahead . also let me know the actor of this film .\"\n", + "\"system\": \"this film ' s lead role was acted by meera ganatra and the same was started playing .\"\n", + "\"user\": \"thank you . i want to know about the weather condition .\"\n", + "\"system\": \"where do you want to check the weather ?\"\n", + "\"user\": \"check it in pleasanton .\"\n", + "\"system\": \"the average temperature of that place will be 90 degrees fahrenheit and there may be a chance of 4 percent of rain .\"\n", + "\"user\": \"that is okay and check the same in atl on march 4th .\"\n", + "\"system\": \"the average temperature of that place will be 75 degrees fahrenheit and there may be a chance of 9 percent of rain .\"\n", + "\"user\": \"okay , thanks . that ' s all for now .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['after the wedding', 'temperature', 'play', '4', 'meera ganatra', 'pleasanton', 'weather', '90', '75', '9', 'atl', 'english', 'drama', 'a faithful man', 'march 4th', 'blinded by the light']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['4', 'has domain', 'weather'], ['atl', 'has domain', 'weather'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['temperature', 'has value', '90'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['precipitation', 'has value', '9'], ['drama', 'refers to same concept as', 'play'], ['weather', 'has slot', 'city'], ['90', 'has domain', 'weather'], ['meera ganatra', 'has domain', 'media'], ['9', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['pleasanton', 'has domain', 'weather'], ['subtitle language', 'has value', 'english'], ['march 4th', 'has domain', 'weather'], ['city', 'has value', 'atl'], ['city', 'has value', 'pleasanton'], ['drama', 'has domain', 'media'], ['date', 'has value', 'march 4th'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['dontcare', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['weather', 'has slot', 'date'], ['subtitle language', 'has value', 'dontcare'], ['starring', 'has value', 'meera ganatra'], ['temperature', 'has value', '75'], ['precipitation', 'has value', '4'], ['75', 'has domain', 'weather'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1620\n", + "dialogue: \"user\": \"i need to find some movies online like ones featuring vanessa przada comic movies as that would be good .\"\n", + "\"system\": \"there is 1 movie you might like called good boys .\"\n", + "\"user\": \"good boys is good .\"\n", + "\"system\": \"would you like to play the movie ?\"\n", + "\"user\": \"yes , i ' d like to play the movie with spanish subtitles .\"\n", + "\"system\": \"please confirm details for playing good boys with subtitles in spanish .\"\n", + "\"user\": \"yes , i ' d like that please .\"\n", + "\"system\": \"i started playing the movie .\"\n", + "\"user\": \"thank you . what is the weather there on the 13th of this month in walnut creek ?\"\n", + "\"system\": \"the average temperature is 82 degrees f with a 14 % chance of rain .\"\n", + "\"user\": \"okay what about in san francisco .\"\n", + "\"system\": \"the average temperature is 94 degrees f with a 9 % chance of rain .\"\n", + "\"user\": \"how windy will it be and how humid ?\"\n", + "\"system\": \"the average wind speed is 6 mph with humidity 22 percent .\"\n", + "\"user\": \"sure that is fine . that is all so bye for now .\"\n", + "\"system\": \"cheers to you today .\"\n", + "\n", + "terms: ['82', '6', '94', '22', 'temperature', 'wind', 'walnut creek', 'humidity', 'weather', '9', 'spanish', 'vanessa przada', 'good boys', 'comic', '14', '1', 'san francisco', '13th of this month']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['wind', 'has value', '6'], ['city', 'has value', 'san francisco'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['temperature', 'has value', '82'], ['13th of this month', 'has domain', 'weather'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['94', 'has domain', 'weather'], ['media', 'has slot', 'starring'], ['precipitation', 'has value', '9'], ['good boys', 'has domain', 'media'], ['genre', 'has value', 'comic'], ['starring', 'has value', 'vanessa przada'], ['weather', 'has slot', 'humidity'], ['weather', 'has slot', 'city'], ['humidity', 'has value', '22'], ['spanish', 'has domain', 'media'], ['9', 'has domain', 'weather'], ['weather', 'has slot', 'wind'], ['san francisco', 'refers to same concept as', 'san fran'], ['title', 'has value', 'good boys'], ['22', 'has domain', 'weather'], ['media', 'has slot', 'title'], ['precipitation', 'has value', '14'], ['subtitle language', 'has value', 'spanish'], ['walnut creek', 'has domain', 'weather'], ['media', 'has slot', 'genre'], ['temperature', 'has value', '94'], ['weather', 'has slot', 'temperature'], ['1', 'refers to same concept as', 'one'], ['city', 'has value', 'walnut creek'], ['date', 'has value', '13th of this month'], ['weather', 'has slot', 'date'], ['count', 'has value', '1'], ['san francisco', 'has domain', 'weather'], ['6', 'has domain', 'weather'], ['vanessa przada', 'has domain', 'media'], ['82', 'has domain', 'weather'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['14', 'has domain', 'weather'], ['comic', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1621\n", + "dialogue: \"user\": \"i ' m in the mood to watch an action movie online\"\n", + "\"system\": \"i found a few including : angel has fallen , hobbs and shaw , and mission mangal\"\n", + "\"user\": \"i really wanna see angel has fallen , play it with english subtitles\"\n", + "\"system\": \"confirming you want to play angel has fallen with those english subtitles\"\n", + "\"user\": \"yes please , who stars in it again ?\"\n", + "\"system\": \"it ' s playing for you , and it stars antonio bustorff among others\"\n", + "\"user\": \"great ! also i wanna know the weather in american canyon on the 14th of march please\"\n", + "\"system\": \"it should be around 81 degrees with a low 13 percent chance of rain\"\n", + "\"user\": \"sure , got it\"\n", + "\"system\": \"what else do you need help with ?\"\n", + "\"user\": \"nothing else , thanks !\"\n", + "\"system\": \"sure thing , bye !\"\n", + "\n", + "terms: ['angel has fallen', 'hobbs and shaw', 'antonio bustorff', 'american canyon', 'action', '81', '13', 'weather', 'english', '14th of march']\n", + "relations: [['mission mangal', 'has domain', 'media'], ['weather', 'has slot', 'precipitation'], ['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['weather', 'has slot', 'getweather'], ['starring', 'has value', 'antonio bustorff'], ['media', 'has slot', 'starring'], ['temperature', 'has value', '81'], ['precipitation', 'has value', '13'], ['weather', 'has slot', 'city'], ['action', 'has domain', 'media'], ['81', 'has domain', 'weather'], ['title', 'has value', 'angel has fallen'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['13', 'has domain', 'weather'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'action'], ['antonio bustorff', 'has domain', 'media'], ['weather', 'has slot', 'temperature'], ['american canyon', 'has domain', 'weather'], ['weather', 'has slot', 'date'], ['14th of march', 'has domain', 'weather'], ['title', 'has value', 'hobbs and shaw'], ['city', 'has value', 'american canyon'], ['date', 'has value', '14th of march'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1622\n", + "dialogue: \"user\": \"i wanna find a movie to watch online featuring james keane\"\n", + "\"system\": \"what kind of movies do you wanna see ?\"\n", + "\"user\": \"i ' m feeling the scientific fiction genre right now\"\n", + "\"system\": \"there ' s 1 you might like , have you ever seen close encounters of the third kind ?\"\n", + "\"user\": \"close encounters of the third kind sounds good\"\n", + "\"system\": \"should i play it for you\"\n", + "\"user\": \"yes please do\"\n", + "\"system\": \"confirming you want to watch close encounters of the third kind ? with english subtitles\"\n", + "\"user\": \"yes that ' s correct\"\n", + "\"system\": \"it ' s playing for you\"\n", + "\"user\": \"great , now what ' s the weather like\"\n", + "\"system\": \"which city are you asking about ?\"\n", + "\"user\": \"i wanna know what it ' s like in saratoga\"\n", + "\"system\": \"it ' ll be 78 degrees fahrenheit with a really low 1 percent chance of rain\"\n", + "\"user\": \"sure thing , that ' s it for now , bye !\"\n", + "\"system\": \"see ya , bye !\"\n", + "\n", + "terms: ['close encounters', 'city', 'close encounters of the third kind', 'genre', 'weather', '78', 'english', 'scientific fiction', '1']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['media', 'has slot', 'starring'], ['close encounters of the third kind', 'has domain', 'media'], ['saratoga', 'has domain', 'weather'], ['weather', 'has slot', 'city'], ['precipitation', 'has value', '1'], ['title', 'has value', 'close encounters of the third kind'], ['1', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['temperature', 'has value', '78'], ['weather', 'has slot', 'temperature'], ['city', 'has value', 'saratoga'], ['james keane', 'has domain', 'media'], ['count', 'has value', '1'], ['scientific fiction', 'has domain', 'media'], ['genre', 'has value', 'scientific fiction'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['78', 'has domain', 'weather'], ['starring', 'has value', 'james keane']]\n", + "\n", + "dialogue id: sgd-test-1623\n", + "dialogue: \"user\": \"find me some movies online\"\n", + "\"system\": \"do you prefer any type ?\"\n", + "\"user\": \"find movies of dramatic story\"\n", + "\"system\": \"i found 10 movies . how about a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"a faithful man is perfect . play the movie now\"\n", + "\"system\": \"p please confirm this : playing a faithful man with english subtitles\"\n", + "\"user\": \"that ' s it . who acted in the movie ?\"\n", + "\"system\": \"movie is playing . bakary sangare is the actor\"\n", + "\"user\": \"check the weather there\"\n", + "\"system\": \"in which city do you want to check ?\"\n", + "\"user\": \"find in belmont\"\n", + "\"system\": \"the average temperature is 90 degree fahrenheit and a 22 percent chance of rain\"\n", + "\"user\": \"that ' s good\"\n", + "\"system\": \"do you want anything else ?\"\n", + "\"user\": \"no that ' s all for now . thank you\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['22', 'after the wedding', 'temperature', '90', 'weather', 'english', '10', 'a faithful man', 'city', 'bakary sangare', 'blinded by the light']\n", + "relations: [['precipitation', 'has value', '22'], ['weather', 'has slot', 'precipitation'], ['starring', 'has value', 'bakary sangare'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['temperature', 'has value', '90'], ['dramatic story', 'has domain', 'media'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['weather', 'has slot', 'city'], ['90', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['belmont', 'has domain', 'weather'], ['subtitle language', 'has value', 'english'], ['city', 'has value', 'belmont'], ['bakary sangare', 'has domain', 'media'], ['22', 'has domain', 'weather'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'a faithful man'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1624\n", + "dialogue: \"user\": \"i would like to find some movies online .\"\n", + "\"system\": \"what type of movies you like ?\"\n", + "\"user\": \"will be great a dramatic story .\"\n", + "\"system\": \"i found 10 options that you might like . what do you think about a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"blinded by the light will be great .\"\n", + "\"system\": \"you want me to play the movie for you ?\"\n", + "\"user\": \"yes start it please . i don ' t care if it has subtitles or not .\"\n", + "\"system\": \"play blinded by the light with subtitle in english . i ' m right ?\"\n", + "\"user\": \"yes is good .\"\n", + "\"system\": \"the movie is started .\"\n", + "\"user\": \"thank you . tell me please how ' s the weather there ?\"\n", + "\"system\": \"in which city you want to know ?\"\n", + "\"user\": \"i would like in valley ford .\"\n", + "\"system\": \"for the day the average temperature should be 72 degrees fahrenheit and 6 percent chance of rain .\"\n", + "\"user\": \"good . that ' s all i wanted . bye !\"\n", + "\"system\": \"bye !\"\n", + "\n", + "terms: ['6', 'after the wedding', 'temperature', '72', 'dramatic story', 'weather', 'valley ford', 'english', '10', 'a faithful man', 'city', 'blinded by the light']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['dramatic story', 'has domain', 'media'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['weather', 'has slot', 'city'], ['precipitation', 'has value', '6'], ['valley ford', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['72', 'has domain', 'weather'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['dontcare', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['temperature', 'has value', '72'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'a faithful man'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['subtitle language', 'has value', 'dontcare'], ['city', 'has value', 'valley ford'], ['6', 'has domain', 'weather'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1625\n", + "dialogue: \"user\": \"can you find me some movies online with michaela watkins ?\"\n", + "\"system\": \"what genre do you like ?\"\n", + "\"user\": \"i like movies with christoph maria herbst . kids movies work too .\"\n", + "\"system\": \"there ' s 1 i found . how about the angry birds movie 2 ?\"\n", + "\"user\": \"the angry birds works for me . can you put it on with english subtitles ?\"\n", + "\"system\": \"you want me to play the angry birds movie 2 with english subtitles ?\"\n", + "\"user\": \"yes .\"\n", + "\"system\": \"the movie is now playing .\"\n", + "\"user\": \"thanks , what ' s the weather going to be like on the 9th of march in chi - town ?\"\n", + "\"system\": \"the temperature that day will be 68 degrees fahrenheit . there will be a 38 percent chance of rain .\"\n", + "\"user\": \"sure , cool .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no , thanks !\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['angry birds', '9th of march', 'temperature', 'the angry birds', '68', 'michaela watkins', 'genre', 'weather', 'christoph maria herbst', 'english', '38', 'kids', 'chi - town', '1', 'the angry birds movie 2']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['christoph maria herbst', 'has domain', 'media'], ['38', 'has domain', 'weather'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['the angry birds movie 2', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['9th of march', 'has domain', 'weather'], ['starring', 'has value', 'christoph maria herbst'], ['weather', 'has slot', 'city'], ['english', 'has domain', 'media'], ['date', 'has value', '9th of march'], ['chi - town', 'has domain', 'weather'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'michaela watkins'], ['temperature', 'has value', '68'], ['media', 'has slot', 'title'], ['68', 'has domain', 'weather'], ['kids', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['city', 'has value', 'chi - town'], ['weather', 'has slot', 'temperature'], ['michaela watkins', 'has domain', 'media'], ['the angry birds', 'has domain', 'media'], ['genre', 'has value', 'kids'], ['precipitation', 'has value', '38'], ['weather', 'has slot', 'date'], ['count', 'has value', '1'], ['title', 'has value', 'the angry birds'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds']]\n", + "\n", + "dialogue id: sgd-test-1626\n", + "dialogue: \"user\": \"is there a movie online that i can watch you can recommend for me ?\"\n", + "\"system\": \"any particular genre you enjoy for movies ?\"\n", + "\"user\": \"i like watching drama movies .\"\n", + "\"system\": \"i have found 10 movies you may like , may i interest you in a faithful man , after the wedding , or blinded by the light ?\"\n", + "\"user\": \"i think blinded by the light sounds great , thanks for finding it .\"\n", + "\"system\": \"can i help you with anything else ?\"\n", + "\"user\": \"please play the movie , with or without subtitles .\"\n", + "\"system\": \"the movie blinded by the light will now play with english subtitles .\"\n", + "\"user\": \"thanks , can you tell me who acted in it ?\"\n", + "\"system\": \"the movie that is now playing stars meera ganatra .\"\n", + "\"user\": \"great , what ' s the weather in bodega bay like at the moment ?\"\n", + "\"system\": \"bodega bay is expected to average 80 degrees fahrenheit today , with a 28 percent chance of rain .\"\n", + "\"user\": \"thanks , that is just what i needed . that will be all , bye !\"\n", + "\"system\": \"your welcome , enjoy your day .\"\n", + "\n", + "terms: ['bodega bay', '80', 'after the wedding', '28', 'play', 'meera ganatra', 'genre', 'weather', 'english', 'drama', 'a faithful man', '10', 'blinded by the light']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['temperature', 'has value', '80'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['bodega bay', 'has domain', 'weather'], ['28', 'has domain', 'weather'], ['drama', 'refers to same concept as', 'play'], ['weather', 'has slot', 'city'], ['meera ganatra', 'has domain', 'media'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['drama', 'has domain', 'media'], ['80', 'has domain', 'weather'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['dontcare', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['subtitle language', 'has value', 'dontcare'], ['starring', 'has value', 'meera ganatra'], ['city', 'has value', 'bodega bay'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['precipitation', 'has value', '28'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1627\n", + "dialogue: \"user\": \"i want to find some drama movies online .\"\n", + "\"system\": \"i found 10 movies that you may like . how about a faithful man , after the wedding , or blinded by the light ?\"\n", + "\"user\": \"after the wedding would be great .\"\n", + "\"system\": \"do you want to play the movie now ?\"\n", + "\"user\": \"yes , please play the movie .\"\n", + "\"system\": \"confirming that you want to play after the wedding with english subtitles ?\"\n", + "\"user\": \"yes , that ' s correct . who stars in this movie ?\"\n", + "\"system\": \"will chase is one of the actors . your movie has started playing .\"\n", + "\"user\": \"can you get me the weather for discovery bay ? check for the 3rd of this month ?\"\n", + "\"system\": \"the average temperature should be around 71 degrees fahrenheit with a 26 percent chance of rain .\"\n", + "\"user\": \"okay . can you check vancouver , bc ?\"\n", + "\"system\": \"the average temperature should be around 57 degrees fahrenheit with a 54 percent chance of rain .\"\n", + "\"user\": \"okay , that ' s all for now . goodbye !\"\n", + "\"system\": \"goodbye !\"\n", + "\n", + "terms: ['after the wedding', 'temperature', 'discovery bay', '54', 'play', '3rd of this month', 'weather', 'english', 'drama', '71', 'a faithful man', '26', '10', '57', 'blinded by the light', 'vancouver , bc']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['57', 'has domain', 'weather'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['71', 'has domain', 'weather'], ['media', 'has slot', 'starring'], ['26', 'has domain', 'weather'], ['drama', 'refers to same concept as', 'play'], ['weather', 'has slot', 'city'], ['temperature', 'has value', '57'], ['english', 'has domain', 'media'], ['temperature', 'has value', '71'], ['subtitle language', 'has value', 'english'], ['precipitation', 'has value', '26'], ['drama', 'has domain', 'media'], ['city', 'has value', 'vancouver , bc'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['3rd of this month', 'has domain', 'weather'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['precipitation', 'has value', '54'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'a faithful man'], ['starring', 'has value', 'will chase'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['weather', 'has slot', 'date'], ['discovery bay', 'has domain', 'weather'], ['54', 'has domain', 'weather'], ['will chase', 'has domain', 'media'], ['date', 'has value', '3rd of this month'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['vancouver , bc', 'has domain', 'weather'], ['city', 'has value', 'discovery bay'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1628\n", + "dialogue: \"user\": \"i need help finding a good movie online .\"\n", + "\"system\": \"i can help you , what type of movies do you prefer ?\"\n", + "\"user\": \"i really enjoy drama flicks .\"\n", + "\"system\": \"i have found 10 drama films . would you like to see a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"i would like to view a faithful man .\"\n", + "\"system\": \"i can start the movie if you like ?\"\n", + "\"user\": \"yes please and thank you .\"\n", + "\"system\": \"great ! would you like for me to start a faithful man with english subtitles ?\"\n", + "\"user\": \"yes the would be fine . who is the lead actor of this movie ?\"\n", + "\"system\": \"the lead actor is bakary sangare .\"\n", + "\"user\": \"thank you . can you also tell me what the weather is like in daly city ?\"\n", + "\"system\": \"sure , i show the temperature will is 77 degrees and there is a 6 percent chance for rain .\"\n", + "\"user\": \"okay , thank you for that information . that will be all i need . thank you . bye !\"\n", + "\"system\": \"you are welcome , goodbye .\"\n", + "\n", + "terms: ['6', 'after the wedding', 'temperature', 'daly city', 'weather', '77', 'english', 'drama', 'a faithful man', 'city', '10', 'bakary sangare', 'blinded by the light']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['starring', 'has value', 'bakary sangare'], ['media', 'has slot', 'findmovies'], ['daly city', 'has domain', 'weather'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['media', 'has slot', 'starring'], ['weather', 'has slot', 'city'], ['precipitation', 'has value', '6'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['drama', 'has domain', 'media'], ['bakary sangare', 'has domain', 'media'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['city', 'has value', 'daly city'], ['temperature', 'has value', '77'], ['10', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['6', 'has domain', 'weather'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['77', 'has domain', 'weather'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1629\n", + "dialogue: \"user\": \"i want to find a movie online\"\n", + "\"system\": \"what kind of movie ?\"\n", + "\"user\": \"i want to watch something with suspense in it\"\n", + "\"system\": \"ok , there are 4 suspense films including rojo , the art of self - defense , and madeline ' s madeline that you might enjoy\"\n", + "\"user\": \"how about rojo , let ' s watch that now\"\n", + "\"system\": \"ok , i ' ll play rojo with english subtitles if that ' s ok ?\"\n", + "\"user\": \"yes that ' s fine\"\n", + "\"system\": \"playing it for you now\"\n", + "\"user\": \"thanks , now can you see what the weather is like in hayward\"\n", + "\"system\": \"sure , it ' ll be 80 degrees with a 9 percent chance of rain\"\n", + "\"user\": \"ok thanks for letting me know\"\n", + "\"system\": \"what else do you need ?\"\n", + "\"user\": \"for now nothing else\"\n", + "\"system\": \"ok then , see you\"\n", + "\n", + "terms: ['80', 'rojo', '4', \"madeline ' s madeline\", 'weather', 'madeline', 'english', 'the art of self - defense', '9', 'suspense']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['temperature', 'has value', '80'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], [\"madeline ' s madeline\", 'has domain', 'media'], ['precipitation', 'has value', '9'], ['suspense', 'has domain', 'media'], ['hayward', 'has domain', 'weather'], ['weather', 'has slot', 'city'], ['count', 'has value', '4'], ['9', 'has domain', 'weather'], ['english', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['rojo', 'has domain', 'media'], ['city', 'has value', 'hayward'], ['the art of self - defense', 'has domain', 'media'], ['80', 'has domain', 'weather'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['4', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'rojo'], ['genre', 'has value', 'suspense'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1630\n", + "dialogue: \"user\": \"i am curious about movies starring marianne jean - baptiste .\"\n", + "\"system\": \"what genre do you like ?\"\n", + "\"user\": \"maybe fight movies . something with bronagh gallagher .\"\n", + "\"system\": \"1 movie fits your choice , pulp fiction .\"\n", + "\"user\": \"that pulp fiction is supposed to be good lets see it .\"\n", + "\"system\": \"to confirm , play pulp fiction with english subtitles .\"\n", + "\"user\": \"sure , do it .\"\n", + "\"system\": \"the movie is going now .\"\n", + "\"user\": \"the weather on the 10th in dixon ? will it be nice ?\"\n", + "\"system\": \"yes , 76 degrees and 5 % chance of rain is great for humans .\"\n", + "\"user\": \"fine , ok .\"\n", + "\"system\": \"what more now ?\"\n", + "\"user\": \"nothing , i ' m happy .\"\n", + "\"system\": \"enjoy the show .\"\n", + "\n", + "terms: ['starring', '76', '5', 'fight', 'genre', 'marianne jean - baptiste', 'weather', 'english', 'bronagh gallagher', 'dixon', 'pulp fiction', 'the 10th']\n", + "relations: [['weather', 'has slot', 'precipitation'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['weather', 'has slot', 'getweather'], ['starring', 'has value', 'bronagh gallagher'], ['temperature', 'has value', '76'], ['date', 'has value', 'the 10th'], ['media', 'has slot', 'starring'], ['starring', 'has value', 'marianne jean - baptiste'], ['weather', 'has slot', 'city'], ['english', 'has domain', 'media'], ['pulp fiction', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['precipitation', 'has value', '5'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['fight', 'has domain', 'media'], ['weather', 'has slot', 'temperature'], ['title', 'has value', 'pulp fiction'], ['city', 'has value', 'dixon'], ['weather', 'has slot', 'date'], ['the 10th', 'has domain', 'weather'], ['count', 'has value', '1'], ['dixon', 'has domain', 'weather'], ['5', 'has domain', 'weather'], ['marianne jean - baptiste', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['bronagh gallagher', 'has domain', 'media'], ['76', 'has domain', 'weather'], ['genre', 'has value', 'fight']]\n", + "\n", + "dialogue id: sgd-test-1678\n", + "dialogue: \"user\": \"can you please search pop songs for me now ?\"\n", + "\"system\": \"i found 10 songs for you . what about acapella by karmin off of the album pulses ?\"\n", + "\"user\": \"what year did it come out ?\"\n", + "\"system\": \"the song is from 2013 .\"\n", + "\"user\": \"yes , that is the one .\"\n", + "\"system\": \"would you like to play this song ?\"\n", + "\"user\": \"maybe later . are there some good scary movies online that i could watch ?\"\n", + "\"system\": \"would you like 47 meters down : uncaged , in fabric or midsommar ?\"\n", + "\"user\": \"fabric sounds great .\"\n", + "\"system\": \"what else can i help you with ?\"\n", + "\"user\": \"can you please play the song you just found ?\"\n", + "\"system\": \"please confirm the following details : playing the song acapella in the living room .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"enjoy your music\"\n", + "\"user\": \"thank you , that is all i need .\"\n", + "\"system\": \"okay , have a great day .\"\n", + "\n", + "terms: ['year', '2013', 'pop', 'scary', 'acapella', '47 meters down : uncaged', 'in fabric', 'fabric', 'uncaged', 'living room', 'karmin', '10', 'midsommar', 'album', 'pulses']\n", + "relations: [['genre', 'has value', 'pop'], ['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['album', 'has value', 'pulses'], ['title', 'has value', 'fabric'], ['music', 'has slot', 'count'], ['2013', 'has domain', 'music'], ['artist', 'has value', 'karmin'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['genre', 'has value', 'scary'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['karmin', 'has domain', 'music'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'midsommar'], ['music', 'has slot', 'artist'], ['in fabric', 'has domain', 'media'], ['music', 'has slot', 'track'], ['track', 'has value', 'acapella'], ['fabric', 'has domain', 'media'], ['pulses', 'has domain', 'music'], ['music', 'has slot', 'genre'], ['acapella', 'has domain', 'music'], ['year', 'has value', '2013'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['scary', 'has domain', 'media'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'in fabric'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1679\n", + "dialogue: \"user\": \"help me find some entertaining music .\"\n", + "\"system\": \"here are 10 songs that may peak your interest . a popular song right now is paradise by bazzi . it ' s from their album soul searching .\"\n", + "\"user\": \"oh that ' s perfect . i ' d love to hear it . how about movies ? particularly ones featuring gene rader .\"\n", + "\"system\": \"can you tell me what type of movie you ' d like to see ?\"\n", + "\"user\": \"how about something that ' s imaginative fiction ? that should do fine .\"\n", + "\"system\": \"i have found a movie that fits that description called close encounters of the third kind .\"\n", + "\"user\": \"is there anything else besides that movie ?\"\n", + "\"system\": \"i apologize but i cannot find any other movies that match your criteria .\"\n", + "\"user\": \"let ' s change my criteria then . try finding a mystery movie starting matt smith .\"\n", + "\"system\": \"official secrets would be suitable for you .\"\n", + "\"user\": \"yes ! official secrets sounds like a great time .\"\n", + "\"system\": \"i can play the movie for you if you want .\"\n", + "\"user\": \"no , not right now . maybe later .\"\n", + "\"system\": \"okay then . please allow me to assist you with anything else you might need .\"\n", + "\"user\": \"go ahead and play the song paradise that you found a moment ago .\"\n", + "\"system\": \"you want me to play the song paradise in the living room correct ?\"\n", + "\"user\": \"yes please do .\"\n", + "\"system\": \"now playing paradise . please enjoy your song .\"\n", + "\"user\": \"awesome . thank you for helping me find this song . i love it . that ' s all i need for now .\"\n", + "\"system\": \"enjoy the rest of your day .\"\n", + "\n", + "terms: ['close encounters', 'matt smith', 'music', 'mystery', 'gene rader', 'imaginative fiction', 'close encounters of the third kind', 'bazzi', 'paradise', 'soul searching', '10', 'living room', 'official secrets', 'album']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['genre', 'has value', 'mystery'], ['media', 'has slot', 'starring'], ['close encounters of the third kind', 'has domain', 'media'], ['starring', 'has value', 'matt smith'], ['music', 'has slot', 'count'], ['title', 'has value', 'close encounters of the third kind'], ['album', 'has value', 'soul searching'], ['living room', 'has domain', 'music'], ['soul searching', 'has domain', 'music'], ['official secrets', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['paradise', 'has domain', 'music'], ['track', 'has value', 'paradise'], ['title', 'has value', 'official secrets'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['genre', 'has value', 'imaginative fiction'], ['gene rader', 'has domain', 'media'], ['imaginative fiction', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['bazzi', 'has domain', 'music'], ['matt smith', 'has domain', 'media'], ['artist', 'has value', 'bazzi'], ['mystery', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['starring', 'has value', 'gene rader'], ['media', 'has slot', 'playmovie'], ['device', 'has value', 'dontcare'], ['count', 'has value', '10'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-1680\n", + "dialogue: \"user\": \"i fancy listening to some music .\"\n", + "\"system\": \"there is a song called rockabye by caitlin de ville and the album is called covers collection .\"\n", + "\"user\": \"yes sounds good . now i want to search for a movie online , something with a dramatic story would be fab .\"\n", + "\"system\": \"what about a faithful man , blinded by the light or after the wedding ?\"\n", + "\"user\": \"after the wedding is perfect . now will you play the song you suggested previously ?\"\n", + "\"system\": \"to confirm i will play rockabye in the living room .\"\n", + "\"user\": \"yes that is right .\"\n", + "\"system\": \"enjoy the song .\"\n", + "\"user\": \"when did it come out ? 2010 ?\"\n", + "\"system\": \"it was 2018 .\"\n", + "\"user\": \"thanks for that .\"\n", + "\"system\": \"anything else i can assist you with ?\"\n", + "\"user\": \"no thank you .\"\n", + "\"system\": \"have a lovely day .\"\n", + "\n", + "terms: ['caitlin de ville', 'after the wedding', 'music', 'dramatic story', '2010', '2018', 'living room', 'a faithful man', 'album', 'covers collection', 'blinded by the light', 'rockabye']\n", + "relations: [['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['dramatic story', 'has domain', 'media'], ['year', 'has value', '2010'], ['2018', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['artist', 'has value', 'caitlin de ville'], ['album', 'has value', 'covers collection'], ['a faithful man', 'has domain', 'media'], ['covers collection', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['title', 'has value', 'a faithful man'], ['year', 'has value', '2018'], ['rockabye', 'has domain', 'music'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['caitlin de ville', 'has domain', 'music'], ['track', 'has value', 'rockabye'], ['music', 'has slot', 'lookupmusic'], ['2010', 'has domain', 'music'], ['title', 'has value', 'blinded by the light']]\n", + "\n", + "dialogue id: sgd-test-1681\n", + "dialogue: \"user\": \"can you find songs for me ?\"\n", + "\"system\": \"i pulled up 10 right off one is by shawn mendes off the album illuminate and is called treat you better . how does that sound ?\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"wold you like to listen to it now ?\"\n", + "\"user\": \"not right this minute .\"\n", + "\"system\": \"would you like assistance with another task ?\"\n", + "\"user\": \"are there any movies i ' d like with madisen beaty that are online ?\"\n", + "\"system\": \"what genre would you prefer ?\"\n", + "\"user\": \"i would enjoy eccentric story types of movies .\"\n", + "\"system\": \"here ' s 1 its called once upon a time in hollywood .\"\n", + "\"user\": \"i think i would like that one , once upon a time . i am ready to hear that song now please .\"\n", + "\"system\": \"would you like me to cast treat you better to the living room ?\"\n", + "\"user\": \"no i want it to go to the speaker in patio .\"\n", + "\"system\": \"alright your requesting that i cast treat you better to the patio right ?\"\n", + "\"user\": \"that would be correct .\"\n", + "\"system\": \"may you experience audio enjoyment as you listen .\"\n", + "\"user\": \"thanks , you can go now .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['shawn mendes', 'eccentric story', 'one', '1', 'madisen beaty', 'genre', 'illuminate', 'living room', 'patio', '10', 'once upon a time', 'album', 'once upon a time in hollywood', 'treat you better']\n", + "relations: [['10', 'has domain', 'music'], ['track', 'has value', 'treat you better'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'count'], ['title', 'has value', 'once upon a time'], ['device', 'has value', 'patio'], ['10', 'refers to same concept as', 'ten'], ['media', 'has slot', 'starring'], ['music', 'has slot', 'count'], ['once upon a time', 'has domain', 'media'], ['once upon a time in hollywood', 'has domain', 'media'], ['genre', 'has value', 'eccentric story'], ['album', 'has value', 'illuminate'], ['living room', 'has domain', 'music'], ['madisen beaty', 'has domain', 'media'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['title', 'has value', 'once upon a time in hollywood'], ['artist', 'has value', 'shawn mendes'], ['shawn mendes', 'has domain', 'music'], ['media', 'has slot', 'title'], ['starring', 'has value', 'madisen beaty'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['illuminate', 'has domain', 'music'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['treat you better', 'has domain', 'music'], ['eccentric story', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1682\n", + "dialogue: \"user\": \"i would like to listen to a song\"\n", + "\"system\": \"i suggest you the night we met by lord huron from the album strange trails\"\n", + "\"user\": \"i like it ! thanks !\"\n", + "\"system\": \"do you want to listen to the song now ?\"\n", + "\"user\": \"not now , thanks . i ' ll listen to it later\"\n", + "\"system\": \"you need anything else ?\"\n", + "\"user\": \"yes , i ' d like to watch a movie online : i ' d rather to watch a ghost movie with louise peterhoff\"\n", + "\"system\": \"there 1 movie for you : midsommar\"\n", + "\"user\": \"very good ! midsommar it ' s fine for me\"\n", + "\"system\": \"want to watch the movie now ?\"\n", + "\"user\": \"not now ; now i ' d rather listen to the song you just found , on the speaker outside\"\n", + "\"system\": \"playing the song the night we met in patio : do you confirm ?\"\n", + "\"user\": \"no , i prefer to listen it on the living room\"\n", + "\"system\": \"playing the night we met in living room : is it correct ?\"\n", + "\"user\": \"yes , now it ' s correct . is it a pop song ?\"\n", + "\"system\": \"no , it ' s a rock song . good listening !\"\n", + "\"user\": \"was this song released in ' 16 ?\"\n", + "\"system\": \"this song was released in 2015\"\n", + "\"user\": \"thanks for the information\"\n", + "\"system\": \"can i help you again ?\"\n", + "\"user\": \"no , it ' s all for now , thanks\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['ghost', '1', 'lord huron', 'patio', 'living room', 'rock', 'the night we met', 'midsommar', 'album']\n", + "relations: [['strange trails', 'has domain', 'music'], ['track', 'has value', 'the night we met'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['rock', 'has domain', 'music'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['2016', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['living room', 'has domain', 'music'], ['year', 'has value', '2016'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['genre', 'has value', 'rock'], ['year', 'has value', '2015'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['2015', 'has domain', 'music'], ['title', 'has value', 'midsommar'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['the night we met', 'has domain', 'music'], ['louise peterhoff', 'has domain', 'media'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['genre', 'has value', 'ghost'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['artist', 'has value', 'lord huron'], ['starring', 'has value', 'louise peterhoff'], ['music', 'has slot', 'lookupmusic'], ['lord huron', 'has domain', 'music'], ['album', 'has value', 'strange trails'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1683\n", + "dialogue: \"user\": \"i want to listen to sia songs .\"\n", + "\"system\": \"alive by sia from this is acting is very good .\"\n", + "\"user\": \"yes , that is it !\"\n", + "\"system\": \"do you want to listen to it now ?\"\n", + "\"user\": \"later . i want to find ryan kiera armstrong movies . i like dramatic story movies .\"\n", + "\"system\": \"i found 1 movie like the art of racing in the rain .\"\n", + "\"user\": \"the art of racing in the rain is fantastic .\"\n", + "\"system\": \"do you want to watch the movie now ?\"\n", + "\"user\": \"no , not now .\"\n", + "\"system\": \"anything else ?\"\n", + "\"user\": \"please play the song you found it the kitchen .\"\n", + "\"system\": \"please confirm , playing alive in the kitchen .\"\n", + "\"user\": \"yes , that kind of music is it ? what year did it come out ?\"\n", + "\"system\": \"it is a pop song from 2013 .\"\n", + "\"user\": \"thanks , that is all !\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['year', '2013', 'pop', 'music', 'alive', 'kitchen', 'dramatic story', 'racing in the rain', 'this is acting', 'sia', 'ryan kiera armstrong', '1', 'the art of racing in the rain']\n", + "relations: [['genre', 'has value', 'pop'], ['the art of racing in the rain', 'refers to same concept as', 'racing in the rain'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['dramatic story', 'has domain', 'media'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['album', 'has value', 'this is acting'], ['sia', 'has domain', 'music'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['track', 'has value', 'alive'], ['2013', 'has domain', 'music'], ['this is acting', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['the art of racing in the rain', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['alive', 'has domain', 'music'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['ryan kiera armstrong', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['starring', 'has value', 'ryan kiera armstrong'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['genre', 'has value', 'dramatic story'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['year', 'has value', '2013'], ['title', 'has value', 'the art of racing in the rain'], ['music', 'has slot', 'lookupmusic'], ['artist', 'has value', 'sia'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1684\n", + "dialogue: \"user\": \"i want to find some popular music . if you can , find some music by pitbull . i really like their music .\"\n", + "\"system\": \"i can play celebrate by pitbull . it ' s from his album globalization .\"\n", + "\"user\": \"i do like pitbull but i don ' t want that song . try finding music by passenger . the album all the little lights is extremely popular .\"\n", + "\"system\": \"there is 1 song that matches your criteria . the song let her go by passenger is from their album all the little lights . is that the song you are looking for ?\"\n", + "\"user\": \"that ' s it ! that ' s the song i wanted .\"\n", + "\"system\": \"can i help you with anything else at the moment ?\"\n", + "\"user\": \"while we ' re on entertainment , find me some good movies online please .\"\n", + "\"system\": \"i ' d be happy to help . what type of movies do you enjoy ?\"\n", + "\"user\": \"a family movie featuring gale j . odom would be fantastic .\"\n", + "\"system\": \"would the movie steel magnolias suit your tastes ?\"\n", + "\"user\": \"it would more than suit my tastes . steel magnolias is a great choice .\"\n", + "\"system\": \"want me to play the movie for you ?\"\n", + "\"user\": \"no thank you . i ' ll watch that later . how about playing the song you just found ?\"\n", + "\"system\": \"i can . please confirm the information . now playing the song let her go in the living room . proceed ?\"\n", + "\"user\": \"that ' s right . please play it for me .\"\n", + "\"system\": \"now playing . please enjoy your song .\"\n", + "\"user\": \"did this song come out two years back by any chance ?\"\n", + "\"system\": \"it is actually from the year 2012 to be precise .\"\n", + "\"user\": \"ah okay . thank you for that information !\"\n", + "\"system\": \"did you require assistance with anything else ?\"\n", + "\"user\": \"no . that ' s all i need for now . thanks a lot .\"\n", + "\"system\": \"my pleasure . have a wonderful day .\"\n", + "\n", + "terms: ['year', 'popular', 'steel magnolias', 'music', 'globalization', 'gale j . odom', 'family', '1', 'pitbull', 'passenger', '2012', 'all the little lights', 'living room', 'let her go', 'album', 'celebrate']\n", + "relations: [['track', 'has value', 'celebrate'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['steel magnolias', 'has domain', 'media'], ['genre', 'has value', 'popular'], ['globalization', 'has domain', 'music'], ['track', 'has value', 'let her go'], ['year', 'has value', '2012'], ['2012', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['family', 'has domain', 'media'], ['music', 'has slot', 'count'], ['title', 'has value', 'steel magnolias'], ['living room', 'has domain', 'music'], ['artist', 'has value', 'passenger'], ['1', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['artist', 'has value', 'pitbull'], ['media', 'has slot', 'title'], ['album', 'has value', 'globalization'], ['popular', 'has domain', 'music'], ['album', 'has value', 'all the little lights'], ['all the little lights', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['let her go', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'track'], ['pitbull', 'has domain', 'music'], ['2017', 'has domain', 'music'], ['starring', 'has value', 'gale j . odom'], ['gale j . odom', 'has domain', 'media'], ['passenger', 'has domain', 'music'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['celebrate', 'has domain', 'music'], ['genre', 'has value', 'family'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1685\n", + "dialogue: \"user\": \"i ' d like to listen a song\"\n", + "\"system\": \"there ' re 10 songs for you . do you like taylor swift ? i propose you you need to calm down from the album lover\"\n", + "\"user\": \"yes , i like it ! can you find me a movie online ?\"\n", + "\"system\": \"what kind of film do you prefer ?\"\n", + "\"user\": \"i prefer cartoon movies !\"\n", + "\"system\": \"i ' ve found 2 movies : do you prefer the angry birds movie 2 or toy story 4 ?\"\n", + "\"user\": \"i definitely prefer toy story 4 !\"\n", + "\"system\": \"want to watch this movie right away ?\"\n", + "\"user\": \"not now , thanks ! now i want to listen the song\"\n", + "\"system\": \"do you want to play you need to calm down in living room ?\"\n", + "\"user\": \"no , i want to play it on kitchen speaker\"\n", + "\"system\": \"playing you need to calm down in kitchen : do you confirm ?\"\n", + "\"user\": \"yes , i confirm ! is it a pop song ? was it published nine years ago ?\"\n", + "\"system\": \"yes , it ' s a pop song . no , it was published in 2019 . good listening !\"\n", + "\"user\": \"thanks ! it ' s all for now !\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['angry birds', 'you need to calm down', 'pop', 'kitchen', 'cartoon', 'album', '2', 'toy story 4', 'living room', '2019', '10', 'taylor swift', 'the angry birds movie 2']\n", + "relations: [['genre', 'has value', 'pop'], ['lover', 'has domain', 'music'], ['10', 'has domain', 'music'], ['title', 'has value', 'the angry birds movie 2'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['artist', 'has value', 'taylor swift'], ['media', 'has slot', 'count'], ['10', 'refers to same concept as', 'ten'], ['you need to calm down', 'has domain', 'music'], ['genre', 'has value', 'cartoon'], ['the angry birds movie 2', 'has domain', 'media'], ['year', 'has value', '2019'], ['2', 'has domain', 'media'], ['music', 'has slot', 'count'], ['year', 'has value', '2010'], ['title', 'has value', 'toy story 4'], ['track', 'has value', 'you need to calm down'], ['device', 'has value', 'kitchen'], ['kitchen', 'has domain', 'music'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['taylor swift', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['album', 'has value', 'lover'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['2010', 'has domain', 'music'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['count', 'has value', '10'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1686\n", + "dialogue: \"user\": \"can you please help me find some hillbilly songs . i ' d particularly enjoy something from the album chief by eric church .\"\n", + "\"system\": \"there ' s 1 song matching your criteria - springsteen from the album chief by eric church .\"\n", + "\"user\": \"yes , that ' s perfect .\"\n", + "\"system\": \"do you want me to play it for you ?\"\n", + "\"user\": \"no , not at the moment . please find me some action movies to watch online featuring darren eisnor .\"\n", + "\"system\": \"would you like riot girls ?\"\n", + "\"user\": \"yes , riot girls is awesome !\"\n", + "\"system\": \"do you want me to play it for you ?\"\n", + "\"user\": \"no , not at the moment . let ' s play that song that you found earlier .\"\n", + "\"system\": \"can you please confirm that you want me to play springsteen in the living room ?\"\n", + "\"user\": \"yes , please do . and also , please tell me when did it came out .\"\n", + "\"system\": \"the song came out in 2011 . i ' ve started playing it . enjoy !\"\n", + "\"user\": \"thanks a lot . that will be all for now !\"\n", + "\"system\": \"my pleasure ! have a nice day !\"\n", + "\n", + "terms: ['chief', 'darren eisnor', '2011', 'eric church', 'action', '1', 'springsteen', 'hillbilly', 'living room', 'riot girls', 'album']\n", + "relations: [['music', 'has slot', 'album'], ['genre', 'has value', 'hillbilly'], ['chief', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['eric church', 'has domain', 'music'], ['track', 'has value', 'springsteen'], ['media', 'has slot', 'starring'], ['starring', 'has value', 'darren eisnor'], ['title', 'has value', 'riot girls'], ['music', 'has slot', 'count'], ['2011', 'has domain', 'music'], ['artist', 'has value', 'eric church'], ['action', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['1', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['springsteen', 'has domain', 'music'], ['media', 'has slot', 'title'], ['year', 'has value', '2011'], ['album', 'has value', 'chief'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'action'], ['music', 'has slot', 'track'], ['hillbilly', 'has domain', 'music'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['darren eisnor', 'has domain', 'media'], ['riot girls', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1687\n", + "dialogue: \"user\": \"i want to search for me songs . i would like something from one years back by insideeus .\"\n", + "\"system\": \"how about album ecstacy by insideeus with song called ecstasy ?\"\n", + "\"user\": \"what kind of music is that ?\"\n", + "\"system\": \"it is part of reggae category .\"\n", + "\"user\": \"yes , i like this one .\"\n", + "\"system\": \"you want to to listen to the song ?\"\n", + "\"user\": \"no . not now .\"\n", + "\"system\": \"something else i can do for you ?\"\n", + "\"user\": \"you can find me some good movies online . i really enjoy funny movies .\"\n", + "\"system\": \"what you you think about chhichhore , good boys or my big fat greek wedding ?\"\n", + "\"user\": \"good boys sounds great . play for me the song that you just found on kitchen device .\"\n", + "\"system\": \"play the song ecstasy in kitchen . is that correct ?\"\n", + "\"user\": \"no . i changed my mind cast it on speaker in patio .\"\n", + "\"system\": \"play the song ecstasy in patio . is okay ?\"\n", + "\"user\": \"yes is very good .\"\n", + "\"system\": \"enjoy the music !\"\n", + "\"user\": \"thank you very much . that ' s all that i wanted .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['insideeus', 'music', 'good boys', 'greek wedding', 'kitchen', 'funny', 'ecstacy', 'chhichhore', 'patio', 'ecstasy', 'reggae', 'device', 'album', 'my big fat greek wedding']\n", + "relations: [['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['device', 'has value', 'patio'], ['insideeus', 'has domain', 'music'], ['good boys', 'has domain', 'media'], ['album', 'has value', 'ecstacy'], ['genre', 'has value', 'reggae'], ['2018', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['kitchen', 'has domain', 'music'], ['chhichhore', 'has domain', 'media'], ['ecstasy', 'has domain', 'music'], ['title', 'has value', 'good boys'], ['title', 'has value', 'chhichhore'], ['title', 'has value', 'my big fat greek wedding'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['genre', 'has value', 'funny'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['year', 'has value', '2018'], ['music', 'has slot', 'track'], ['ecstacy', 'has domain', 'music'], ['funny', 'has domain', 'media'], ['artist', 'has value', 'insideeus'], ['my big fat greek wedding', 'has domain', 'media'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['track', 'has value', 'ecstasy'], ['music', 'has slot', 'lookupmusic'], ['reggae', 'has domain', 'music'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding']]\n", + "\n", + "dialogue id: sgd-test-1688\n", + "dialogue: \"user\": \"i want to find some nice songs . can you find the one which is from one years ago ?\"\n", + "\"system\": \"yes , i got 10 songs . do you like the song african beauty by diamond platnumz from the album a boy from tandale ?\"\n", + "\"user\": \"let me decide , before i need to know the type of this song .\"\n", + "\"system\": \"it is pop type song and hope you like it .\"\n", + "\"user\": \"yes , i like the same . and search also a movie online especially in documentary type to watch now .\"\n", + "\"system\": \"what about the 1 in the name fiddler : a miracle of miracles . do you like to watch this movie now ?\"\n", + "\"user\": \"fiddler : a miracle of miracles is the best movie and i like the same . but now i want to listen to the song that i have selected before . please play it on the living room .\"\n", + "\"system\": \"okay . i need your confirmation to play the song african beauty in living room .\"\n", + "\"user\": \"that is correct . please go ahead .\"\n", + "\"system\": \"enjoy your music and the same was started now .\"\n", + "\"user\": \"thanks and that ' s all for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['pop', 'music', 'documentary', 'a boy from tandale', 'one', 'african beauty', 'fiddler : a miracle of miracles', '1', 'fiddler', 'living room', '10', 'album', 'diamond platnumz']\n", + "relations: [['genre', 'has value', 'pop'], ['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['diamond platnumz', 'has domain', 'music'], ['media', 'has slot', 'count'], ['10', 'refers to same concept as', 'ten'], ['music', 'has slot', 'count'], ['artist', 'has value', 'diamond platnumz'], ['2018', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['a boy from tandale', 'has domain', 'music'], ['fiddler : a miracle of miracles', 'has domain', 'media'], ['track', 'has value', 'african beauty'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['african beauty', 'has domain', 'music'], ['music', 'has slot', 'track'], ['year', 'has value', '2018'], ['1', 'refers to same concept as', 'one'], ['album', 'has value', 'a boy from tandale'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['genre', 'has value', 'documentary'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['music', 'has slot', 'lookupmusic'], ['documentary', 'has domain', 'media'], ['title', 'has value', 'fiddler : a miracle of miracles'], ['1', 'has domain', 'media'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1689\n", + "dialogue: \"user\": \"can you find me a pop song by meghan trainor from five years ago ?\"\n", + "\"system\": \"how about all about that bass by meghan trainor from the album title ?\"\n", + "\"user\": \"can you show me some other songs ?\"\n", + "\"system\": \"sorry , but there are no other song which meets your requirements . can i assist you with anything else ?\"\n", + "\"user\": \"can you search again for songs by redfoo from the album party rock mansion ?\"\n", + "\"system\": \"there is 1 song called new thang by redfoo from the album party rock mansion .\"\n", + "\"user\": \"yes , that is the song i am looking for . now , find me an online fantasy movie featuring warwick davis .\"\n", + "\"system\": \"there is 1 movie called labyrinth .\"\n", + "\"user\": \"labyrinth sounds perfect to me .\"\n", + "\"system\": \"would you like me to play the movie for you ?\"\n", + "\"user\": \"no , maybe some other time .\"\n", + "\"system\": \"is there anything else i can assist you with ?\"\n", + "\"user\": \"play me the song you just found on speaker in patio .\"\n", + "\"system\": \"please confirm : you want me to play new thang in patio .\"\n", + "\"user\": \"no . play it on my living room .\"\n", + "\"system\": \"please confirm : you want me to play new thang in living room .\"\n", + "\"user\": \"yes , that works for me .\"\n", + "\"system\": \"your music is playing . enjoy !\"\n", + "\"user\": \"okay . that will be all . thank you !\"\n", + "\"system\": \"i am glad i could help . have a nice day !\"\n", + "\n", + "terms: ['pop', 'music', 'new thang', 'meghan trainor', '1', 'labyrinth', 'party rock mansion', 'all about that bass', 'fantasy', 'title', 'redfoo', 'patio', 'living room', 'album', 'warwick davis']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['2014', 'has domain', 'music'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['track', 'has value', 'all about that bass'], ['starring', 'has value', 'warwick davis'], ['redfoo', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['track', 'has value', 'new thang'], ['music', 'has slot', 'count'], ['title', 'has value', 'labyrinth'], ['year', 'has value', '2014'], ['album', 'has value', 'party rock mansion'], ['fantasy', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['1', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['album', 'has value', 'title'], ['labyrinth', 'has domain', 'media'], ['meghan trainor', 'has domain', 'music'], ['media', 'has slot', 'title'], ['1', 'has domain', 'media'], ['artist', 'has value', 'meghan trainor'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['party rock mansion', 'has domain', 'music'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['warwick davis', 'has domain', 'media'], ['title', 'has domain', 'music'], ['new thang', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['all about that bass', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['artist', 'has value', 'redfoo']]\n", + "\n", + "dialogue id: sgd-test-1690\n", + "dialogue: \"user\": \"search for me some songs by ariana grande because i really like .\"\n", + "\"system\": \"i have 10 options for you . what is your opinion about album yours truly by ariana grande with song baby i .\"\n", + "\"user\": \"something else you have ?\"\n", + "\"system\": \"what is your opinion about album dangerous woman by ariana grande with song be alright ?\"\n", + "\"user\": \"this song come out in seven years ago ?\"\n", + "\"system\": \"it is from 2016 .\"\n", + "\"user\": \"what type of music is ?\"\n", + "\"system\": \"is a pop song .\"\n", + "\"user\": \"i like this one .\"\n", + "\"system\": \"you want to play this song ?\"\n", + "\"user\": \"no , not now maybe later . you can find me some good movies online ?\"\n", + "\"system\": \"what type of movies you prefer ?\"\n", + "\"user\": \"will be great some fantasy movies .\"\n", + "\"system\": \"i have 2 options that you may like . what you think about labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"something else you have ? i really enjoy suspense movies .\"\n", + "\"system\": \"4 movies i have for you . how about madeline ' s madeline , rojo or the art of self - defense ?\"\n", + "\"user\": \"rojo sounds great .\"\n", + "\"system\": \"you want to play the movie ?\"\n", + "\"user\": \"no , not now .\"\n", + "\"system\": \"with something else i can help you ?\"\n", + "\"user\": \"play the song that you just found .\"\n", + "\"system\": \"play the song be alright in living room . is okay ?\"\n", + "\"user\": \"yes that ' s good for me .\"\n", + "\"system\": \"enjoy the music .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"can i still be useful ?\"\n", + "\"user\": \"no . thank you a lot .\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['the lord of the rings', '2', 'yours truly', 'rojo', 'the art of self - defense', 'the lord of the rings : the return of the king', 'music', '2016', 'labyrinth', 'be alright', 'baby i', 'dangerous woman', 'ariana grande', 'living room', 'album', 'pop', \"madeline ' s madeline\", 'madeline', 'fantasy', '10', 'suspense']\n", + "relations: [['genre', 'has value', 'pop'], ['album', 'has value', 'dangerous woman'], ['10', 'has domain', 'music'], ['track', 'has value', 'baby i'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'count'], ['track', 'has value', 'be alright'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['2016', 'has domain', 'music'], [\"madeline ' s madeline\", 'has domain', 'media'], ['ariana grande', 'has domain', 'music'], ['2', 'has domain', 'media'], ['suspense', 'has domain', 'media'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['music', 'has slot', 'count'], ['title', 'has value', 'labyrinth'], ['count', 'has value', '4'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['fantasy', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['baby i', 'has domain', 'music'], ['year', 'has value', '2016'], ['rojo', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['the art of self - defense', 'has domain', 'media'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['labyrinth', 'has domain', 'media'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['artist', 'has value', 'ariana grande'], ['4', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['title', 'has value', 'the art of self - defense'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['album', 'has value', 'yours truly'], ['yours truly', 'has domain', 'music'], ['title', 'has value', 'rojo'], ['genre', 'has value', 'suspense'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['be alright', 'has domain', 'music'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie'], ['dangerous woman', 'has domain', 'music'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1691\n", + "dialogue: \"user\": \"i want to look for some songs .\"\n", + "\"system\": \"how about ecstasy by insideeus off the ecstacy album ?\"\n", + "\"user\": \"that ' s a good one . how about some movies ? i like movie with shaun dooley .\"\n", + "\"system\": \"what genre do you like ?\"\n", + "\"user\": \"i like mystery movies .\"\n", + "\"system\": \"how about official secrets ?\"\n", + "\"user\": \"official secrets sounds good .\"\n", + "\"system\": \"do you want me to play the movie ?\"\n", + "\"user\": \"no , not now .\"\n", + "\"system\": \"what else is there ?\"\n", + "\"user\": \"can you play that song you mentioned earlier on the patio ?\"\n", + "\"system\": \"you want me to play ecstasy on the patio ?\"\n", + "\"user\": \"yes .\"\n", + "\"system\": \"enjoy the song !\"\n", + "\"user\": \"thanks , that ' s it .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['insideeus', 'mystery', 'shaun dooley', 'ecstacy', 'genre', 'patio', 'ecstasy', 'official secrets', 'album']\n", + "relations: [['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['device', 'has value', 'patio'], ['genre', 'has value', 'mystery'], ['insideeus', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['album', 'has value', 'ecstacy'], ['starring', 'has value', 'shaun dooley'], ['ecstasy', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['official secrets', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['title', 'has value', 'official secrets'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['shaun dooley', 'has domain', 'media'], ['music', 'has slot', 'track'], ['ecstacy', 'has domain', 'music'], ['artist', 'has value', 'insideeus'], ['music', 'has slot', 'device'], ['track', 'has value', 'ecstasy'], ['mystery', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1692\n", + "dialogue: \"user\": \"i fancy listening to some music , i have been told an album called prequelle is fab .\"\n", + "\"system\": \"what about dance macabre by ghost from prequelle .\"\n", + "\"user\": \"yes i like the sound of that one . now what about movies online .\"\n", + "\"system\": \"what genre do you prefer ?\"\n", + "\"user\": \"maybe an eccentric story would be good .\"\n", + "\"system\": \"there is 1 moved called once upon a time in hollywood ?\"\n", + "\"user\": \"yes once upon a time is brilliant thanks . now will you play that song you mentioned in the living room .\"\n", + "\"system\": \"to confirm then i will play dance macabre in the living room .\"\n", + "\"user\": \"that is right , what genre would you say it is ?\"\n", + "\"system\": \"it is metal , i hope you enjoy .\"\n", + "\"user\": \"that is all for now , thanks for your help .\"\n", + "\"system\": \"have a lovely day .\"\n", + "\n", + "terms: ['music', 'ghost', 'eccentric story', 'one', '1', 'prequelle', 'genre', 'dance macabre', 'living room', 'once upon a time', 'album', 'once upon a time in hollywood', 'metal']\n", + "relations: [['prequelle', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'count'], ['title', 'has value', 'once upon a time'], ['track', 'has value', 'dance macabre'], ['metal', 'has domain', 'music'], ['once upon a time', 'has domain', 'media'], ['dance macabre', 'has domain', 'music'], ['genre', 'has value', 'eccentric story'], ['once upon a time in hollywood', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['album', 'has value', 'prequelle'], ['ghost', 'has domain', 'music'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['artist', 'has value', 'ghost'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'metal'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['eccentric story', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1693\n", + "dialogue: \"user\": \"i need to listen to songs maybe by enrique iglesias as he is my favourite singer . look for something from the euphoria album .\"\n", + "\"system\": \"you can choose from these 2 songs . what about heartbeat by enrique iglesias that was in the euphoria album ?\"\n", + "\"user\": \"do you have something else ?\"\n", + "\"system\": \"would you like to listen to i like it in the album euphoria by enrique iglesias ?\"\n", + "\"user\": \"what genre of music is it and was it seven years back that it came out ?\"\n", + "\"system\": \"the song is pop and it came out in the year 2010 .\"\n", + "\"user\": \"yeah i was thinking of the same one .\"\n", + "\"system\": \"shall i do anything else for you ?\"\n", + "\"user\": \"do you have any nice movies online ?\"\n", + "\"system\": \"are there any particular type of movies you prefer ?\"\n", + "\"user\": \"i do love drama movies .\"\n", + "\"system\": \"would you like a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"i want something else . can you suggest something starring dylan mcdermott ? i do like family movies .\"\n", + "\"system\": \"i can recommend you 1 movie suited to your taste . would you like to see steel magnolias ?\"\n", + "\"user\": \"i think steel magnolias would be great .\"\n", + "\"system\": \"shall i play that movie ?\"\n", + "\"user\": \"not at the moment . i want you to play that song you recommended . i want it played in on any device .\"\n", + "\"system\": \"so do you confirm that you want the song i like it played in living room .\"\n", + "\"user\": \"nope . play it on speaker in patio .\"\n", + "\"system\": \"so confirm that you want to play i like it in patio ?\"\n", + "\"user\": \"yeah sure that is right .\"\n", + "\"system\": \"i hope you have fun listening to the music .\"\n", + "\"user\": \"thanks very much .\"\n", + "\"system\": \"shall i help you with any other thing ?\"\n", + "\"user\": \"nope thanks a lot\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['year', '2', 'after the wedding', 'starring', 'family', 'i like it', 'genre', 'enrique iglesias', 'music', 'one', '2010', 'patio', 'living room', 'heartbeat', 'device', 'steel magnolias', 'album', 'pop', 'play', 'dylan mcdermott', 'euphoria', 'drama', 'a faithful man', '1', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['steel magnolias', 'has domain', 'media'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['media', 'has slot', 'starring'], ['track', 'has value', 'i like it'], ['family', 'has domain', 'media'], ['music', 'has slot', 'count'], ['drama', 'refers to same concept as', 'play'], ['year', 'has value', '2010'], ['title', 'has value', 'steel magnolias'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['drama', 'has domain', 'media'], ['dylan mcdermott', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['title', 'has value', 'a faithful man'], ['enrique iglesias', 'has domain', 'music'], ['1', 'refers to same concept as', 'one'], ['2', 'has domain', 'music'], ['i like it', 'has domain', 'music'], ['artist', 'has value', 'enrique iglesias'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['genre', 'has value', 'family'], ['music', 'has slot', 'device'], ['heartbeat', 'has domain', 'music'], ['track', 'has value', 'heartbeat'], ['music', 'has slot', 'lookupmusic'], ['2010', 'has domain', 'music'], ['starring', 'has value', 'dylan mcdermott'], ['title', 'has value', 'blinded by the light'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['euphoria', 'has domain', 'music'], ['device', 'has value', 'dontcare'], ['album', 'has value', 'euphoria'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-1694\n", + "dialogue: \"user\": \"i want to find a rock - and - roll song please\"\n", + "\"system\": \"sure , i found 10 tracks including be somebody by thousand foot krutch off the album the end is where we begin that fits your taste\"\n", + "\"user\": \"sure , that ' s a good one\"\n", + "\"system\": \"want me to play it ?\"\n", + "\"user\": \"maybe in a bit , right now though help me find a suspense movie with cecil parker in it\"\n", + "\"system\": \"what about the ladykillers\"\n", + "\"user\": \"i love the ladykillers ! let ' s play that song we found earlier on my living room speaker\"\n", + "\"system\": \"sure , confirming you want to play be somebody in the living room right ?\"\n", + "\"user\": \"that is right !\"\n", + "\"system\": \"enjoy the song\"\n", + "\"user\": \"thanks for doing that , that ' s it\"\n", + "\"system\": \"ok , have a great rest of your day\"\n", + "\n", + "terms: ['thousand foot krutch', 'be somebody', 'suspense', 'cecil parker', 'ladykillers', 'the end is where we begin', 'living room', '10', 'the ladykillers', 'album', 'rock - and - roll']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'starring'], ['suspense', 'has domain', 'media'], ['artist', 'has value', 'thousand foot krutch'], ['music', 'has slot', 'count'], ['album', 'has value', 'the end is where we begin'], ['living room', 'has domain', 'music'], ['starring', 'has value', 'cecil parker'], ['music', 'has slot', 'playmedia'], ['rock - and - roll', 'has domain', 'music'], ['title', 'has value', 'the ladykillers'], ['media', 'has slot', 'title'], ['cecil parker', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['ladykillers', 'has domain', 'media'], ['music', 'has slot', 'track'], ['be somebody', 'has domain', 'music'], ['thousand foot krutch', 'has domain', 'music'], ['track', 'has value', 'be somebody'], ['genre', 'has value', 'suspense'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['genre', 'has value', 'rock - and - roll'], ['title', 'has value', 'ladykillers'], ['music', 'has slot', 'lookupmusic'], ['the end is where we begin', 'has domain', 'music'], ['the ladykillers', 'refers to same concept as', 'ladykillers'], ['count', 'has value', '10'], ['the ladykillers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1695\n", + "dialogue: \"user\": \"i need to search for songs .\"\n", + "\"system\": \"i have 10 songs including sick like me by in this moment buy black widow .\"\n", + "\"user\": \"yes that is it .\"\n", + "\"system\": \"do you want to play this song ?\"\n", + "\"user\": \"is there some dramatic story online maybe later i would like one\"\n", + "\"system\": \"would you like a faithful man after the wedding or blinded by the light\"\n", + "\"user\": \"will there be anything else\"\n", + "\"system\": \"do you want brittany runs a marathon live flesh or hustlers ?\"\n", + "\"user\": \"live flesh is good can you play the song you just found\"\n", + "\"system\": \"please confirm the details that were playing sick like me in the living room\"\n", + "\"user\": \"no i ' d like it cast on the kitchen speaker\"\n", + "\"system\": \"please confirm details play the song sick like me in the kitchen\"\n", + "\"user\": \"yes that would be it\"\n", + "\"system\": \"enjoy the music\"\n", + "\"user\": \"what type of music is it\"\n", + "\"system\": \"it would be a metalcore song\"\n", + "\"user\": \"what year did it come out\"\n", + "\"system\": \"the year is 2014 that it came out\"\n", + "\"user\": \"thanks that will be it\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['year', 'black widow', 'after the wedding', 'music', 'brittany runs a marathon', 'kitchen', 'dramatic story', 'hustlers', 'live flesh', 'a faithful man', 'metalcore', '10', '2014', 'in this moment', 'sick like me']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['metalcore', 'has domain', 'music'], ['2014', 'has domain', 'music'], ['dramatic story', 'has domain', 'media'], ['in this moment', 'has domain', 'music'], ['brittany runs a marathon', 'has domain', 'media'], ['genre', 'has value', 'metalcore'], ['music', 'has slot', 'count'], ['year', 'has value', '2014'], ['kitchen', 'has domain', 'music'], ['sick like me', 'has domain', 'music'], ['black widow', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['living room', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['track', 'has value', 'sick like me'], ['music', 'has slot', 'artist'], ['album', 'has value', 'black widow'], ['music', 'has slot', 'track'], ['title', 'has value', 'a faithful man'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['hustlers', 'has domain', 'media'], ['title', 'has value', 'live flesh'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['artist', 'has value', 'in this moment'], ['music', 'has slot', 'device'], ['live flesh', 'has domain', 'media'], ['title', 'has value', 'brittany runs a marathon'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'blinded by the light'], ['title', 'has value', 'hustlers'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1696\n", + "dialogue: \"user\": \"help me find some pop songs . maybe madonna song , i like her .\"\n", + "\"system\": \"how about batuka by madonna from the album madame x ?\"\n", + "\"user\": \"do you have other songs ?\"\n", + "\"system\": \"how about god control by madonna from the album madame x ?\"\n", + "\"user\": \"was it released in ' 19 ?\"\n", + "\"system\": \"yes , it is from 2019 .\"\n", + "\"user\": \"nice . now help me look for some good movies online .\"\n", + "\"system\": \"is there a genre you like ?\"\n", + "\"user\": \"movies that have a dramatic story .\"\n", + "\"system\": \"there ' s a faithful man , after the wedding , and blinded by the light .\"\n", + "\"user\": \"i really like a faithful man . but can you play the song we talked about earlier on the kitchen device .\"\n", + "\"system\": \"i ' ll play god control in the kitchen , is that right ?\"\n", + "\"user\": \"yes , please play it .\"\n", + "\"system\": \"enjoy the song .\"\n", + "\"user\": \"thanks , that ' s all i need .\"\n", + "\"system\": \"have a great time listening to the song .\"\n", + "\n", + "terms: ['pop', 'after the wedding', 'kitchen', 'dramatic story', 'batuka', 'madonna', 'genre', 'god control', 'madame x', 'device', 'a faithful man', 'album', 'blinded by the light', '2019']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['dramatic story', 'has domain', 'media'], ['track', 'has value', 'batuka'], ['madame x', 'has domain', 'music'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['god control', 'has domain', 'music'], ['2019', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['madonna', 'has domain', 'music'], ['artist', 'has value', 'madonna'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['album', 'has value', 'madame x'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['title', 'has value', 'a faithful man'], ['track', 'has value', 'god control'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['batuka', 'has domain', 'music'], ['title', 'has value', 'blinded by the light'], ['year', 'has value', '2019']]\n", + "\n", + "dialogue id: sgd-test-1697\n", + "dialogue: \"user\": \"help me look for pop songs from 2013 . maybe something by justin bieber .\"\n", + "\"system\": \"would you like to listen to all that matters by justin bieber from the album journals .\"\n", + "\"user\": \"yeah , that would be nice .\"\n", + "\"system\": \"what else can i do for you ?\"\n", + "\"user\": \"help me look for ghost movies online .\"\n", + "\"system\": \"there are 6 movies that match . how about 47 meters down : uncaged , in fabric , or midsommar ?\"\n", + "\"user\": \"what else is there ?\"\n", + "\"system\": \"there ' s also one cut of the dead , scary stories to tell in the dark , and theatre of blood .\"\n", + "\"user\": \"i like theatre of blood .\"\n", + "\"system\": \"would you like me to play that ?\"\n", + "\"user\": \"no , thanks . i do want the song we talked about to be played on the kitchen speaker .\"\n", + "\"system\": \"i ' ll play all that matters in the kitchen , is that right ?\"\n", + "\"user\": \"yeah , that ' s right .\"\n", + "\"system\": \"enjoy the song .\"\n", + "\"user\": \"thanks , that ' s all i need .\"\n", + "\"system\": \"have a pleasant day .\"\n", + "\n", + "terms: ['6', '2013', 'pop', 'ghost', 'theatre of blood', '47 meters down : uncaged', 'journals', 'in fabric', 'kitchen', 'uncaged', 'fabric', 'one cut of the dead', 'all that matters', 'scary stories', 'midsommar', 'album', 'scary stories to tell in the dark', 'justin bieber']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['media', 'has slot', 'count'], ['scary stories to tell in the dark', 'has domain', 'media'], ['track', 'has value', 'all that matters'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['all that matters', 'has domain', 'music'], ['title', 'has value', 'theatre of blood'], ['kitchen', 'has domain', 'music'], ['2013', 'has domain', 'music'], ['album', 'has value', 'journals'], ['device', 'has value', 'kitchen'], ['6', 'has domain', 'media'], ['pop', 'has domain', 'music'], ['artist', 'has value', 'justin bieber'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['justin bieber', 'has domain', 'music'], ['journals', 'has domain', 'music'], ['media', 'has slot', 'title'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'one cut of the dead'], ['title', 'has value', 'midsommar'], ['music', 'has slot', 'artist'], ['in fabric', 'has domain', 'media'], ['music', 'has slot', 'track'], ['title', 'has value', 'scary stories to tell in the dark'], ['one cut of the dead', 'has domain', 'media'], ['count', 'has value', '6'], ['year', 'has value', '2013'], ['music', 'has slot', 'genre'], ['genre', 'has value', 'ghost'], ['music', 'has slot', 'device'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'in fabric'], ['media', 'has slot', 'playmovie'], ['theatre of blood', 'has domain', 'media'], ['scary stories to tell in the dark', 'refers to same concept as', 'scary stories']]\n", + "\n", + "dialogue id: sgd-test-1698\n", + "dialogue: \"user\": \"i ' m in the mood for some music . assistant , search for songs .\"\n", + "\"system\": \"from the album cloud nine , the song carry me by kygo is a top choice .\"\n", + "\"user\": \"i ' m not sure what kind of music that is . please tell me .\"\n", + "\"system\": \"it is classified as downtempo music .\"\n", + "\"user\": \"and in what year did this song debut ?\"\n", + "\"system\": \"the song debuted in the year 2016 .\"\n", + "\"user\": \"oh really ? that ' s a good one then .\"\n", + "\"system\": \"shall i begin playing this song for you ?\"\n", + "\"user\": \"not at the moment . maybe later on .\"\n", + "\"system\": \"what can i assist you with then ?\"\n", + "\"user\": \"i ' d be interested in finding some good online movies . a funny movie would nice . maybe one with lil rel howery ?\"\n", + "\"system\": \"would the movie good boys be of interest to you ?\"\n", + "\"user\": \"do you have any other movies besides that one ?\"\n", + "\"system\": \"unfortunately , that is the only movie to match your criteria . can i assist you with anything else ?\"\n", + "\"user\": \"keep looking for movies for me . try looking for play movies .\"\n", + "\"system\": \"i have found a movie named brittany runs a marathon . is this of interest to you ?\"\n", + "\"user\": \"brittany runs a marathon would be just what i ' m in the mood for . let ' s go back to the music . play the song you found in the living room .\"\n", + "\"system\": \"confirm that this is the correct song . preparing to play carry me in the living room .\"\n", + "\"user\": \"no . please play the song carry me in the kitchen .\"\n", + "\"system\": \"preparing to play carry me in the kitchen . shall i proceed ?\"\n", + "\"user\": \"yep . please play the song for me .\"\n", + "\"system\": \"the song is now playing in the kitchen . enjoy !\"\n", + "\"user\": \"thank you so much ! i won ' t be needing anything else right now .\"\n", + "\"system\": \"please enjoy your music and have a great day .\"\n", + "\n", + "terms: ['year', 'brittany runs a marathon', 'play', 'music', 'downtempo', 'kygo', 'lil rel howery', 'good boys', '2016', 'kitchen', 'funny', 'carry me', 'living room', 'cloud nine', 'album']\n", + "relations: [['genre', 'has value', 'play'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['brittany runs a marathon', 'has domain', 'media'], ['play', 'has domain', 'media'], ['2016', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['cloud nine', 'has domain', 'music'], ['good boys', 'has domain', 'media'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['lil rel howery', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['kygo', 'has domain', 'music'], ['title', 'has value', 'good boys'], ['genre', 'has value', 'downtempo'], ['year', 'has value', '2016'], ['track', 'has value', 'carry me'], ['music', 'has slot', 'playmedia'], ['starring', 'has value', 'lil rel howery'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['downtempo', 'has domain', 'music'], ['genre', 'has value', 'funny'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['carry me', 'has domain', 'music'], ['music', 'has slot', 'track'], ['funny', 'has domain', 'media'], ['album', 'has value', 'cloud nine'], ['device', 'has value', 'living room'], ['artist', 'has value', 'kygo'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['title', 'has value', 'brittany runs a marathon'], ['music', 'has slot', 'lookupmusic']]\n", + "\n", + "dialogue id: sgd-test-1699\n", + "dialogue: \"user\": \"i want to search for some songs .\"\n", + "\"system\": \"how about the song khuc hat mung sinh nhat by phan dinh tung from the album hat nhan ?\"\n", + "\"user\": \"do you have any metal songs ?\"\n", + "\"system\": \"i found 10 songs . how about a ghost in the trenches from the album the great war by sabaton ?\"\n", + "\"user\": \"what else do you have ? i love pop songs and heard that album wake up dreaming is good .\"\n", + "\"system\": \"how about the song the zombie song from the album wake up dreaming by stephanie mabey ?\"\n", + "\"user\": \"did that come out eight years ago ?\"\n", + "\"system\": \"it is from 2012 .\"\n", + "\"user\": \"that ' s it . are there any good movies online ?\"\n", + "\"system\": \"what genre of movies do you like ?\"\n", + "\"user\": \"i like future scientific fiction movies . i also like kirk raymond .\"\n", + "\"system\": \"how about close encounters of the third kind ?\"\n", + "\"user\": \"close encounters of the third kind is good . can you cast that song you found to the speaker outside ?\"\n", + "\"system\": \"please confirm you want to play the zombie song on the patio .\"\n", + "\"user\": \"yes .\"\n", + "\"system\": \"enjoy !\"\n", + "\"user\": \"thank you !\"\n", + "\"system\": \"is there anything else i can assist you with ?\"\n", + "\"user\": \"no thanks .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['close encounters', 'phan dinh tung', '2012', 'the great war', 'khuc hat mung sinh nhat', 'genre', 'wake up dreaming', 'metal', 'future scientific fiction', 'patio', 'album', 'the zombie song', 'a ghost in the trenches', 'pop', 'stephanie mabey', 'kirk raymond', 'close encounters of the third kind', 'hat nhan', '10', 'sabaton']\n", + "relations: [['genre', 'has value', 'pop'], ['10', 'has domain', 'music'], ['a ghost in the trenches', 'has domain', 'music'], ['music', 'has slot', 'album'], ['album', 'has value', 'hat nhan'], ['media', 'has slot', 'findmovies'], ['count', 'has value', '10'], ['khuc hat mung sinh nhat', 'has domain', 'music'], ['device', 'has value', 'patio'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['2012', 'has domain', 'music'], ['the great war', 'has domain', 'music'], ['year', 'has value', '2012'], ['future scientific fiction', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['metal', 'has domain', 'music'], ['close encounters of the third kind', 'has domain', 'media'], ['track', 'has value', 'a ghost in the trenches'], ['album', 'has value', 'wake up dreaming'], ['music', 'has slot', 'count'], ['2011', 'has domain', 'music'], ['title', 'has value', 'close encounters of the third kind'], ['stephanie mabey', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['hat nhan', 'has domain', 'music'], ['phan dinh tung', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['wake up dreaming', 'has domain', 'music'], ['kirk raymond', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['track', 'has value', 'khuc hat mung sinh nhat'], ['track', 'has value', 'the zombie song'], ['media', 'has slot', 'title'], ['the zombie song', 'has domain', 'music'], ['year', 'has value', '2011'], ['genre', 'has value', 'future scientific fiction'], ['artist', 'has value', 'phan dinh tung'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'metal'], ['music', 'has slot', 'track'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['artist', 'has value', 'stephanie mabey'], ['album', 'has value', 'the great war'], ['artist', 'has value', 'sabaton'], ['music', 'has slot', 'lookupmusic'], ['starring', 'has value', 'kirk raymond'], ['sabaton', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-1700\n", + "dialogue: \"user\": \"can you find some songs for me ?\"\n", + "\"system\": \"are you interested in the trip by still corners from the album strange pleasures ?\"\n", + "\"user\": \"yes , i like that one !\"\n", + "\"system\": \"would you like to hear the song now ?\"\n", + "\"user\": \"no , not at this time ! can you check movies online ?\"\n", + "\"system\": \"what is your preference of movies ?\"\n", + "\"user\": \"i like action movies !\"\n", + "\"system\": \"i found the angel has fallen , hobbs and shaw , and mission mangal .\"\n", + "\"user\": \"i like the indian mars movie !\"\n", + "\"system\": \"would you like me to play the movie now ?\"\n", + "\"user\": \"no , not at this time thanks !\"\n", + "\"system\": \"can i help you with anything else ?\"\n", + "\"user\": \"i ' d like to hear the song you just found on my kitchen speaker .\"\n", + "\"system\": \"please confirm that you would like me to play the song the trip in the kitchen .\"\n", + "\"user\": \"yes , that would be great !\"\n", + "\"system\": \"i hope you enjoy it !\"\n", + "\"user\": \"thanks !\"\n", + "\"system\": \"can i assist you with anything else ?\"\n", + "\"user\": \"no , that will be all for now !\"\n", + "\"system\": \"okay , have a great day !\"\n", + "\n", + "terms: ['angel has fallen', 'still corners', 'hobbs and shaw', 'kitchen', 'action', 'the trip', 'mission mangal', 'the indian mars movie', 'album', 'strange pleasures']\n", + "relations: [['mission mangal', 'has domain', 'media'], ['hobbs and shaw', 'has domain', 'media'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['strange pleasures', 'has domain', 'music'], ['angel has fallen', 'has domain', 'media'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['still corners', 'has domain', 'music'], ['track', 'has value', 'the trip'], ['music', 'has slot', 'playmedia'], ['artist', 'has value', 'still corners'], ['title', 'has value', 'the indian mars movie'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['album', 'has value', 'strange pleasures'], ['the indian mars movie', 'has domain', 'media'], ['mission mangal', 'refers to same concept as', 'the indian mars movie'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'action'], ['music', 'has slot', 'track'], ['the trip', 'has domain', 'music'], ['music', 'has slot', 'device'], ['title', 'has value', 'hobbs and shaw'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1701\n", + "dialogue: \"user\": \"can you find some pop songs from 2014 ? find something from the album globalization . i ' ve heard it ' s pretty great and has gotten rave reviews .\"\n", + "\"system\": \"i ' ve found 3 songs you may like . how about celebrate by pitbull off the album globalization ?\"\n", + "\"user\": \"yeah , that sounds good .\"\n", + "\"system\": \"would you like to play the song now ?\"\n", + "\"user\": \"maybe a little later . can you find any good thriller movies online ? anything starring leonard sharp .\"\n", + "\"system\": \"how about the ladykillers ?\"\n", + "\"user\": \"ladykillers sounds great ! i may watch it a little later . can you go ahead and play that pitbull song for me ?\"\n", + "\"system\": \"no problem , just confirm the following for me . playing the song celebrate by pitbull in the living room . correct ?\"\n", + "\"user\": \"yeah , that ' s right .\"\n", + "\"system\": \"now playing . enjoy your music .\"\n", + "\"user\": \"thank you ! i appreciate it .\"\n", + "\"system\": \"anything else i can do for you today ?\"\n", + "\"user\": \"no , that ' s it . thanks !\"\n", + "\"system\": \"my pleasure . have a good day !\"\n", + "\n", + "terms: ['pop', 'music', 'globalization', 'starring', '3', 'leonard sharp', 'pitbull', 'ladykillers', 'thriller', '2014', 'living room', 'the ladykillers', 'album', 'celebrate']\n", + "relations: [['genre', 'has value', 'pop'], ['track', 'has value', 'celebrate'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['2014', 'has domain', 'music'], ['globalization', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['3', 'has domain', 'music'], ['music', 'has slot', 'count'], ['year', 'has value', '2014'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['title', 'has value', 'the ladykillers'], ['artist', 'has value', 'pitbull'], ['media', 'has slot', 'title'], ['genre', 'has value', 'thriller'], ['album', 'has value', 'globalization'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['ladykillers', 'has domain', 'media'], ['thriller', 'has domain', 'media'], ['music', 'has slot', 'track'], ['pitbull', 'has domain', 'music'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['celebrate', 'has domain', 'music'], ['count', 'has value', '3'], ['title', 'has value', 'ladykillers'], ['starring', 'has value', 'leonard sharp'], ['music', 'has slot', 'lookupmusic'], ['leonard sharp', 'has domain', 'media'], ['the ladykillers', 'refers to same concept as', 'ladykillers'], ['the ladykillers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1702\n", + "dialogue: \"user\": \"i wanna search for a song from around two years back\"\n", + "\"system\": \"how about the song airplane mode by limbo off of their album holo\"\n", + "\"user\": \"yes that ' s good , now help me find a mystery movie with monica dolan in it\"\n", + "\"system\": \"there ' s 1 movie you might like called official secrets\"\n", + "\"user\": \"i wanna watch official secrets !\"\n", + "\"system\": \"do you want me to play it then ?\"\n", + "\"user\": \"no not right now , but play that song earlier on the patio device\"\n", + "\"system\": \"confirming you want airplane mode played on your patio ?\"\n", + "\"user\": \"yes that ' s right\"\n", + "\"system\": \"enjoy the song !\"\n", + "\"user\": \"thanks for that\"\n", + "\"system\": \"can i do anything else for you ?\"\n", + "\"user\": \"no that ' s all thanks !\"\n", + "\"system\": \"you ' re very welcome\"\n", + "\n", + "terms: ['mystery', '1', 'monica dolan', 'limbo', 'patio', 'airplane mode', 'official secrets', 'album']\n", + "relations: [['limbo', 'has domain', 'music'], ['track', 'has value', 'airplane mode'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['album', 'has value', 'holo'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['genre', 'has value', 'mystery'], ['media', 'has slot', 'starring'], ['airplane mode', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['official secrets', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['title', 'has value', 'official secrets'], ['1', 'has domain', 'media'], ['media', 'has slot', 'title'], ['holo', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['2017', 'has domain', 'music'], ['starring', 'has value', 'monica dolan'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['mystery', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['monica dolan', 'has domain', 'media'], ['artist', 'has value', 'limbo'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1703\n", + "dialogue: \"user\": \"find me some pop songs from ' 19 on the ores aixmis album .\"\n", + "\"system\": \"do you like nixta ginontai ta thavmata by malou kyriakopoulou on the ores aixmis album ?\"\n", + "\"user\": \"that is perfect . find me a movie to watch on the internet .\"\n", + "\"system\": \"what genre of movies shall i look in ?\"\n", + "\"user\": \"search for sci - fi movies starring cy young .\"\n", + "\"system\": \"do you like close encounters of the third kind ?\"\n", + "\"user\": \"i love close encounters of the third kind .\"\n", + "\"system\": \"shall i cast the movie for you now ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"cast that song from before to the speaker outside .\"\n", + "\"system\": \"you wish to cast the song nixta ginontai ta thavmata to the patio , correct ?\"\n", + "\"user\": \"that is right .\"\n", + "\"system\": \"your song has started .\"\n", + "\"user\": \"thanks a bunch . that is everything for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['ores aixmis', 'close encounters', 'pop', 'malou kyriakopoulou', 'starring', 'close encounters of the third kind', 'sci - fi', 'genre', 'cy young', 'patio', 'album', 'nixta ginontai ta thavmata']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['device', 'has value', 'patio'], ['media', 'has slot', 'starring'], ['starring', 'has value', 'cy young'], ['malou kyriakopoulou', 'has domain', 'music'], ['close encounters of the third kind', 'has domain', 'media'], ['title', 'has value', 'close encounters of the third kind'], ['2019', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['artist', 'has value', 'malou kyriakopoulou'], ['nixta ginontai ta thavmata', 'has domain', 'music'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['ores aixmis', 'has domain', 'music'], ['track', 'has value', 'nixta ginontai ta thavmata'], ['music', 'has slot', 'lookupmusic'], ['cy young', 'has domain', 'media'], ['sci - fi', 'has domain', 'media'], ['album', 'has value', 'ores aixmis'], ['genre', 'has value', 'sci - fi'], ['media', 'has slot', 'playmovie'], ['year', 'has value', '2019']]\n", + "\n", + "dialogue id: sgd-test-1704\n", + "dialogue: \"user\": \"could you assist me to find some songs ? i love popular songs , song by kesha and i have been told an album called rainbow is fab .\"\n", + "\"system\": \"there is 1 song called praying by kesha from the album rainbow .\"\n", + "\"user\": \"was it out about five years ago ?\"\n", + "\"system\": \"it was released in 2017 .\"\n", + "\"user\": \"yes that is the correct one . now could you recommend any good online movies ?\"\n", + "\"system\": \"what genre do you prefer ?\"\n", + "\"user\": \"crime story movies are my thing .\"\n", + "\"system\": \"what do you think of pulp fiction .\"\n", + "\"user\": \"pulp fiction is a brilliant movie .\"\n", + "\"system\": \"will i play it for you ?\"\n", + "\"user\": \"not right now .\"\n", + "\"system\": \"what else can i assist you with ?\"\n", + "\"user\": \"will you play that song by kesha ?\"\n", + "\"system\": \"to confirm then praying will play in the living room .\"\n", + "\"user\": \"yes that is right .\"\n", + "\"system\": \"enjoy the song .\"\n", + "\"user\": \"that is all i need , thanks .\"\n", + "\"system\": \"have a lovely day .\"\n", + "\n", + "terms: ['popular', '2017', 'one', '1', 'praying', 'genre', 'kesha', 'living room', 'rainbow', 'album', 'pulp fiction']\n", + "relations: [['praying', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['2014', 'has domain', 'music'], ['genre', 'has value', 'popular'], ['artist', 'has value', 'kesha'], ['music', 'has slot', 'count'], ['year', 'has value', '2014'], ['crime story', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['pulp fiction', 'has domain', 'media'], ['1', 'has domain', 'music'], ['album', 'has value', 'rainbow'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['kesha', 'has domain', 'music'], ['popular', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['track', 'has value', 'praying'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['2017', 'has domain', 'music'], ['title', 'has value', 'pulp fiction'], ['rainbow', 'has domain', 'music'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['genre', 'has value', 'crime story'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1705\n", + "dialogue: \"user\": \"i ' m in the mood for music . can you find me some songs ?\"\n", + "\"system\": \"how about judas from the album born this way by lady gaga ?\"\n", + "\"user\": \"what other songs can you find ?\"\n", + "\"system\": \"there ' s honeymoon avenue by ariana grande from the yours truly album .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"not just yet .\"\n", + "\"system\": \"is there anything else you need ?\"\n", + "\"user\": \"can you look up some movies online ?\"\n", + "\"system\": \"what kind of movie do you feel like watching ?\"\n", + "\"user\": \"a good suspense would be great .\"\n", + "\"system\": \"how about madeline ' s madeline , rojo or the art of self - defense ?\"\n", + "\"user\": \"what else do you have ? i ' d like to see a play movie featuring grady sutton .\"\n", + "\"system\": \"how about stage door ?\"\n", + "\"user\": \"stage door sounds good . can you play the song now on the patio speaker ?\"\n", + "\"system\": \"to confirm : you would like to hear honeymoon avenue on the patio .\"\n", + "\"user\": \"that ' s right . what genre is that considered ?\"\n", + "\"system\": \"it ' s considered a pop song .\"\n", + "\"user\": \"great . thanks . that ' s all i need for now .\"\n", + "\"system\": \"have a wonderful day and enjoy the music .\"\n", + "\n", + "terms: ['grady sutton', 'yours truly', 'lady gaga', 'rojo', 'born this way', 'genre', 'the art of self - defense', 'judas', 'music', 'honeymoon avenue', 'ariana grande', 'patio', 'album', 'play', 'stage door', 'pop', \"madeline ' s madeline\", 'madeline', 'suspense']\n", + "relations: [['genre', 'has value', 'play'], ['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['device', 'has value', 'patio'], [\"madeline ' s madeline\", 'has domain', 'media'], ['artist', 'has value', 'lady gaga'], ['play', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['ariana grande', 'has domain', 'music'], ['judas', 'has domain', 'music'], ['track', 'has value', 'judas'], ['title', 'has value', 'stage door'], ['suspense', 'has domain', 'media'], ['starring', 'has value', 'grady sutton'], ['pop', 'has domain', 'music'], ['track', 'has value', 'honeymoon avenue'], ['rojo', 'has domain', 'media'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['album', 'has value', 'born this way'], ['the art of self - defense', 'has domain', 'media'], ['lady gaga', 'has domain', 'music'], ['media', 'has slot', 'title'], ['title', 'has value', \"madeline ' s madeline\"], ['artist', 'has value', 'ariana grande'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['album', 'has value', 'yours truly'], ['yours truly', 'has domain', 'music'], ['grady sutton', 'has domain', 'media'], ['title', 'has value', 'rojo'], ['genre', 'has value', 'suspense'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['music', 'has slot', 'lookupmusic'], ['born this way', 'has domain', 'music'], ['honeymoon avenue', 'has domain', 'music'], ['stage door', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1706\n", + "dialogue: \"user\": \"would you search me some songs from the album joanne\"\n", + "\"system\": \"what is your opinion about million reasons from the album joanne by lady gaga .\"\n", + "\"user\": \"okay .. this is perfect .. do you know any good online movies acted by prashant narayanan .\"\n", + "\"system\": \"what type of movie you want ?\"\n", + "\"user\": \"i like comedy movies\"\n", + "\"system\": \"what is your opinion about chhichhore ?\"\n", + "\"user\": \"oh ... chhichhore is a good movie .\"\n", + "\"system\": \"can i play this movie for you ?\"\n", + "\"user\": \"sorry , i don ' t want to watch now .\"\n", + "\"system\": \"any other help you want ?\"\n", + "\"user\": \"i want you to play the song you just found for me .\"\n", + "\"system\": \"please give confirmation details : running the song million reasons in living room .\"\n", + "\"user\": \"sorry .. run it on patio .\"\n", + "\"system\": \"please give confirmation details : running the song million reasons in patio\"\n", + "\"user\": \"sorry ... play it on my kitchen\"\n", + "\"system\": \"please give confirmation details : running the song million reasons in kitchen .\"\n", + "\"user\": \"this is fine .. can i know the type of music ? is it come out in one years ago ?\"\n", + "\"system\": \"this song is a pop song from the year 2016 . have fun with your music .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"any other help you want ?\"\n", + "\"user\": \"no , thank you so much .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['year', 'pop', 'music', 'million reasons', 'comedy', 'kitchen', '2016', 'prashant narayanan', 'lady gaga', 'chhichhore', 'patio', 'living room', 'joanne', 'album']\n", + "relations: [['genre', 'has value', 'pop'], ['comedy', 'has domain', 'media'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['device', 'has value', 'patio'], ['artist', 'has value', 'lady gaga'], ['2016', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['track', 'has value', 'million reasons'], ['device', 'has value', 'kitchen'], ['kitchen', 'has domain', 'music'], ['chhichhore', 'has domain', 'media'], ['2018', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['year', 'has value', '2016'], ['title', 'has value', 'chhichhore'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['million reasons', 'has domain', 'music'], ['music', 'has slot', 'year'], ['lady gaga', 'has domain', 'music'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['album', 'has value', 'joanne'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['year', 'has value', '2018'], ['genre', 'has value', 'comedy'], ['device', 'has value', 'living room'], ['prashant narayanan', 'has domain', 'media'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['joanne', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['starring', 'has value', 'prashant narayanan'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1707\n", + "dialogue: \"user\": \"i ' m about to do my workout and i ' d like to play some songs . i ' m really into house music and i heard that the martin garrix experience album is great .\"\n", + "\"system\": \"okay , what about no sleep by martin garrix from the martin garrix experience album ?\"\n", + "\"user\": \"did that come out in ' 16 ?\"\n", + "\"system\": \"it was released in 2019 .\"\n", + "\"user\": \"okay , that ' s the one i want .\"\n", + "\"system\": \"would you like me to play the song ?\"\n", + "\"user\": \"in a little while . also , are there any good movies playing online ? i like anything with adam sietz . play movies are good too .\"\n", + "\"system\": \"i found 1 movie you might like . it ' s called brittany runs a marathon .\"\n", + "\"user\": \"brittany runs a marathon would be great . can you play that song you just found ?\"\n", + "\"system\": \"okay , let ' s confirm : i ' m playing the song no sleep in the living room .\"\n", + "\"user\": \"yes , sounds good .\"\n", + "\"system\": \"enjoy your music !\"\n", + "\"user\": \"thanks a lot !\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"no , thank you !\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['brittany runs a marathon', 'play', 'music', 'martin garrix', 'adam sietz', 'one', '1', 'the martin garrix experience', 'living room', 'house', 'no sleep', 'album', '2019']\n", + "relations: [['genre', 'has value', 'play'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'count'], ['house', 'has domain', 'music'], ['play', 'has domain', 'media'], ['2016', 'has domain', 'music'], ['brittany runs a marathon', 'has domain', 'media'], ['the martin garrix experience', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['track', 'has value', 'no sleep'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['no sleep', 'has domain', 'music'], ['year', 'has value', '2016'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['starring', 'has value', 'adam sietz'], ['media', 'has slot', 'title'], ['martin garrix', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['artist', 'has value', 'martin garrix'], ['genre', 'has value', 'house'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['album', 'has value', 'the martin garrix experience'], ['device', 'has value', 'living room'], ['title', 'has value', 'brittany runs a marathon'], ['music', 'has slot', 'lookupmusic'], ['adam sietz', 'has domain', 'media'], ['1', 'has domain', 'media'], ['year', 'has value', '2019']]\n", + "\n", + "dialogue id: sgd-test-1708\n", + "dialogue: \"user\": \"can you search for some songs ?\"\n", + "\"system\": \"i found 10 songs . how about a ghost in the trenches by sabaton ? it is from the album the great war .\"\n", + "\"user\": \"yes , that sounds like the one .\"\n", + "\"system\": \"do you need help with anything else ?\"\n", + "\"user\": \"can you find me some good john travolta movies online ? cult movies would be great , as well .\"\n", + "\"system\": \"how about pulp fiction ?\"\n", + "\"user\": \"pulp fiction is perfect . will you play that song that you found ?\"\n", + "\"system\": \"confirming that you want me to play the song a ghost in the trenches in the living room ?\"\n", + "\"user\": \"yes , that ' s correct . can you tell me what year the song came out ?\"\n", + "\"system\": \"the song is from the year 2019 . enjoy your music .\"\n", + "\"user\": \"thank you !\"\n", + "\"system\": \"anything else i can help you with ?\"\n", + "\"user\": \"no . thanks a lot !\"\n", + "\"system\": \"you ' re welcome . have a good day .\"\n", + "\n", + "terms: ['year', 'a ghost in the trenches', 'music', 'cult', 'the great war', 'pulp fiction', 'john travolta', 'living room', '2019', '10', 'album', 'sabaton']\n", + "relations: [['10', 'has domain', 'music'], ['a ghost in the trenches', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['the great war', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['year', 'has value', '2019'], ['track', 'has value', 'a ghost in the trenches'], ['music', 'has slot', 'count'], ['cult', 'has domain', 'media'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['starring', 'has value', 'john travolta'], ['pulp fiction', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['john travolta', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'cult'], ['music', 'has slot', 'track'], ['title', 'has value', 'pulp fiction'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['album', 'has value', 'the great war'], ['artist', 'has value', 'sabaton'], ['music', 'has slot', 'lookupmusic'], ['sabaton', 'has domain', 'music'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1709\n", + "dialogue: \"user\": \"life will be fun if we hear some good songs . please find me some good songs for me now ?\"\n", + "\"system\": \"what do you think about under your scars by godsmack from the album when legends rise ?\"\n", + "\"user\": \"whether this song come out in six years back ?\"\n", + "\"system\": \"no , it is from the year 2018 .\"\n", + "\"user\": \"ok that ' s the one i searched for . whether is there any good movies online ?\"\n", + "\"system\": \"what type of movies you mostly prefer ?\"\n", + "\"user\": \"ghost movies is the one i need .\"\n", + "\"system\": \"what about 47 meters down : uncaged , in fabric or midsommar ?\"\n", + "\"user\": \"uncaged is great . will you play the song which you found before ? play it on any devie .\"\n", + "\"system\": \"please check and review the following details . playing the song under your scars in living room .\"\n", + "\"user\": \"ok thats great . thats all i need .\"\n", + "\"system\": \"enjoy your music\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"whether i need to do anything else ?\"\n", + "\"user\": \"no , thanks for now .\"\n", + "\"system\": \"bye , take care have a wonderful day\"\n", + "\n", + "terms: ['year', '47 meters down : uncaged', 'godsmack', 'in fabric', 'uncaged', 'fabric', 'under your scars', 'when legends rise', 'living room', 'midsommar', 'album', '2018']\n", + "relations: [['under your scars', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['godsmack', 'has domain', 'music'], ['when legends rise', 'has domain', 'music'], ['2018', 'has domain', 'music'], ['2013', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['album', 'has value', 'when legends rise'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['artist', 'has value', 'godsmack'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'midsommar'], ['music', 'has slot', 'artist'], ['in fabric', 'has domain', 'media'], ['music', 'has slot', 'track'], ['year', 'has value', '2018'], ['title', 'has value', 'uncaged'], ['track', 'has value', 'under your scars'], ['device', 'has value', 'living room'], ['year', 'has value', '2013'], ['genre', 'has value', 'ghost'], ['music', 'has slot', 'device'], ['uncaged', 'has domain', 'media'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'in fabric'], ['device', 'has value', 'dontcare'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-1710\n", + "dialogue: \"user\": \"are there songs like reggae by vybz kartel of 2019 ?\"\n", + "\"system\": \"1 song is there from sexability by vybz kartel , the fuckability .\"\n", + "\"user\": \"i like that .\"\n", + "\"system\": \"shall i play it now .\"\n", + "\"user\": \"not now , search good movies online .\"\n", + "\"system\": \"what type movies you like .\"\n", + "\"user\": \"comedy will do .\"\n", + "\"system\": \"what about , chhichhore , good boys or my big fat greek wedding ?\"\n", + "\"user\": \"search for something else like violent movies as brad parker .\"\n", + "\"system\": \"you have 1 movie pulp fiction .\"\n", + "\"user\": \"pulp fiction is nice . now play the song we selected .\"\n", + "\"system\": \"please confirm , you want to hear fuckability in living room .\"\n", + "\"user\": \"fine , thats all .\"\n", + "\"system\": \"please listen to the song .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"any other service ?\"\n", + "\"user\": \"no thats all .\"\n", + "\"system\": \"great day , see later .\"\n", + "\n", + "terms: ['violent', 'sexability', 'fuckability', 'greek wedding', 'good boys', 'brad parker', 'pulp fiction', '1', 'chhichhore', 'living room', '2019', 'vybz kartel', 'reggae', 'my big fat greek wedding']\n", + "relations: [['comedy', 'has domain', 'media'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'count'], ['track', 'has value', 'fuckability'], ['media', 'has slot', 'starring'], ['brad parker', 'has domain', 'media'], ['good boys', 'has domain', 'media'], ['fuckability', 'has domain', 'music'], ['vybz kartel', 'has domain', 'music'], ['genre', 'has value', 'reggae'], ['music', 'has slot', 'count'], ['sexability', 'has domain', 'music'], ['chhichhore', 'has domain', 'media'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['title', 'has value', 'good boys'], ['pulp fiction', 'has domain', 'media'], ['1', 'has domain', 'music'], ['title', 'has value', 'chhichhore'], ['title', 'has value', 'my big fat greek wedding'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['starring', 'has value', 'brad parker'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'violent'], ['music', 'has slot', 'track'], ['artist', 'has value', 'vybz kartel'], ['title', 'has value', 'pulp fiction'], ['genre', 'has value', 'comedy'], ['my big fat greek wedding', 'has domain', 'media'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['album', 'has value', 'sexability'], ['music', 'has slot', 'lookupmusic'], ['violent', 'has domain', 'media'], ['reggae', 'has domain', 'music'], ['1', 'has domain', 'media'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['year', 'has value', '2019']]\n", + "\n", + "dialogue id: sgd-test-1711\n", + "dialogue: \"user\": \"can you find me metal songs by jinjer ?\"\n", + "\"system\": \"how about pisces by jinjer from album king of everything ?\"\n", + "\"user\": \"can you tell me the year it came out ?\"\n", + "\"system\": \"i was launched in the year 2016 .\"\n", + "\"user\": \"yes , that is the song i am looking for .\"\n", + "\"system\": \"do you want me to play the song for you ?\"\n", + "\"user\": \"not now . can you look for good movies featuring bruce willis by cult ?\"\n", + "\"system\": \"what do you think of pulp fiction ?\"\n", + "\"user\": \"pulp fiction sounds good . i would like you to play the song you found on any device .\"\n", + "\"system\": \"please confirm : you want me to play the song pisces in living room .\"\n", + "\"user\": \"no , please play it on the speaker outside .\"\n", + "\"system\": \"please confirm : you want me to play the song pisces in patio .\"\n", + "\"user\": \"yes , that sounds good .\"\n", + "\"system\": \"your music is playing . enjoy !\"\n", + "\"user\": \"okay . that will be all . thank you so much !\"\n", + "\"system\": \"i am glad i could help . have a nice day !\"\n", + "\n", + "terms: ['year', 'music', 'cult', '2016', 'device', 'king of everything', 'bruce willis', 'patio', 'living room', 'jinjer', 'pisces', 'album', 'metal', 'pulp fiction']\n", + "relations: [['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['device', 'has value', 'patio'], ['bruce willis', 'has domain', 'media'], ['2016', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['metal', 'has domain', 'music'], ['artist', 'has value', 'jinjer'], ['cult', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['pulp fiction', 'has domain', 'media'], ['year', 'has value', '2016'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['pisces', 'has domain', 'music'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['starring', 'has value', 'bruce willis'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'metal'], ['genre', 'has value', 'cult'], ['music', 'has slot', 'track'], ['title', 'has value', 'pulp fiction'], ['jinjer', 'has domain', 'music'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['king of everything', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['track', 'has value', 'pisces'], ['album', 'has value', 'king of everything'], ['device', 'has value', 'dontcare'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-1712\n", + "dialogue: \"user\": \"i need to search for songs now and i love pop ones . please find me something from seven years ago maybe the album halcyon because it is great .\"\n", + "\"system\": \"i found 1 song . what are your thoughts on burn by ellie goulding from the album halcyon ?\"\n", + "\"user\": \"yes , that is one for me . do you see some good movies online ?\"\n", + "\"system\": \"what genre of movies do you like ?\"\n", + "\"user\": \"a dramatic story movie would be good .\"\n", + "\"system\": \"would you like a faithful man , after the wedding , or blinded by the light ?\"\n", + "\"user\": \"a faithful man is good .\"\n", + "\"system\": \"would you want to play the movie ?\"\n", + "\"user\": \"no , i don ' t wish to now but can you play the song you just found ?\"\n", + "\"system\": \"please confirm the details for the playing the song burn in living room .\"\n", + "\"user\": \"no , please cast it on patio device .\"\n", + "\"system\": \"please confirm details about playing the song burn in patio .\"\n", + "\"user\": \"yes , that is the one .\"\n", + "\"system\": \"please enjoy the music .\"\n", + "\"user\": \"thanks so much . that is it .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['burn', 'pop', 'music', 'after the wedding', 'dramatic story', 'one', '1', 'genre', 'ellie goulding', 'patio', 'living room', 'halcyon', 'device', 'a faithful man', 'album', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'pop'], ['album', 'has value', 'halcyon'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['dramatic story', 'has domain', 'media'], ['device', 'has value', 'patio'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['burn', 'has domain', 'music'], ['music', 'has slot', 'count'], ['halcyon', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['1', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['track', 'has value', 'burn'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['title', 'has value', 'a faithful man'], ['1', 'refers to same concept as', 'one'], ['ellie goulding', 'has domain', 'music'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['artist', 'has value', 'ellie goulding'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1713\n", + "dialogue: \"user\": \"i am in a nice mood and i like to listen to some nice songs . can you search for something best for me ?\"\n", + "\"system\": \"yes , what about your opinion on carry me by kygo from the album cloud nine ?\"\n", + "\"user\": \"yes , it is good . now , i am thinking about to watch a movie full of song and i especially the one featuring michelle phillips .\"\n", + "\"system\": \"i got 1 movie which is echo in the canyon and do you like the same ?\"\n", + "\"user\": \"yes , echo in the canyon is a nice movie and thanks .\"\n", + "\"system\": \"shall i play it for you now ?\"\n", + "\"user\": \"no , not now .\"\n", + "\"system\": \"anything else you want from me ?\"\n", + "\"user\": \"yes , i want you to play the song that i have selected before .\"\n", + "\"system\": \"please confirm to play the song carry me in the living room speaker .\"\n", + "\"user\": \"yes , confirmed , go ahead .\"\n", + "\"system\": \"the song was started playing now and you can enjoy it .\"\n", + "\"user\": \"thanks and that ' s all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['song', 'kygo', 'echo in the canyon', 'one', '1', 'echo', 'michelle phillips', 'carry me', 'living room', 'cloud nine', 'album']\n", + "relations: [['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'count'], ['starring', 'has value', 'michelle phillips'], ['media', 'has slot', 'starring'], ['cloud nine', 'has domain', 'music'], ['echo in the canyon', 'refers to same concept as', 'echo'], ['title', 'has value', 'echo in the canyon'], ['genre', 'has value', 'song'], ['kygo', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['track', 'has value', 'carry me'], ['music', 'has slot', 'playmedia'], ['media', 'has slot', 'title'], ['echo in the canyon', 'has domain', 'media'], ['song', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['carry me', 'has domain', 'music'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['album', 'has value', 'cloud nine'], ['device', 'has value', 'living room'], ['artist', 'has value', 'kygo'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['michelle phillips', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-1714\n", + "dialogue: \"user\": \"i want to find a song to listen to\"\n", + "\"system\": \"what about neon lights by demi lovato on her album demi ?\"\n", + "\"user\": \"yes that sounds good . now help me find a film to watch\"\n", + "\"system\": \"what kind of film ?\"\n", + "\"user\": \"i want something with a bizarre story\"\n", + "\"system\": \"what about once upon a time in hollywood ? it ' s 1 of the movies that fits your genre\"\n", + "\"user\": \"yeah , once upon a time in hollywood sounds great . can you play that demi song now\"\n", + "\"system\": \"alright , playing neon lights in your living room ?\"\n", + "\"user\": \"yes please , that ' s right\"\n", + "\"system\": \"enjoy the song\"\n", + "\"user\": \"what genre is this again ?\"\n", + "\"system\": \"it ' s a pop song\"\n", + "\"user\": \"good to know , that ' s all for now , thanks for your help\"\n", + "\"system\": \"glad to be of assistance\"\n", + "\n", + "terms: ['pop', 'demi lovato', 'neon lights', '1', 'genre', 'living room', 'once upon a time', 'album', 'once upon a time in hollywood', 'demi']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['demi lovato', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'count'], ['once upon a time in hollywood', 'has domain', 'media'], ['album', 'has value', 'demi'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['track', 'has value', 'neon lights'], ['music', 'has slot', 'playmedia'], ['neon lights', 'has domain', 'music'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['bizarre story', 'has domain', 'media'], ['music', 'has slot', 'track'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['genre', 'has value', 'bizarre story'], ['artist', 'has value', 'demi lovato'], ['music', 'has slot', 'lookupmusic'], ['demi', 'has domain', 'music'], ['1', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1715\n", + "dialogue: \"user\": \"i need to hear some beautiful song . will you search for songs now ? the songs should be from the year 2014 .\"\n", + "\"system\": \"i found 10 songs as per your need . what about the song addicted by popcaan from the album where we come from ?\"\n", + "\"user\": \"ok thats great . whether there are some good movies online ? find some scary movies .\"\n", + "\"system\": \"there are 6 movies as per your need . do you like 47 meters down : uncaged , in fabric or midsommar ?\"\n", + "\"user\": \"ok midsommar is great .\"\n", + "\"system\": \"whether i need to play that movie ?\"\n", + "\"user\": \"no , i don ' t want it now . will you paly the song you find just before ?\"\n", + "\"system\": \"please confirm the following details : playing the song addicted in living room .\"\n", + "\"user\": \"ok that sound good to me . what type of music is it ?\"\n", + "\"system\": \"it is a reggae song . enjoy the music addicted .\"\n", + "\"user\": \"thanks a lot . thats all i need .\"\n", + "\"system\": \"whether i need to find anything else ?\"\n", + "\"user\": \"no , thanks for now .\"\n", + "\"system\": \"have a wonderful day\"\n", + "\n", + "terms: ['6', 'year', 'scary', 'addicted', 'music', '47 meters down : uncaged', 'in fabric', 'popcaan', 'uncaged', 'fabric', 'where we come from', '2014', 'living room', '10', 'reggae', 'midsommar', 'album']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['artist', 'has value', 'popcaan'], ['media', 'has slot', 'findmovies'], ['2014', 'has domain', 'music'], ['where we come from', 'has domain', 'music'], ['media', 'has slot', 'count'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['genre', 'has value', 'reggae'], ['music', 'has slot', 'count'], ['year', 'has value', '2014'], ['living room', 'has domain', 'music'], ['6', 'has domain', 'media'], ['genre', 'has value', 'scary'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['popcaan', 'has domain', 'music'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['album', 'has value', 'where we come from'], ['title', 'has value', 'midsommar'], ['music', 'has slot', 'artist'], ['in fabric', 'has domain', 'media'], ['music', 'has slot', 'track'], ['track', 'has value', 'addicted'], ['addicted', 'has domain', 'music'], ['count', 'has value', '6'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['scary', 'has domain', 'media'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'in fabric'], ['reggae', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1716\n", + "dialogue: \"user\": \"i want to listen to some music , imagine dragons would be awesome , somebody told me about the night visions album\"\n", + "\"system\": \"there ' s the song radioactive by imagine dragons and it ' s from the album night visions as you wished .\"\n", + "\"user\": \"i love that song ! tell me one more thing , do you know if there are good movies online ? i would love to watch a play movie\"\n", + "\"system\": \"i got 10 for you . what about a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"after the wedding will work for me\"\n", + "\"system\": \"may i play it now ?\"\n", + "\"user\": \"no , not now\"\n", + "\"system\": \"what can i do then ?\"\n", + "\"user\": \"play the song you found earlier , play it on any device\"\n", + "\"system\": \"confirm me if this is what you asked . you want me to play the song radioactive in living room\"\n", + "\"user\": \"exactly . an you tell me the genre it belongs to ? do you also know if the song came out in ' 11 ?\"\n", + "\"system\": \"it ' s a rock song from 2012\"\n", + "\"user\": \"you ' re precious !\"\n", + "\"system\": \"thank you . may i help you furthermore ?\"\n", + "\"user\": \"no , that would be all . cheers\"\n", + "\"system\": \"goodbye\"\n", + "\n", + "terms: ['night visions', 'play', 'music', 'after the wedding', 'imagine dragons', 'radioactive', 'genre', 'rock', '10', 'a faithful man', 'album', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'play'], ['media', 'has slot', 'playmovie'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['rock', 'has domain', 'music'], ['track', 'has value', 'radioactive'], ['media', 'has slot', 'count'], ['play', 'has domain', 'media'], ['year', 'has value', '2012'], ['2012', 'has domain', 'music'], ['10', 'refers to same concept as', 'ten'], ['2011', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['imagine dragons', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['genre', 'has value', 'rock'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['year', 'has value', '2011'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['night visions', 'has domain', 'music'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['artist', 'has value', 'imagine dragons'], ['music', 'has slot', 'lookupmusic'], ['radioactive', 'has domain', 'music'], ['title', 'has value', 'blinded by the light'], ['album', 'has value', 'night visions'], ['device', 'has value', 'dontcare'], ['count', 'has value', '10'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-1717\n", + "dialogue: \"user\": \"can you find me some songs ?\"\n", + "\"system\": \"sure . i found 10 songs for you . how about sick love red hot chili peppers ? it is from the album the getaway .\"\n", + "\"user\": \"what genre is this ? what year was it released ?\"\n", + "\"system\": \"it is a rock song from the year 2016 .\"\n", + "\"user\": \"yes , that ' s the one i want . can you find me some good julia stiles movies online ?\"\n", + "\"system\": \"what genre would you like ?\"\n", + "\"user\": \"play movies would be nice .\"\n", + "\"system\": \"how about the movie hustlers ?\"\n", + "\"user\": \"hustlers would be great . can you play that song that you just found ? play it on any device .\"\n", + "\"system\": \"i will play the song sick love in the living room . is this correct ?\"\n", + "\"user\": \"no . cast it on the speaker in kitchen .\"\n", + "\"system\": \"confirming that you want me to play the song sick love in the kitchen ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"enjoy your music !\"\n", + "\"user\": \"thank you . that ' s all for now .\"\n", + "\"system\": \"you ' re welcome . have a good day .\"\n", + "\n", + "terms: ['the getaway', 'year', 'play', 'music', 'kitchen', '2016', 'hustlers', 'genre', 'sick love', 'red hot chili peppers', 'julia stiles', 'living room', 'rock', '10', 'device', 'album']\n", + "relations: [['genre', 'has value', 'play'], ['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['album', 'has value', 'the getaway'], ['rock', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['play', 'has domain', 'media'], ['2016', 'has domain', 'music'], ['julia stiles', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['red hot chili peppers', 'has domain', 'music'], ['music', 'has slot', 'count'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['living room', 'has domain', 'music'], ['artist', 'has value', 'red hot chili peppers'], ['year', 'has value', '2016'], ['the getaway', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['genre', 'has value', 'rock'], ['media', 'has slot', 'title'], ['track', 'has value', 'sick love'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['starring', 'has value', 'julia stiles'], ['music', 'has slot', 'track'], ['hustlers', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['sick love', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'hustlers'], ['device', 'has value', 'dontcare'], ['count', 'has value', '10'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-1718\n", + "dialogue: \"user\": \"i would like to search for some songs please .\"\n", + "\"system\": \"i found 10 songs for you . how about tyrant by kali uchis from the album isolation ?\"\n", + "\"user\": \"what kind of music is it ?\"\n", + "\"system\": \"it is a funk song .\"\n", + "\"user\": \"yes , that sounds cool . are there some good movies online ? i like action movies featuring piper perabo .\"\n", + "\"system\": \"how about angel has fallen ?\"\n", + "\"user\": \"angel has fallen sounds great . can you please play the song that you just found ?\"\n", + "\"system\": \"please confirm the following details : playing the song tyrant in the living room .\"\n", + "\"user\": \"yes , that is correct . did the song come out five years ago ?\"\n", + "\"system\": \"the song is from 2016 . enjoy your music .\"\n", + "\"user\": \"thank you , that is all for now .\"\n", + "\"system\": \"okay , have a good day !\"\n", + "\n", + "terms: ['angel has fallen', 'piper perabo', 'music', '2016', 'action', 'kali uchis', 'isolation', 'funk', 'living room', 'tyrant', 'album', '10']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['2014', 'has domain', 'music'], ['kali uchis', 'has domain', 'music'], ['angel has fallen', 'has domain', 'media'], ['2016', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['funk', 'has domain', 'music'], ['music', 'has slot', 'count'], ['artist', 'has value', 'kali uchis'], ['isolation', 'has domain', 'music'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['year', 'has value', '2014'], ['living room', 'has domain', 'music'], ['year', 'has value', '2016'], ['tyrant', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['track', 'has value', 'tyrant'], ['media', 'has slot', 'title'], ['genre', 'has value', 'funk'], ['album', 'has value', 'isolation'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'action'], ['music', 'has slot', 'track'], ['starring', 'has value', 'piper perabo'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['piper perabo', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-1719\n", + "dialogue: \"user\": \"i ' d like to search for songs on the holo album .\"\n", + "\"system\": \"how about airplane mode by limbo on the holo album .\"\n", + "\"user\": \"what kind of music and what year was it released ?\"\n", + "\"system\": \"it ' s a pop song from 2017 .\"\n", + "\"user\": \"okay , that ' s what i want . what are some good movies online ?\"\n", + "\"system\": \"what kind do you like ?\"\n", + "\"user\": \"i ' m looking for something supernatural .\"\n", + "\"system\": \"there ' s 1 you may like , it chapter two .\"\n", + "\"user\": \"it2 is great , i ' ll remember that for later . for now , can you play that song we just talked about on any device ?\"\n", + "\"system\": \"sure , please confirm you ' d like me to play airplane mode in the living room .\"\n", + "\"user\": \"yup , thank you .\"\n", + "\"system\": \"hope you enjoy !\"\n", + "\"user\": \"that ' s all for now .\"\n", + "\"system\": \"enjoy your day !\"\n", + "\n", + "terms: ['year', 'pop', 'music', '2017', '1', 'it chapter two', 'limbo', 'holo', 'airplane mode', 'living room', 'device', 'album', 'supernatural']\n", + "relations: [['genre', 'has value', 'pop'], ['it chapter two', 'has domain', 'media'], ['limbo', 'has domain', 'music'], ['track', 'has value', 'airplane mode'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['album', 'has value', 'holo'], ['media', 'has slot', 'count'], ['airplane mode', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['title', 'has value', 'it chapter two'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['1', 'has domain', 'media'], ['media', 'has slot', 'title'], ['holo', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'supernatural'], ['music', 'has slot', 'track'], ['2017', 'has domain', 'music'], ['title', 'has value', 'it2'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['it chapter two', 'refers to same concept as', 'it2'], ['music', 'has slot', 'lookupmusic'], ['it2', 'has domain', 'media'], ['supernatural', 'has domain', 'media'], ['artist', 'has value', 'limbo'], ['device', 'has value', 'dontcare'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-1720\n", + "dialogue: \"user\": \"hey , i feel like listening to some tunes right now . can you play me something by carrie underwood ? pop music is my jam .\"\n", + "\"system\": \"what about the song southbound from the album cry pretty ? it ' s one of the carrie underwood classics .\"\n", + "\"user\": \"yes , i love it . any good movies available today ?\"\n", + "\"system\": \"what kind do you usually like to watch ?\"\n", + "\"user\": \"i really like thriller ones .\"\n", + "\"system\": \"i found 4 you may enjoy . madeline ' s madeline , rojo and the art of self - defense are a few of the options .\"\n", + "\"user\": \"anything else ? i love the ones with katie johnson .\"\n", + "\"system\": \"i found 1 with him . it ' s called the ladykillers , do you want to watch it ?\"\n", + "\"user\": \"the ladykillers does sound awesome . can you play me the song you found , by the way ? whatever device is fine .\"\n", + "\"system\": \"so the song southbound on the living room device ?\"\n", + "\"user\": \"yes , that ' s it .\"\n", + "\"system\": \"enjoy the song !\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"can i help you some more ?\"\n", + "\"user\": \"no , thanks . that ' s it .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['southbound', 'ladykillers', 'thriller', 'carrie underwood', 'rojo', 'cry pretty', 'the art of self - defense', 'music', 'one', 'living room', 'device', 'album', 'pop', 'katie johnson', '4', \"madeline ' s madeline\", 'madeline', 'the ladykillers', '1']\n", + "relations: [['genre', 'has value', 'pop'], ['katie johnson', 'has domain', 'media'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'count'], [\"madeline ' s madeline\", 'has domain', 'media'], ['media', 'has slot', 'starring'], ['count', 'has value', '4'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['rojo', 'has domain', 'media'], ['the art of self - defense', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['title', 'has value', 'the ladykillers'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['album', 'has value', 'cry pretty'], ['genre', 'has value', 'thriller'], ['4', 'has domain', 'media'], ['artist', 'has value', 'carrie underwood'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['music', 'has slot', 'artist'], ['thriller', 'has domain', 'media'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['title', 'has value', 'rojo'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['cry pretty', 'has domain', 'music'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['track', 'has value', 'southbound'], ['carrie underwood', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['starring', 'has value', 'katie johnson'], ['dontcare', 'has domain', 'music'], ['southbound', 'has domain', 'music'], ['1', 'has domain', 'media'], ['device', 'has value', 'dontcare'], ['the ladykillers', 'refers to same concept as', 'ladykillers'], ['the ladykillers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-1721\n", + "dialogue: \"user\": \"can you search for a popular song for me to listen to ?\"\n", + "\"system\": \"i ' ve found 10 songs . would you like to hear acapella by karmin from their album pulses ?\"\n", + "\"user\": \"maybe . is that the song that came out seven years back ?\"\n", + "\"system\": \"the song came out in 2013 .\"\n", + "\"user\": \"that ' s the one ! can you find me some good movies online ?\"\n", + "\"system\": \"what kind of movies do you like ?\"\n", + "\"user\": \"i like dramatic story movies , maybe someting featuring brandon keener .\"\n", + "\"system\": \"i ' ve found 1 movie you may like . how about hustlers ?\"\n", + "\"user\": \"hustlers sounds great . i don ' t want to watch it right now though . can you play the song you just found though ? you can play it on any device .\"\n", + "\"system\": \"please confirm that you would like me to play the song acapella in area living room .\"\n", + "\"user\": \"yes , i confirm that .\"\n", + "\"system\": \"enjoy the music and let me know if you need anything else .\"\n", + "\"user\": \"thank you . that will be all for now . i ' ll talk to you later .\"\n", + "\"system\": \"you ' re welcome . good bye .\"\n", + "\n", + "terms: ['popular', '2013', 'music', 'acapella', 'brandon keener', 'dramatic story', 'hustlers', '1', 'one', 'living room', 'karmin', '10', 'device', 'album', 'pulses']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['genre', 'has value', 'popular'], ['dramatic story', 'has domain', 'media'], ['media', 'has slot', 'count'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['10', 'refers to same concept as', 'ten'], ['media', 'has slot', 'starring'], ['album', 'has value', 'pulses'], ['brandon keener', 'has domain', 'media'], ['music', 'has slot', 'count'], ['2013', 'has domain', 'music'], ['artist', 'has value', 'karmin'], ['living room', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['starring', 'has value', 'brandon keener'], ['media', 'has slot', 'title'], ['karmin', 'has domain', 'music'], ['popular', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['genre', 'has value', 'dramatic story'], ['track', 'has value', 'acapella'], ['hustlers', 'has domain', 'media'], ['pulses', 'has domain', 'music'], ['music', 'has slot', 'genre'], ['acapella', 'has domain', 'music'], ['year', 'has value', '2013'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['title', 'has value', 'hustlers'], ['device', 'has value', 'dontcare'], ['count', 'has value', '10'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-1722\n", + "dialogue: \"user\": \"can you help me find some good songs to listen to ? i ' m looking for music are ' 10 . i hear that the album speak now is great . can you find something off of there ?\"\n", + "\"system\": \"no problem . i ' ve found 3 songs off the album speak now . how about long live by taylor swift ?\"\n", + "\"user\": \"okay , that sounds great .\"\n", + "\"system\": \"would you like to play the song now ?\"\n", + "\"user\": \"no , maybe later . can you find any good movies online for me ? i ' d like to find something with a nice dramatic story . i really like trace lysette , so if you can find something starring them that would be great .\"\n", + "\"system\": \"i ' ve found 1 movie for you . how about the movie hustlers ?\"\n", + "\"user\": \"okay , i ' ve heard of hustlers . that sounds great .\"\n", + "\"system\": \"would you like to play the movie now ?\"\n", + "\"user\": \"no , not right now . thanks for finding it for me though .\"\n", + "\"system\": \"anything else i can help with ?\"\n", + "\"user\": \"yeah , can you go ahead and play that taylor swift song you found earlier ?\"\n", + "\"system\": \"sure thing , just confirm the following for me first . playing song long live in the living room . correct ?\"\n", + "\"user\": \"yes , that ' s correct . can you tell me what genre it is ?\"\n", + "\"system\": \"no problem . it ' s a pop song . your music is now playing , enjoy !\"\n", + "\"user\": \"thanks ! that ' s all for now .\"\n", + "\"system\": \"my pleasure . have a good day .\"\n", + "\n", + "terms: ['speak now', 'pop', 'music', 'long live', 'starring', 'dramatic story', 'album', '3', 'trace lysette', 'hustlers', '1', 'genre', 'living room', 'taylor swift']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['artist', 'has value', 'taylor swift'], ['dramatic story', 'has domain', 'media'], ['media', 'has slot', 'count'], ['starring', 'has value', 'trace lysette'], ['media', 'has slot', 'starring'], ['3', 'has domain', 'music'], ['music', 'has slot', 'count'], ['year', 'has value', '2010'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['taylor swift', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['speak now', 'has domain', 'music'], ['trace lysette', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['genre', 'has value', 'dramatic story'], ['album', 'has value', 'speak now'], ['hustlers', 'has domain', 'media'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['long live', 'has domain', 'music'], ['music', 'has slot', 'genre'], ['count', 'has value', '3'], ['music', 'has slot', 'lookupmusic'], ['2010', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'hustlers'], ['track', 'has value', 'long live']]\n", + "\n", + "dialogue id: sgd-test-1723\n", + "dialogue: \"user\": \"can you look for songs ?\"\n", + "\"system\": \"there ' s salam alaikum by harris j off the salam album .\"\n", + "\"user\": \"when did it come out ? what genre is it ?\"\n", + "\"system\": \"it ' s a pop song from 2015 .\"\n", + "\"user\": \"that ' s the one . are there any good films online ?\"\n", + "\"system\": \"what genre do you like ?\"\n", + "\"user\": \"i like sci - fi movies .\"\n", + "\"system\": \"there ' s 2 i found for you . how about ad astra or close encounters of the third kind ?\"\n", + "\"user\": \"ad astra works for me . can you play the song you mentioned earlier ?\"\n", + "\"system\": \"you want me to play salam alaikum in the living room ?\"\n", + "\"user\": \"yes .\"\n", + "\"system\": \"enjoy the song !\"\n", + "\"user\": \"thanks !\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no , thanks .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['ad astra', 'close encounters', 'pop', 'album', 'close encounters of the third kind', 'sci - fi', '2', 'genre', 'salam alaikum', 'living room', '2015', 'salam', 'harris j']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'count'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['2', 'has domain', 'media'], ['close encounters of the third kind', 'has domain', 'media'], ['title', 'has value', 'close encounters of the third kind'], ['salam', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['salam alaikum', 'has domain', 'music'], ['harris j', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['year', 'has value', '2015'], ['track', 'has value', 'salam alaikum'], ['artist', 'has value', 'harris j'], ['2015', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['album', 'has value', 'salam'], ['title', 'has value', 'ad astra'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['sci - fi', 'has domain', 'media'], ['genre', 'has value', 'sci - fi']]\n", + "\n", + "dialogue id: sgd-test-2719\n", + "dialogue: \"user\": \"i want to find me some movies online . i enjoy movies featuring betsy widhalm .\"\n", + "\"system\": \"what type of movies you like ?\"\n", + "\"user\": \"i would like some family movies .\"\n", + "\"system\": \"i have for you 1 movie . how about steel magnolias ?\"\n", + "\"user\": \"steel magnolias sounds great . some attractions there you can find me ?\"\n", + "\"system\": \"where you want to be ?\"\n", + "\"user\": \"in nyc will be good .\"\n", + "\"system\": \"you should check a museum called 9 / 11 tribute museum .\"\n", + "\"user\": \"great . search for me songs from ' 13 . where we come from is the album that i heard is great .\"\n", + "\"system\": \"what is your opinion about album where we come from by popcaan and song everything nice ?\"\n", + "\"user\": \"i like this one .\"\n", + "\"system\": \"you want to play for you this song ?\"\n", + "\"user\": \"sure . i would like that .\"\n", + "\"system\": \"play the song everything nice in living room . is that okay ?\"\n", + "\"user\": \"yes , is good . tell me what type of music is that ?\"\n", + "\"system\": \"this is a reggae song . enjoy it !\"\n", + "\"user\": \"thanks . play the movie that you have sound with french subtitle .\"\n", + "\"system\": \"play steel magnolias with subtitle in french . i ' m right ?\"\n", + "\"user\": \"yes is very good .\"\n", + "\"system\": \"the movie is started .\"\n", + "\"user\": \"thank you . that ' s all that i wanted .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['everything nice', '9 / 11 tribute museum', 'steel magnolias', 'french', 'nyc', 'family', 'music', 'album', 'one', 'betsy widhalm', 'popcaan', 'museum', 'where we come from', 'living room', 'reggae', '1']\n", + "relations: [['attraction name', 'has value', '9 / 11 tribute museum'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['artist', 'has value', 'popcaan'], ['steel magnolias', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['where we come from', 'has domain', 'music'], ['betsy widhalm', 'has domain', 'media'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['family', 'has domain', 'media'], ['genre', 'has value', 'reggae'], ['french', 'has domain', 'media'], ['starring', 'has value', 'betsy widhalm'], ['travel', 'has slot', 'location'], ['2013', 'has domain', 'music'], ['title', 'has value', 'steel magnolias'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'french'], ['nyc', 'has domain', 'travel'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['track', 'has value', 'everything nice'], ['popcaan', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['album', 'has value', 'where we come from'], ['music', 'has slot', 'artist'], ['location', 'has value', 'nyc'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['9 / 11 tribute museum', 'has domain', 'travel'], ['1', 'refers to same concept as', 'one'], ['everything nice', 'has domain', 'music'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['year', 'has value', '2013'], ['genre', 'has value', 'family'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['museum', 'has domain', 'travel'], ['music', 'has slot', 'lookupmusic'], ['reggae', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum']]\n", + "\n", + "dialogue id: sgd-test-2720\n", + "dialogue: \"user\": \"i demand your help with some movies recommendations\"\n", + "\"system\": \"what do you feel like watching ?\"\n", + "\"user\": \"fantasy is on my mind\"\n", + "\"system\": \"i got 2 titles for you : labyrinth or the lord of the rings : the return of the king\"\n", + "\"user\": \"i prefer lord of the rings\"\n", + "\"system\": \"i can start the movie right now\"\n", + "\"user\": \"no , i want you to find some attractions in new york city in a wildlife spot\"\n", + "\"system\": \"there ' s 10 of them , let ' s see if you are into nature preserve , if so , you ' ll love bronx zoo\"\n", + "\"user\": \"nice , name me something different\"\n", + "\"system\": \"there ' s another nature preserve called castle clinton national monument\"\n", + "\"user\": \"check if the place is okay for children\"\n", + "\"system\": \"it ' s ideal for kids\"\n", + "\"user\": \"would you look for some songs for me now ?\"\n", + "\"system\": \"why not ! i can play sick like me by in this moment taken from the album black widow\"\n", + "\"user\": \"i adore it ! play it on the kitchen speaker\"\n", + "\"system\": \"confirm the next operation : i ' ll play the song sick like me in the kitchen\"\n", + "\"user\": \"that ' s right . i would like some info about its genre and the release year\"\n", + "\"system\": \"it ' s considered metalcore and the release year is 2014\"\n", + "\"user\": \"play the movie now\"\n", + "\"system\": \"confirm what you want me to do . you want me to play the movie the lord of the rings : the return of the king with english subs\"\n", + "\"user\": \"correct . who ' s the actor ?\"\n", + "\"system\": \"movie is on . elijah wood is one of the actors\"\n", + "\"user\": \"i like the man\"\n", + "\"system\": \"what more can i do ?\"\n", + "\"user\": \"nothing . bye\"\n", + "\"system\": \"enjoy your flick !\"\n", + "\n", + "terms: ['year', 'the lord of the rings', 'lord of the rings', 'kitchen', 'labyrinth', 'nature preserve', '2', 'genre', 'elijah wood', 'english', 'metalcore', 'new york city', '10', 'in this moment', 'album', 'the lord of the rings : the return of the king', 'sick like me']\n", + "relations: [['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['castle clinton national monument', 'has domain', 'travel'], ['music', 'has slot', 'album'], ['2014', 'has domain', 'music'], ['metalcore', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['in this moment', 'has domain', 'music'], ['good for kids', 'has value', 'true'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'media'], ['genre', 'has value', 'metalcore'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['travel', 'has slot', 'count'], ['title', 'has value', 'labyrinth'], ['new york city', 'has domain', 'travel'], ['year', 'has value', '2014'], ['kitchen', 'has domain', 'music'], ['sick like me', 'has domain', 'music'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['travel', 'has slot', 'location'], ['black widow', 'has domain', 'music'], ['fantasy', 'has domain', 'media'], ['device', 'has value', 'kitchen'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'elijah wood'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['category', 'has value', 'nature preserve'], ['location', 'has value', 'new york city'], ['title', 'has value', 'lord of the rings'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['track', 'has value', 'sick like me'], ['music', 'has slot', 'artist'], ['album', 'has value', 'black widow'], ['lord of the rings', 'has domain', 'media'], ['music', 'has slot', 'track'], ['elijah wood', 'has domain', 'media'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['attraction name', 'has value', 'bronx zoo'], ['bronx zoo', 'has domain', 'travel'], ['artist', 'has value', 'in this moment'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'lookupmusic'], ['attraction name', 'has value', 'castle clinton national monument'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2721\n", + "dialogue: \"user\": \"my friends are coming over and we would really like to watch a movie . will you search online for a movie ?\"\n", + "\"system\": \"what type of movie are you interested in watching ?\"\n", + "\"user\": \"i enjoy watching movies that are fantasy based .\"\n", + "\"system\": \"i found 2 movies that you may enjoy . would you be interested in watching labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"i would enjoy watching labyrinth . will you now search for attractions nearby ?\"\n", + "\"system\": \"in what area what you like me to search ?\"\n", + "\"user\": \"please search in san diego .\"\n", + "\"system\": \"there are quite a few attractions here you may like . one of the 10 i found i a park called balboa park .\"\n", + "\"user\": \"that does sound awesome , but will you search for some more attractions . i would prefer ones that are kid - friendly and do not charge an admissions fee .\"\n", + "\"system\": \"there is a theme park you may like called belmont park .\"\n", + "\"user\": \"great . thank you . will you now search for some songs from 2017 and that are sung by pavni pandey ?\"\n", + "\"system\": \"i found 1 song by pavni pandey . would you like to listen to laila main laila fro her album raees ?\"\n", + "\"user\": \"what genre of music is this song ?\"\n", + "\"system\": \"it is a song from south asia .\"\n", + "\"user\": \"yes , i would like to listen to this song and please play it on the speaker in patio .\"\n", + "\"system\": \"please confirm you would like to hear laila main laila in the patio .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"enjoy listening to your music !\"\n", + "\"user\": \"thanks ! now will you please play the movie you found ealier with hindi subtitles ?\"\n", + "\"system\": \"please confirm you would like to watch labyrinth with hindi subtitles .\"\n", + "\"user\": \"yes , that is correct . will you tell me who the lead actor is in this movie ?\"\n", + "\"system\": \"the star of this movie is frank oz .\"\n", + "\"user\": \"i appreciate the information . thanks !\"\n", + "\"system\": \"is there something else i can assist you with today ?\"\n", + "\"user\": \"no , not at this time . thanks again !\"\n", + "\"system\": \"enjoy the beautiful day !\"\n", + "\n", + "terms: ['the lord of the rings', 'pavni pandey', 'park', '2', 'belmont park', 'san diego', 'genre', 'theme park', 'balboa park', 'raees', 'the lord of the rings : the return of the king', 'music', '2017', 'frank oz', 'one', 'labyrinth', 'hindi', 'patio', 'album', 'south asia', 'fantasy', 'laila main laila', '10', '1']\n", + "relations: [['media', 'has slot', 'playmovie'], ['travel', 'has slot', 'free entry'], ['pavni pandey', 'has domain', 'music'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['frank oz', 'has domain', 'media'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['south asia', 'has domain', 'music'], ['device', 'has value', 'patio'], ['10', 'refers to same concept as', 'ten'], ['good for kids', 'has value', 'true'], ['balboa park', 'has domain', 'travel'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'media'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['true', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'count'], ['title', 'has value', 'labyrinth'], ['starring', 'has value', 'frank oz'], ['attraction name', 'has value', 'belmont park'], ['category', 'has value', 'park'], ['category', 'has value', 'theme park'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['travel', 'has slot', 'location'], ['location', 'has value', 'san diego'], ['fantasy', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['1', 'has domain', 'music'], ['raees', 'has domain', 'music'], ['album', 'has value', 'raees'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['year', 'has value', '2017'], ['labyrinth', 'has domain', 'media'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['park', 'has domain', 'travel'], ['theme park', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['attraction name', 'has value', 'balboa park'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['2017', 'has domain', 'music'], ['subtitle language', 'has value', 'hindi'], ['1', 'refers to same concept as', 'one'], ['genre', 'has value', 'south asia'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['artist', 'has value', 'pavni pandey'], ['track', 'has value', 'laila main laila'], ['music', 'has slot', 'lookupmusic'], ['belmont park', 'has domain', 'travel'], ['laila main laila', 'has domain', 'music'], ['san diego', 'has domain', 'travel'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2722\n", + "dialogue: \"user\": \"find for me some movies featuring michelle caspar .\"\n", + "\"system\": \"what type of movie do you prefer ?\"\n", + "\"user\": \"some comedy - drama will be great for me .\"\n", + "\"system\": \"1 movie i have for you that you may like . how about give me liberty ?\"\n", + "\"user\": \"give me liberty sounds great .\"\n", + "\"system\": \"you want to watch now the movie ?\"\n", + "\"user\": \"no , not now . find me some attractions in la , i don ' t have certain preferences .\"\n", + "\"system\": \"i have for you 10 attractions who may like you . you may check out a historical landmark called angels flight railway .\"\n", + "\"user\": \"great . search for me please some pop song . i like songs by eurielle and i heard that the album arcadia is really good .\"\n", + "\"system\": \"what is your opinion about hate me by eurielle from album arcadia .\"\n", + "\"user\": \"yes , i like this one .\"\n", + "\"system\": \"you want to listen now ?\"\n", + "\"user\": \"sure . play it on kitchen speaker .\"\n", + "\"system\": \"play the song hate me in kitchen . is that correct ?\"\n", + "\"user\": \"yes very good . this song come out in seven years ago ?\"\n", + "\"system\": \"is from 2015 . enjoy it !\"\n", + "\"user\": \"thanks . play for me the movie that you found .\"\n", + "\"system\": \"play give me liberty with subtitles in english . i ' m right ?\"\n", + "\"user\": \"yes is good .\"\n", + "\"system\": \"the movie is started .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"may i help you with something else ?\"\n", + "\"user\": \"no . thank you for all .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['give me liberty', 'angels flight railway', 'pop', 'hate me', 'kitchen', 'one', 'la', 'arcadia', 'historical landmark', 'comedy - drama', 'eurielle', 'english', 'michelle caspar', '10', '2015', 'album']\n", + "relations: [['genre', 'has value', 'pop'], ['hate me', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['genre', 'has value', 'comedy - drama'], ['media', 'has slot', 'count'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['10', 'refers to same concept as', 'ten'], ['media', 'has slot', 'starring'], ['travel', 'has slot', 'count'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['pop', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['dontcare', 'has domain', 'travel'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['la', 'has domain', 'travel'], ['year', 'has value', '2015'], ['album', 'has value', 'arcadia'], ['arcadia', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['location', 'has value', 'la'], ['artist', 'has value', 'eurielle'], ['music', 'has slot', 'artist'], ['2015', 'has domain', 'music'], ['music', 'has slot', 'track'], ['category', 'has value', 'historical landmark'], ['angels flight railway', 'has domain', 'travel'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['title', 'has value', 'give me liberty'], ['1', 'refers to same concept as', 'one'], ['comedy - drama', 'has domain', 'media'], ['track', 'has value', 'hate me'], ['count', 'has value', '1'], ['attraction name', 'has value', 'angels flight railway'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['starring', 'has value', 'michelle caspar'], ['category', 'has value', 'dontcare'], ['music', 'has slot', 'lookupmusic'], ['eurielle', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['michelle caspar', 'has domain', 'media'], ['give me liberty', 'has domain', 'media'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2723\n", + "dialogue: \"user\": \"i am search for movies that i can find online .\"\n", + "\"system\": \"what type of movies do you want ?\"\n", + "\"user\": \"i love fantasy movies .\"\n", + "\"system\": \"what do you think about labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"i think i would love the lord of the rings : the return of the king . i would also like to find attractions in phoenix but i don ' t want to pay an entry fee .\"\n", + "\"system\": \"i have found you 7 attractions . i recommend you try the arizona science center which is a museum .\"\n", + "\"user\": \"that sounds good . now look for some songs i can listen .\"\n", + "\"system\": \"i have 10 song suggestions . would you like consequences by camila cabello from the camila album ?\"\n", + "\"user\": \"yeah i would like that .\"\n", + "\"system\": \"shall i play you the song ?\"\n", + "\"user\": \"yeah , i want it played on the living room speaker .\"\n", + "\"system\": \"so do you confirm that you want the song consequences played in living room ?\"\n", + "\"user\": \"sure . was this song released six years back ?\"\n", + "\"system\": \"it was released in the year 2018 and i hope you have fun listening to the music .\"\n", + "\"user\": \"thanks . also i want you to play me the movie you found .\"\n", + "\"system\": \"so do you confirm that you want the lord of the rings : the return of the king played with english subs ?\"\n", + "\"user\": \"sure . can you name the actor ?\"\n", + "\"system\": \"i have started the movie and elijah wood is the actor .\"\n", + "\"user\": \"thank you very much . that is it .\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['year', 'the lord of the rings', '7', 'museum', 'camila cabello', 'elijah wood', 'the lord of the rings : the return of the king', 'music', 'camila', 'consequences', 'phoenix', 'labyrinth', 'arizona science center', 'english', 'living room', 'album', '2018', 'fantasy', '10']\n", + "relations: [['travel', 'has slot', 'free entry'], ['7', 'has domain', 'travel'], ['10', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['music', 'has slot', 'album'], ['camila', 'has domain', 'music'], ['count', 'has value', '7'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'subtitle language'], ['album', 'has value', 'camila'], ['10', 'refers to same concept as', 'ten'], ['media', 'has slot', 'starring'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['true', 'has domain', 'travel'], ['phoenix', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'count'], ['title', 'has value', 'labyrinth'], ['2018', 'has domain', 'music'], ['2013', 'has domain', 'music'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['fantasy', 'has domain', 'media'], ['consequences', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'elijah wood'], ['music', 'has slot', 'playmedia'], ['camila cabello', 'has domain', 'music'], ['music', 'has slot', 'year'], ['artist', 'has value', 'camila cabello'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['attraction name', 'has value', 'arizona science center'], ['music', 'has slot', 'artist'], ['elijah wood', 'has domain', 'media'], ['music', 'has slot', 'track'], ['arizona science center', 'has domain', 'travel'], ['location', 'has value', 'phoenix'], ['year', 'has value', '2018'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['device', 'has value', 'living room'], ['year', 'has value', '2013'], ['music', 'has slot', 'device'], ['museum', 'has domain', 'travel'], ['music', 'has slot', 'lookupmusic'], ['track', 'has value', 'consequences'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2724\n", + "dialogue: \"user\": \"it ' s such a dreary day out today , i think i ' ll just stay in and watch some movies . could you help me find a good offbeat movie to watch ?\"\n", + "\"system\": \"once upon a time in hollywood is available right now .\"\n", + "\"user\": \"once upon a time sounds perfect !\"\n", + "\"system\": \"would you like me to begin playing the movie for you ?\"\n", + "\"user\": \"not right this second , i ' ll let you know a little later .\"\n", + "\"system\": \"okay , is there something else you would like my help with ?\"\n", + "\"user\": \"yes , what attractions can you find right now ?\"\n", + "\"system\": \"first i need to know the location you would like me to search in .\"\n", + "\"user\": \"let ' s go with ny for now .\"\n", + "\"system\": \"there is a popular park called alley pond park that is nice .\"\n", + "\"user\": \"okay , is there anything else you can find ?\"\n", + "\"system\": \"there is also a performing arts venue called apollo theater that seems fun .\"\n", + "\"user\": \"okay , what else do you have ?\"\n", + "\"system\": \"i see here that there is another park called astoria park .\"\n", + "\"user\": \"okay , there ' s a nice group to choose from . now could you help me find some songs to listen to from the year 2016 by aaron lewis ?\"\n", + "\"system\": \"i was only able to locate 1 song titled lost and lonely by aaron lewis , and it is from the albulm sinner .\"\n", + "\"user\": \"oh , that ' s perfect , i love that song .\"\n", + "\"system\": \"what else can i help you with ?\"\n", + "\"user\": \"could you go ahead and start playing that song for me ?\"\n", + "\"system\": \"so you want to hear lost and lonely from the living room speaker ?\"\n", + "\"user\": \"yes , that sounds good .\"\n", + "\"system\": \"okay , have fun listening to your song .\"\n", + "\"user\": \"before you go can you also go ahead and being playing that movie you found earlier ?\"\n", + "\"system\": \"sure , so you would like for me to begin playing once upon a time in hollywood with english subtitles ?\"\n", + "\"user\": \"yes , and can you tell me who stars in it ?\"\n", + "\"system\": \"i ' ve started playing the movie that timothy olyphant stars in .\"\n", + "\"user\": \"awesome , you rock !\"\n", + "\"system\": \"do you have anything else i can assist you with ?\"\n", + "\"user\": \"no , you ' ve been an amazing help !\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['timothy olyphant', 'year', 'apollo theater', 'astoria park', 'performing arts venue', 'park', 'ny', 'location', 'once upon a time in hollywood', 'offbeat', 'lost and lonely', 'sinner', 'alley pond park', '2016', 'english', 'living room', 'aaron lewis', '1', 'once upon a time']\n", + "relations: [['travel', 'has slot', 'free entry'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['artist', 'has value', 'aaron lewis'], ['media', 'has slot', 'subtitle language'], ['starring', 'has value', 'timothy olyphant'], ['free entry', 'has value', 'true'], ['title', 'has value', 'once upon a time'], ['performing arts venue', 'has domain', 'travel'], ['ny', 'has domain', 'travel'], ['track', 'has value', 'lost and lonely'], ['album', 'has value', 'sinner'], ['2016', 'has domain', 'music'], ['aaron lewis', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['apollo theater', 'has domain', 'travel'], ['attraction name', 'has value', 'astoria park'], ['true', 'has domain', 'travel'], ['alley pond park', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['category', 'has value', 'park'], ['sinner', 'has domain', 'music'], ['category', 'has value', 'performing arts venue'], ['once upon a time', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['once upon a time in hollywood', 'has domain', 'media'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['1', 'has domain', 'music'], ['year', 'has value', '2016'], ['timothy olyphant', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['park', 'has domain', 'travel'], ['location', 'has value', 'ny'], ['attraction name', 'has value', 'apollo theater'], ['attraction name', 'has value', 'alley pond park'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['lost and lonely', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['genre', 'has value', 'offbeat'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['1', 'refers to same concept as', 'one'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['offbeat', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['astoria park', 'has domain', 'travel']]\n", + "\n", + "dialogue id: sgd-test-2725\n", + "dialogue: \"user\": \"i ' m looking for a movie .\"\n", + "\"system\": \"what kind of movie do you want to watch ?\"\n", + "\"user\": \"i like fantasy movies .\"\n", + "\"system\": \"i found 2 movies . what about labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"are there any other movies ?\"\n", + "\"system\": \"i couldn ' t find any other films . what else can i help you with ?\"\n", + "\"user\": \"i want to find movies featuring purab kohli . action movies are cool too .\"\n", + "\"system\": \"how about mission mangal ?\"\n", + "\"user\": \"mission mangal sounds good . i want to find some attractions in anaheim . preferably something child - friendly .\"\n", + "\"system\": \"i found 8 attractions . angel stadium of anaheim is a sports venue .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"anything else i can do for you ?\"\n", + "\"user\": \"i want to find some songs by rihanna .\"\n", + "\"system\": \"i found 6 songs . how about california king bed by rihanna from the album loud ?\"\n", + "\"user\": \"what other songs are there ?\"\n", + "\"system\": \"what about man down by rihanna from the album loud ?\"\n", + "\"user\": \"yes , play it please .\"\n", + "\"system\": \"please confirm : playing man down in the living room .\"\n", + "\"user\": \"yes , thank you .\"\n", + "\"system\": \"your song is playing . enjoy .\"\n", + "\"user\": \"what year was it released ?\"\n", + "\"system\": \"it was released in 2010 .\"\n", + "\"user\": \"thanks . can you play the movie you found earlier .\"\n", + "\"system\": \"please confirm : playing mission mangal with english subtitles .\"\n", + "\"user\": \"no , i want spanish subtitles .\"\n", + "\"system\": \"please confirm : playing mission mangal with subtitles in spanish .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"your movie is playing .\"\n", + "\"user\": \"thanks that ' s all for now .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['year', 'the lord of the rings', 'anaheim', '2', '6', 'loud', 'man down', 'action', 'sports venue', 'spanish', 'rihanna', 'the lord of the rings : the return of the king', 'labyrinth', '2010', '8', 'english', 'living room', 'album', 'california king bed', 'mission mangal', 'angel stadium of anaheim', 'purab kohli', 'fantasy']\n", + "relations: [['man down', 'has domain', 'music'], ['mission mangal', 'has domain', 'media'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['angel stadium of anaheim', 'has domain', 'travel'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['count', 'has value', '8'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'media'], ['sports venue', 'has domain', 'travel'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['true', 'has domain', 'travel'], ['location', 'has value', 'anaheim'], ['loud', 'has domain', 'music'], ['travel', 'has slot', 'count'], ['title', 'has value', 'labyrinth'], ['artist', 'has value', 'rihanna'], ['action', 'has domain', 'media'], ['music', 'has slot', 'count'], ['year', 'has value', '2010'], ['spanish', 'has domain', 'media'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['fantasy', 'has domain', 'media'], ['track', 'has value', 'california king bed'], ['album', 'has value', 'loud'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'angel stadium of anaheim'], ['living room', 'has domain', 'music'], ['subtitle language', 'has value', 'english'], ['anaheim', 'has domain', 'travel'], ['category', 'has value', 'sports venue'], ['music', 'has slot', 'playmedia'], ['track', 'has value', 'man down'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['labyrinth', 'has domain', 'media'], ['california king bed', 'has domain', 'music'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['8', 'has domain', 'travel'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'action'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['count', 'has value', '6'], ['starring', 'has value', 'purab kohli'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['rihanna', 'has domain', 'music'], ['6', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['2010', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['purab kohli', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2726\n", + "dialogue: \"user\": \"i have a nice plan that i want to watch a movie online . can you help me to search for some movies to watch it online ?\"\n", + "\"system\": \"yes , let me know your favorite kind of movies to search for .\"\n", + "\"user\": \"i like to watch scary movies and you can search it in the similar type .\"\n", + "\"system\": \"i got 6 movies and what is your choice among the movies like 47 meters down : uncaged , in fabric and midsommar ?\"\n", + "\"user\": \"i like to go with midsommar and i fix this . now , i want to go to a museum . can you help me to find a nice place like this ?\"\n", + "\"system\": \"yes , i can help you . where do you want to find the museum ?\"\n", + "\"user\": \"i want to find it in berlin .\"\n", + "\"system\": \"i found one museum which is alte nationalgalerie . do you like to visit this place ?\"\n", + "\"user\": \"can you check whether the entrance to this place is free and also i want to confirm whether this place is the safest one for kids too .\"\n", + "\"system\": \"this is the safest place for kids also but no free entrance available there .\"\n", + "\"user\": \"that ' s nice . search for some songs now .\"\n", + "\"system\": \"do you like to hear the trip by still corners from the album strange pleasures ?\"\n", + "\"user\": \"yes , i fix this and thanks .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"yes , do it now .\"\n", + "\"system\": \"please confirm to play the song the trip in your living room speaker .\"\n", + "\"user\": \"that ' s correct to proceed and let me know the type of this song .\"\n", + "\"system\": \"this is an electropop song and the same was started playing now . you can enjoy the music .\"\n", + "\"user\": \"let me know whether it is from seven years ago ?\"\n", + "\"system\": \"this song was released in the year 2013 .\"\n", + "\"user\": \"thanks for the details . now , please play the movie that i have selected before with or without subtitles .\"\n", + "\"system\": \"please confirm to play the movie midsommar with english subtitles .\"\n", + "\"user\": \"confirmed . go ahead . what is the name of actor in this movie ?\"\n", + "\"system\": \"william jackson harper acted in this movie and the same was started playing now .\"\n", + "\"user\": \"thank you so much and that ' s all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['year', 'museum', '6', 'the trip', 'uncaged', 'berlin', 'still corners', '2013', 'music', 'in fabric', 'fabric', 'electropop', 'alte nationalgalerie', 'living room', 'english', 'midsommar', 'album', 'scary', '47 meters down : uncaged', 'strange pleasures']\n", + "relations: [['travel', 'has slot', 'free entry'], ['alte nationalgalerie', 'has domain', 'travel'], ['travel', 'has slot', 'good for kids'], ['starring', 'has value', 'william jackson harper'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['william jackson harper', 'has domain', 'media'], ['strange pleasures', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['good for kids', 'has value', 'true'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['media', 'has slot', 'starring'], ['true', 'has domain', 'travel'], ['attraction name', 'has value', 'alte nationalgalerie'], ['2013', 'has domain', 'music'], ['travel', 'has slot', 'location'], ['electropop', 'has domain', 'music'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['6', 'has domain', 'media'], ['still corners', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['track', 'has value', 'the trip'], ['genre', 'has value', 'scary'], ['artist', 'has value', 'still corners'], ['music', 'has slot', 'playmedia'], ['genre', 'has value', 'electropop'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['dontcare', 'has domain', 'media'], ['berlin', 'has domain', 'travel'], ['free entry', 'has value', 'false'], ['midsommar', 'has domain', 'media'], ['album', 'has value', 'strange pleasures'], ['media', 'has slot', 'genre'], ['title', 'has value', 'midsommar'], ['in fabric', 'has domain', 'media'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['location', 'has value', 'berlin'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['count', 'has value', '6'], ['the trip', 'has domain', 'music'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['year', 'has value', '2013'], ['subtitle language', 'has value', 'dontcare'], ['false', 'has domain', 'travel'], ['museum', 'has domain', 'travel'], ['scary', 'has domain', 'media'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['title', 'has value', 'in fabric'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum']]\n", + "\n", + "dialogue id: sgd-test-2727\n", + "dialogue: \"user\": \"my friends and i would like to see a movie . will you search for an online movie ?\"\n", + "\"system\": \"do you have a particular type of movie you like watching ?\"\n", + "\"user\": \"i really enjoy movies that have an eccentric story .\"\n", + "\"system\": \"i found 1 movie you may enjoy called once upon a time in hollywood .\"\n", + "\"user\": \"i would like once upon a time . thank you . will you show me some attractions in the area ?\"\n", + "\"system\": \"in what area would you like me to search ?\"\n", + "\"user\": \"please search in philly .\"\n", + "\"system\": \"there is a interesting museum you may enjoy called barnes foundation .\"\n", + "\"user\": \"do they charge admission and what is their phone number ?\"\n", + "\"system\": \"there is no admission fee and you may reach them at 215 - 278 - 7000 .\"\n", + "\"user\": \"sounds good . will you now search for some songs ?\"\n", + "\"system\": \"i have 10 song choices for you . would you like to listen to with you from tyler shaw intuition album ?\"\n", + "\"user\": \"what is the music genre and when was it released ?\"\n", + "\"system\": \"it was released in 2018 and is considered pop music .\"\n", + "\"user\": \"that is the one . thanks .\"\n", + "\"system\": \"are you interested in listening to the song ?\"\n", + "\"user\": \"yes , please play it on any device .\"\n", + "\"system\": \"please confirm you would like to listen to with you in the living room .\"\n", + "\"user\": \"yes , that would be great .\"\n", + "\"system\": \"enjoy listening to your music !\"\n", + "\"user\": \"thanks ! will you now play the movie you found earlier and please include hindi subtitles .\"\n", + "\"system\": \"please confirm you would like to watch once upon a time in hollywood with hindi subtitles .\"\n", + "\"user\": \"yes . who is the lead actor in this movie ?\"\n", + "\"system\": \"maya hawke is one of the actors . the movie has begun playing .\"\n", + "\"user\": \"thanks ! i appreciate your help .\"\n", + "\"system\": \"have a good day !\"\n", + "\n", + "terms: ['eccentric story', 'philly', 'museum', 'once upon a time in hollywood', 'genre', 'tyler shaw', '215 - 278 - 7000', 'music', 'intuition', 'one', 'hindi', 'living room', 'phone number', 'device', 'album', '2018', 'pop', 'barnes foundation', '10', 'once upon a time', '1', 'with you']\n", + "relations: [['genre', 'has value', 'pop'], ['travel', 'has slot', 'free entry'], ['10', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['title', 'has value', 'once upon a time'], ['location', 'has value', 'philly'], ['10', 'refers to same concept as', 'ten'], ['phone number', 'has value', '215 - 278 - 7000'], ['media', 'has slot', 'starring'], ['intuition', 'has domain', 'music'], ['maya hawke', 'has domain', 'media'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['artist', 'has value', 'tyler shaw'], ['2018', 'has domain', 'music'], ['once upon a time', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['once upon a time in hollywood', 'has domain', 'media'], ['genre', 'has value', 'eccentric story'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['track', 'has value', 'with you'], ['album', 'has value', 'intuition'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['hindi', 'has domain', 'media'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['barnes foundation', 'has domain', 'travel'], ['attraction name', 'has value', 'barnes foundation'], ['free entry', 'has value', 'false'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['tyler shaw', 'has domain', 'music'], ['year', 'has value', '2018'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['subtitle language', 'has value', 'hindi'], ['1', 'refers to same concept as', 'one'], ['starring', 'has value', 'maya hawke'], ['philly', 'has domain', 'travel'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['with you', 'has domain', 'music'], ['false', 'has domain', 'travel'], ['museum', 'has domain', 'travel'], ['eccentric story', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['215 - 278 - 7000', 'has domain', 'travel'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['device', 'has value', 'dontcare'], ['count', 'has value', '10'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-2728\n", + "dialogue: \"user\": \"i have a little time free and i am thinking to watch a movie online to spend that time . can you find me a nice movie especially the one featuring madge brindley ?\"\n", + "\"system\": \"of - course . what type of movie that you are looking for ?\"\n", + "\"user\": \"i like thriller movies the most and you can search it in that type .\"\n", + "\"system\": \"gt 1 and what do you think about the ladykillers ? is it a nice movie you think ?\"\n", + "\"user\": \"yes , i like the movie the ladykillers and i choose this one . now , i want to search for some attractive places there and please search for the one which should be the safest place for kids also .\"\n", + "\"system\": \"do you like to search for the attractions in any particular city ?\"\n", + "\"user\": \"yes , search it in district of columbia and find a nice place to visit .\"\n", + "\"system\": \"hope you will like a place like nature preserve . do you want to visit the place at 56 signers of the declaration of independence memorial ?\"\n", + "\"user\": \"i have to decide . please let me know the contact number and also check for the availability of free entrance there .\"\n", + "\"system\": \"no free entrance there and you can contact them by 202 - 426 - 6841 .\"\n", + "\"user\": \"that ' s okay . i like to go to a museum . can you search for some other places like a museum ?\"\n", + "\"system\": \"yes , i go 10 results . what do you think about dumbarton oaks museum which is also a museum .\"\n", + "\"user\": \"i think this is nice place . that ' s fixed . now , search for some nice songs especially the one from the album lover as i heard that this album have nice songs .\"\n", + "\"system\": \"do you like to hear the song the archer by taylor swift from your desired album lover ?\"\n", + "\"user\": \"let me know the music type of this song .\"\n", + "\"system\": \"it is pop music .\"\n", + "\"user\": \"i like the singer taylor swift but find me different songs by the same singer .\"\n", + "\"system\": \"what about the 1 like you need to calm down by taylor swift from the album lover ?\"\n", + "\"user\": \"can yo tell me the year of release of this song ?\"\n", + "\"system\": \"yes , it is from the year 2019 .\"\n", + "\"user\": \"this is nice song and i want to hear it in the living room speaker . play it now .\"\n", + "\"system\": \"i need your confirmation to play the song you need to calm down in your living room speaker .\"\n", + "\"user\": \"that ' s confirmed . i want to know the type of music of this song .\"\n", + "\"system\": \"this is a pop song and the same was started playing now .\"\n", + "\"user\": \"thanks . also play the movie that i have chose before with subtitles in english .\"\n", + "\"system\": \"okay , please confirm to play the movie the ladykillers with english subtitles .\"\n", + "\"user\": \"okay , go ahead .\"\n", + "\"system\": \"your movie was started playing and you can enjoy the same now .\"\n", + "\"user\": \"thanks and that ' s all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['year', 'dumbarton oaks museum', 'nature preserve', 'museum', 'ladykillers', 'thriller', 'the archer', '56 signers of the declaration of independence memorial', 'music', 'one', '202 - 426 - 6841', '1', 'english', 'living room', 'album', 'pop', 'you need to calm down', 'district of columbia', 'lover', 'madge brindley', '2019', '10', 'the ladykillers', 'taylor swift']\n", + "relations: [['genre', 'has value', 'pop'], ['travel', 'has slot', 'free entry'], ['lover', 'has domain', 'music'], ['the archer', 'has domain', 'music'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['attraction name', 'has value', 'dumbarton oaks museum'], ['artist', 'has value', 'taylor swift'], ['media', 'has slot', 'subtitle language'], ['56 signers of the declaration of independence memorial', 'has domain', 'travel'], ['media', 'has slot', 'count'], ['track', 'has value', 'the archer'], ['starring', 'has value', 'madge brindley'], ['good for kids', 'has value', 'true'], ['you need to calm down', 'has domain', 'music'], ['district of columbia', 'has domain', 'travel'], ['media', 'has slot', 'starring'], ['year', 'has value', '2019'], ['location', 'has value', 'district of columbia'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['track', 'has value', 'you need to calm down'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['1', 'has domain', 'music'], ['taylor swift', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['title', 'has value', 'the ladykillers'], ['music', 'has slot', 'year'], ['album', 'has value', 'lover'], ['madge brindley', 'has domain', 'media'], ['media', 'has slot', 'title'], ['category', 'has value', 'nature preserve'], ['genre', 'has value', 'thriller'], ['phone number', 'has value', '202 - 426 - 6841'], ['free entry', 'has value', 'false'], ['attraction name', 'has value', '56 signers of the declaration of independence memorial'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['thriller', 'has domain', 'media'], ['music', 'has slot', 'track'], ['dumbarton oaks museum', 'has domain', 'travel'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['1', 'refers to same concept as', 'one'], ['202 - 426 - 6841', 'has domain', 'travel'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['false', 'has domain', 'travel'], ['museum', 'has domain', 'travel'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['the ladykillers', 'refers to same concept as', 'ladykillers'], ['count', 'has value', '10'], ['the ladykillers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2729\n", + "dialogue: \"user\": \"find me some movies online .\"\n", + "\"system\": \"what type of movies you prefer ?\"\n", + "\"user\": \"i enjoy horror movies featuring gwendoline christie .\"\n", + "\"system\": \"how about in fabric ?\"\n", + "\"user\": \"fabric sounds great . show me some attractions there .\"\n", + "\"system\": \"where you want to find attractions ?\"\n", + "\"user\": \"in philly i want .\"\n", + "\"system\": \"10 attractions i have that you may like . you should check out a museum called barnes foundation .\"\n", + "\"user\": \"sounds great for me .\"\n", + "\"system\": \"with something else i can help ?\"\n", + "\"user\": \"search for me some songs because i heard that the album crust fm is really good .\"\n", + "\"system\": \"how about crystal dolphin byt engelwood from album crust fm ?\"\n", + "\"user\": \"yes , i like this one .\"\n", + "\"system\": \"want to hear the song now ?\"\n", + "\"user\": \"yes , cast it on the living room .\"\n", + "\"system\": \"play song crystal dolphin in living room . i ' m right ?\"\n", + "\"user\": \"yes , is good .\"\n", + "\"system\": \"enjoy the music .\"\n", + "\"user\": \"thanks . start the movies that you have found with english subtitle .\"\n", + "\"system\": \"play in fabric with subtitle in english . is correct ?\"\n", + "\"user\": \"yes , that ' s true .\"\n", + "\"system\": \"the movie is started .\"\n", + "\"user\": \"thank you . that ' s all for now .\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['horror', 'music', 'engelwood', 'in fabric', 'fabric', 'barnes foundation', 'crust fm', 'philly', 'museum', 'crystal dolphin', 'english', 'living room', 'album', 'gwendoline christie']\n", + "relations: [['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['crust fm', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['genre', 'has value', 'horror'], ['location', 'has value', 'philly'], ['in fabric', 'refers to same concept as', 'fabric'], ['media', 'has slot', 'starring'], ['title', 'has value', 'fabric'], ['travel', 'has slot', 'count'], ['album', 'has value', 'crust fm'], ['starring', 'has value', 'gwendoline christie'], ['travel', 'has slot', 'location'], ['engelwood', 'has domain', 'music'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['track', 'has value', 'crystal dolphin'], ['subtitle language', 'has value', 'english'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['media', 'has slot', 'title'], ['barnes foundation', 'has domain', 'travel'], ['artist', 'has value', 'engelwood'], ['attraction name', 'has value', 'barnes foundation'], ['media', 'has slot', 'genre'], ['in fabric', 'has domain', 'media'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['fabric', 'has domain', 'media'], ['philly', 'has domain', 'travel'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['museum', 'has domain', 'travel'], ['title', 'has value', 'in fabric'], ['music', 'has slot', 'lookupmusic'], ['gwendoline christie', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['crystal dolphin', 'has domain', 'music'], ['count', 'has value', '10'], ['horror', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2730\n", + "dialogue: \"user\": \"i ' m looking for movies online . i like movies with mette towley .\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"i ' m looking for dramatic story movies .\"\n", + "\"system\": \"i found 1 movie you may like . how about hustlers ?\"\n", + "\"user\": \"hustlers sounds great . could you help me find some attractions in chi - town without an entry fee ?\"\n", + "\"system\": \"i found 10 attractions for you . one tourist attraction is big bus tours chicago ( tours begin at 98 e . upper wacker dr .)\"\n", + "\"user\": \"ok , sounds good . could you help me find some songs now ?\"\n", + "\"system\": \"what did you think about her world or mine from amos by michael ray ?\"\n", + "\"user\": \"what type of music is it and did the song come out in ' 14 ?\"\n", + "\"system\": \"the song is from 2018 and it is a country song .\"\n", + "\"user\": \"yes , that sounds about right .\"\n", + "\"system\": \"did you want to play this song ?\"\n", + "\"user\": \"yes , i did .\"\n", + "\"system\": \"please confirm you ' re playing the song her world or mine in living room .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"enjoy the song .\"\n", + "\"user\": \"thank you very much . can you also play the movie you found ?\"\n", + "\"system\": \"please confirm you ' re playing hustlers with subtitles in english .\"\n", + "\"user\": \"no , i ' d like to watch it with hindi subtitles .\"\n", + "\"system\": \"please confirm you ' re playing hustlers with hindi subtitles .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"the movie has started playing .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"did you need help with anything else ?\"\n", + "\"user\": \"no , but thank you .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['amos', 'country', 'music', 'dramatic story', 'tourist attraction', 'hustlers', 'one', 'mette towley', 'her world or mine', 'hindi', 'english', 'michael ray', 'living room', '10', 'chi - town', '1', '2018']\n", + "relations: [['travel', 'has slot', 'free entry'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['her world or mine', 'has domain', 'music'], ['2014', 'has domain', 'music'], ['tourist attraction', 'has domain', 'travel'], ['free entry', 'has value', 'true'], ['dramatic story', 'has domain', 'media'], ['media', 'has slot', 'count'], ['amos', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'starring'], ['attraction name', 'has value', 'big bus tours chicago ( tours begin at 98 e . upper wacker dr .)'], ['true', 'has domain', 'travel'], ['travel', 'has slot', 'count'], ['year', 'has value', '2014'], ['2018', 'has domain', 'music'], ['genre', 'has value', 'country'], ['travel', 'has slot', 'location'], ['starring', 'has value', 'mette towley'], ['country', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['music', 'has slot', 'playmedia'], ['track', 'has value', 'her world or mine'], ['10', 'has domain', 'travel'], ['artist', 'has value', 'michael ray'], ['music', 'has slot', 'year'], ['hindi', 'has domain', 'media'], ['album', 'has value', 'amos'], ['media', 'has slot', 'title'], ['category', 'has value', 'tourist attraction'], ['media', 'has slot', 'genre'], ['mette towley', 'has domain', 'media'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['year', 'has value', '2018'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['subtitle language', 'has value', 'hindi'], ['genre', 'has value', 'dramatic story'], ['1', 'refers to same concept as', 'one'], ['hustlers', 'has domain', 'media'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['big bus tours chicago ( tours begin at 98 e . upper wacker dr .)', 'has domain', 'travel'], ['chi - town', 'has domain', 'travel'], ['location', 'has value', 'chi - town'], ['music', 'has slot', 'lookupmusic'], ['michael ray', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'hustlers'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2731\n", + "dialogue: \"user\": \"can you find me a movie to watch online ?\"\n", + "\"system\": \"what kind of movie ?\"\n", + "\"user\": \"i want to see a dramatic story starring madeline brewer if possible\"\n", + "\"system\": \"i found 1 called hustlers you might enjoy\"\n", + "\"user\": \"hustlers sounds good\"\n", + "\"system\": \"should i play it ?\"\n", + "\"user\": \"maybe in a bit , but right now find me some attractions\"\n", + "\"system\": \"where should i search\"\n", + "\"user\": \"let ' s search in ciudad de mexico\"\n", + "\"system\": \"check out this nature preserve called acuario inbursa you might like\"\n", + "\"user\": \"give me their phone number please\"\n", + "\"system\": \"it ' s 55 5395 4586\"\n", + "\"user\": \"ok what else can you think of ?\"\n", + "\"system\": \"how about a museum ? i hear arte carrillo gil museum is nice ?\"\n", + "\"user\": \"is it child friendly you think ?\"\n", + "\"system\": \"yes it ' s a good place for kids\"\n", + "\"user\": \"what about other museum destinations ?\"\n", + "\"system\": \"there are 9 other places , for a museum i would recommend estanquillo museum\"\n", + "\"user\": \"ok cool . now find me a song off the album my world untouched , what ' s a popular song from five years back on that album\"\n", + "\"system\": \"all i want by emma bale on her album my world untouched sounds right\"\n", + "\"user\": \"yes that sounds good , stream it to the living room please\"\n", + "\"system\": \"confirming you want to play all i want in the living room yes ?\"\n", + "\"user\": \"actually no , make that my kitchen\"\n", + "\"system\": \"so all i want in the kitchen instead ?\"\n", + "\"user\": \"yes that ' s right\"\n", + "\"system\": \"enjoy the song !\"\n", + "\"user\": \"thanks , now can you play the movie earlier but with french subtitles\"\n", + "\"system\": \"so play hustlers with french subtitles ?\"\n", + "\"user\": \"yes that ' s right\"\n", + "\"system\": \"it ' s playing for you\"\n", + "\"user\": \"thank you for doing that\"\n", + "\"system\": \"sure thing , anything else i can help with ?\"\n", + "\"user\": \"no that ' s it , see you\"\n", + "\"system\": \"enjoy your music and movie !\"\n", + "\n", + "terms: ['nature preserve', 'museum', 'emma bale', 'popular', 'starring', 'arte carrillo gil museum', 'acuario inbursa', 'french', 'music', 'dramatic story', 'hustlers', 'my world untouched', 'living room', 'phone number', 'album', 'all i want', 'kitchen', 'madeline brewer', '9', '1']\n", + "relations: [['my world untouched', 'has domain', 'music'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['2014', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['dramatic story', 'has domain', 'media'], ['media', 'has slot', 'count'], ['genre', 'has value', 'popular'], ['good for kids', 'has value', 'true'], ['media', 'has slot', 'starring'], ['attraction name', 'has value', 'estanquillo museum'], ['madeline brewer', 'has domain', 'media'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['track', 'has value', 'all i want'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['estanquillo museum', 'has domain', 'travel'], ['year', 'has value', '2014'], ['device', 'has value', 'kitchen'], ['travel', 'has slot', 'location'], ['kitchen', 'has domain', 'music'], ['french', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['emma bale', 'has domain', 'music'], ['subtitle language', 'has value', 'french'], ['music', 'has slot', 'playmedia'], ['ciudad de mexico', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['all i want', 'has domain', 'music'], ['media', 'has slot', 'title'], ['category', 'has value', 'nature preserve'], ['album', 'has value', 'my world untouched'], ['acuario inbursa', 'has domain', 'travel'], ['location', 'has value', 'ciudad de mexico'], ['media', 'has slot', 'genre'], ['popular', 'has domain', 'music'], ['count', 'has value', '9'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['starring', 'has value', 'madeline brewer'], ['genre', 'has value', 'dramatic story'], ['attraction name', 'has value', 'acuario inbursa'], ['hustlers', 'has domain', 'media'], ['1', 'refers to same concept as', 'one'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['attraction name', 'has value', 'arte carrillo gil museum'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['55 5395 4586', 'has domain', 'travel'], ['museum', 'has domain', 'travel'], ['artist', 'has value', 'emma bale'], ['9', 'has domain', 'travel'], ['music', 'has slot', 'lookupmusic'], ['arte carrillo gil museum', 'has domain', 'travel'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['title', 'has value', 'hustlers'], ['phone number', 'has value', '55 5395 4586']]\n", + "\n", + "dialogue id: sgd-test-2732\n", + "dialogue: \"user\": \"i ' d like to find some movies to watch online .\"\n", + "\"system\": \"what kind of movies are you interested in ?\"\n", + "\"user\": \"i like drama films .\"\n", + "\"system\": \"i have 10 possibilities for you . perhaps you ' d like to watch a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"could you suggest anything else ?\"\n", + "\"system\": \"certainly . what about live flesh , hustlers , or brittany runs a marathon ?\"\n", + "\"user\": \"i don ' t know , what else do you suggest ?\"\n", + "\"system\": \"well , how about stage door , overcomer or the art of racing in the rain ?\"\n", + "\"user\": \"i think i ' d like to watch stage door . i also need to find some attractions to visit , like a park maybe .\"\n", + "\"system\": \"in what city please ?\"\n", + "\"user\": \"in warsaw please .\"\n", + "\"system\": \"i have 4 possibilities to tell you about . there is a park called the center for biological diversity conservation in powsin .\"\n", + "\"user\": \"is that a place that ' s good for children and is there a charge to get in ?\"\n", + "\"system\": \"yes , it is child friendly and there is no admission price .\"\n", + "\"user\": \"that sounds ideal . thank you .\"\n", + "\"system\": \"may i help you with anything else ?\"\n", + "\"user\": \"i ' d also like to find some songs to hear .\"\n", + "\"system\": \"i have 10 options for you . how about the song running after you from the album run by matthew mole ?\"\n", + "\"user\": \"that will work . could you play that for me on any device ?\"\n", + "\"system\": \"confirming playback of running after you on the living room speaker .\"\n", + "\"user\": \"sorry , play it on my kitchen speaker .\"\n", + "\"system\": \"confirming playback of running after you on the kitchen speaker .\"\n", + "\"user\": \"that ' s right , thanks . was that released six years back ?\"\n", + "\"system\": \"the song is from 2016 . hope you enjoy .\"\n", + "\"user\": \"thanks ! i ' d also like to start watching that movie with spanish subtitles enabled .\"\n", + "\"system\": \"confirming playback of stage door with spanish subtitles turned on .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"the movie has begun .\"\n", + "\"user\": \"could you tell me who ' s in it ?\"\n", + "\"system\": \"the movie features jack carson .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"how else may i help you today ?\"\n", + "\"user\": \"that will do it , thank you .\"\n", + "\"system\": \"you are very welcome .\"\n", + "\n", + "terms: ['overcomer', 'brittany runs a marathon', 'park', 'running after you', '10', 'matthew mole', 'after the wedding', 'live flesh', 'spanish', 'run', 'blinded by the light', 'warsaw', 'center for biological diversity conservation in powsin', '2016', 'hustlers', 'racing in the rain', 'living room', 'device', 'album', 'play', 'stage door', 'kitchen', '4', 'drama', 'a faithful man', 'the art of racing in the rain', 'jack carson']\n", + "relations: [['10', 'has domain', 'music'], ['jack carson', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['good for kids', 'has value', 'true'], ['title', 'has value', 'stage door'], ['music', 'has slot', 'count'], ['drama', 'refers to same concept as', 'play'], ['spanish', 'has domain', 'media'], ['device', 'has value', 'kitchen'], ['travel', 'has slot', 'findattractions'], ['warsaw', 'has domain', 'travel'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['music', 'has slot', 'artist'], ['matthew mole', 'has domain', 'music'], ['travel', 'has slot', 'attraction name'], ['track', 'has value', 'running after you'], ['year', 'has value', '2013'], ['live flesh', 'has domain', 'media'], ['title', 'has value', 'blinded by the light'], ['count', 'has value', '10'], ['dontcare', 'has domain', 'music'], ['brittany runs a marathon', 'has domain', 'media'], ['overcomer', 'has domain', 'media'], ['artist', 'has value', 'matthew mole'], ['kitchen', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['year', 'has value', '2016'], ['genre', 'has value', 'drama'], ['park', 'has domain', 'travel'], ['free entry', 'has value', 'false'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['title', 'has value', 'the art of racing in the rain'], ['music', 'has slot', 'lookupmusic'], ['starring', 'has value', 'jack carson'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'findmovies'], ['2016', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['true', 'has domain', 'travel'], ['album', 'has value', 'run'], ['the art of racing in the rain', 'has domain', 'media'], ['music', 'has slot', 'year'], ['4', 'has domain', 'travel'], ['media', 'has slot', 'title'], ['10', 'has domain', 'media'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'genre'], ['title', 'has value', 'a faithful man'], ['travel', 'has slot', 'category'], ['hustlers', 'has domain', 'media'], ['run', 'has domain', 'music'], ['title', 'has value', 'hustlers'], ['title', 'has value', 'live flesh'], ['device', 'has value', 'dontcare'], ['stage door', 'has domain', 'media'], ['travel', 'has slot', 'free entry'], ['the art of racing in the rain', 'refers to same concept as', 'racing in the rain'], ['travel', 'has slot', 'good for kids'], ['music', 'has slot', 'album'], ['media', 'has slot', 'count'], ['travel', 'has slot', 'count'], ['category', 'has value', 'park'], ['count', 'has value', '4'], ['2013', 'has domain', 'music'], ['travel', 'has slot', 'location'], ['title', 'has value', 'overcomer'], ['drama', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['attraction name', 'has value', 'center for biological diversity conservation in powsin'], ['running after you', 'has domain', 'music'], ['music', 'has slot', 'track'], ['center for biological diversity conservation in powsin', 'has domain', 'travel'], ['false', 'has domain', 'travel'], ['location', 'has value', 'warsaw'], ['title', 'has value', 'brittany runs a marathon']]\n", + "\n", + "dialogue id: sgd-test-2733\n", + "dialogue: \"user\": \"could you help me find some movies to watch online ?\"\n", + "\"system\": \"what kind of movies are you interested in ?\"\n", + "\"user\": \"i like fight movies . i ' d like to see something with phil lamarr in it .\"\n", + "\"system\": \"i have 1 movie you may enjoy . would you be interested in watching pulp fiction ?\"\n", + "\"user\": \"sure , pulp fiction would be terrific .\"\n", + "\"system\": \"shall i play that for you right now ?\"\n", + "\"user\": \"no , that ' s ok . i ' d also like to know about some attractions to see .\"\n", + "\"system\": \"where would you like to visit an attraction ?\"\n", + "\"user\": \"i ' d like to see something in berlin , perhaps a garden .\"\n", + "\"system\": \"there are 7 options i can tell you about . there is a popular park , the botanical garden and botanical museum .\"\n", + "\"user\": \"is this a good place for kids and is it free to get in ?\"\n", + "\"system\": \"no , it ' s not really child friendly and it does not have free admission .\"\n", + "\"user\": \"that ' s ok . i ' d also like to find a song to listen to . maybe something from the true believers album , i really like darius rucker .\"\n", + "\"system\": \"i found 1 song you might like , which is wagon wheel by darius rucker . it is from the true believers album .\"\n", + "\"user\": \"yes , i like that one . could you play that for me ?\"\n", + "\"system\": \"confirming playback of the song wagon wheel on the living room speaker .\"\n", + "\"user\": \"i ' m sorry , play it on the kitchen device please .\"\n", + "\"system\": \"confirming playback of wagon wheel on the kitchen speaker .\"\n", + "\"user\": \"that ' s right , thank you .\"\n", + "\"system\": \"enjoy the song .\"\n", + "\"user\": \"thanks ! would you mind playing the movie now with english subtitles ?\"\n", + "\"system\": \"confirming playback of pulp fiction with english subtitles enabled .\"\n", + "\"user\": \"actually make it hindi subtitles instead .\"\n", + "\"system\": \"confirming playback of pulp fiction with hindi subtitles enabled .\"\n", + "\"user\": \"good , thank you very much .\"\n", + "\"system\": \"the movie has begun .\"\n", + "\"user\": \"ok , i ' m all set .\"\n", + "\"system\": \"thank you very much .\"\n", + "\n", + "terms: ['true believers', 'kitchen', 'album', 'park', 'phil lamarr', '7', 'darius rucker', 'fight', 'one', 'hindi', 'berlin', 'wagon wheel', 'english', 'living room', 'botanical garden and botanical museum', 'device', '1', 'pulp fiction']\n", + "relations: [['travel', 'has slot', 'free entry'], ['7', 'has domain', 'travel'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['count', 'has value', '7'], ['media', 'has slot', 'count'], ['attraction name', 'has value', 'botanical garden and botanical museum'], ['darius rucker', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['album', 'has value', 'true believers'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'count'], ['category', 'has value', 'park'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['pulp fiction', 'has domain', 'media'], ['1', 'has domain', 'music'], ['subtitle language', 'has value', 'english'], ['music', 'has slot', 'playmedia'], ['botanical garden and botanical museum', 'has domain', 'travel'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['park', 'has domain', 'travel'], ['berlin', 'has domain', 'travel'], ['free entry', 'has value', 'false'], ['fight', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['true believers', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['location', 'has value', 'berlin'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['good for kids', 'has value', 'false'], ['title', 'has value', 'pulp fiction'], ['subtitle language', 'has value', 'hindi'], ['track', 'has value', 'wagon wheel'], ['1', 'refers to same concept as', 'one'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['wagon wheel', 'has domain', 'music'], ['false', 'has domain', 'travel'], ['artist', 'has value', 'darius rucker'], ['music', 'has slot', 'lookupmusic'], ['starring', 'has value', 'phil lamarr'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['phil lamarr', 'has domain', 'media'], ['genre', 'has value', 'fight']]\n", + "\n", + "dialogue id: sgd-test-2734\n", + "dialogue: \"user\": \"i ' d like to find a foreign story movie starring ula tabari to watch online .\"\n", + "\"system\": \"i have 1 option that meets your criteria . have you seen tel aviv on fire ?\"\n", + "\"user\": \"tel aviv on fire would be great . i ' d like to find something to do . can you help me find some attractions ?\"\n", + "\"system\": \"where should i search ?\"\n", + "\"user\": \"i ' d like to find something in ciudad de mexico that doesn ' t require an entrance fee .\"\n", + "\"system\": \"acuario inbursa is a very popular nature preserve .\"\n", + "\"user\": \"i might check it out . i ' m in the mood to hear some metal music . do you have anything from the album the unforgiving by within temptation ?\"\n", + "\"system\": \"may i suggest the song faster from the album the unforgiving by within temptation ?\"\n", + "\"user\": \"that would be great . please stream it for me . it can be on any device .\"\n", + "\"system\": \"you ' d like to hear the song faster played in the living room . is that right ?\"\n", + "\"user\": \"yes , can you tell me if the song was released three years ago ?\"\n", + "\"system\": \"the song was released in 2010 .\"\n", + "\"user\": \"great . after the music , can you play the movie with english subtitles ?\"\n", + "\"system\": \"you ' d like to watch tel aviv on fire with english subtitles . is that correct ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your movie will begin shortly .\"\n", + "\"user\": \"thank you for the assistance .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"no , that will be all . thank you very much .\"\n", + "\"system\": \"you ' re welcome . enjoy the movie !\"\n", + "\n", + "terms: ['tel aviv on fire', 'starring', 'music', 'album', 'nature preserve', 'foreign story', 'ciudad de mexico', 'faster', 'the unforgiving', 'within temptation', '2010', 'english', 'living room', 'device', '1', 'metal', 'ula tabari']\n", + "relations: [['travel', 'has slot', 'free entry'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['2016', 'has domain', 'music'], ['ula tabari', 'has domain', 'media'], ['foreign story', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['metal', 'has domain', 'music'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['genre', 'has value', 'foreign story'], ['the unforgiving', 'has domain', 'music'], ['year', 'has value', '2010'], ['artist', 'has value', 'within temptation'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['tel aviv on fire', 'has domain', 'media'], ['year', 'has value', '2016'], ['music', 'has slot', 'playmedia'], ['ciudad de mexico', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['category', 'has value', 'nature preserve'], ['acuario inbursa', 'has domain', 'travel'], ['album', 'has value', 'the unforgiving'], ['location', 'has value', 'ciudad de mexico'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'metal'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['attraction name', 'has value', 'acuario inbursa'], ['title', 'has value', 'tel aviv on fire'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['faster', 'has domain', 'music'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['2010', 'has domain', 'music'], ['track', 'has value', 'faster'], ['within temptation', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['device', 'has value', 'dontcare'], ['starring', 'has value', 'ula tabari'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-2735\n", + "dialogue: \"user\": \"i am in the mood to watch movies online .\"\n", + "\"system\": \"is there any particular type of movie you like ?\"\n", + "\"user\": \"i want to see a comic movie .\"\n", + "\"system\": \"would you want to see chhichhore , good boys or my big fat greek wedding ?\"\n", + "\"user\": \"can you suggest something else ? i would like to see scientific fiction especially with donnie keshawarz in it .\"\n", + "\"system\": \"i can recommend you 1 movie called ad astra .\"\n", + "\"user\": \"i would love ad astra .\"\n", + "\"system\": \"shall i be of any other help ?\"\n", + "\"user\": \"i would love to see some attractions .\"\n", + "\"system\": \"what place do you want me to look for attractions ?\"\n", + "\"user\": \"i want to see attractions in paris , france .\"\n", + "\"system\": \"i think you should see american church in paris which is a place of worship .\"\n", + "\"user\": \"fantastic . can you look for the songs ?\"\n", + "\"system\": \"i can show you 10 songs . would you like drunk me by mitchell tenpenny in the album telling all my secrets ?\"\n", + "\"user\": \"what genre of music is it and what was the year of the release ?\"\n", + "\"system\": \"the genre is country and it came out in 2018 .\"\n", + "\"user\": \"yeah that is it and i want the song played on the speaker outside .\"\n", + "\"system\": \"so do you confirm that you want the song drunk me played in patio ?\"\n", + "\"user\": \"yeah that is right .\"\n", + "\"system\": \"i hope you have fun with the music .\"\n", + "\"user\": \"i want you to play the movie you found .\"\n", + "\"system\": \"so do you confirm that you want ad astra played with english subs ?\"\n", + "\"user\": \"sure go ahead .\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"thank you , that will be all .\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['ad astra', 'year', 'american church in paris', 'drunk me', 'donnie keshawarz', 'country', 'genre', 'place of worship', 'good boys', 'scientific fiction', 'music', 'paris , france', 'chhichhore', 'mitchell tenpenny', 'patio', 'english', 'album', '2018', 'greek wedding', 'telling all my secrets', '10', 'comic', '1', 'my big fat greek wedding']\n", + "relations: [['10', 'has domain', 'music'], ['track', 'has value', 'drunk me'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['category', 'has value', 'place of worship'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['album', 'has value', 'telling all my secrets'], ['10', 'refers to same concept as', 'ten'], ['media', 'has slot', 'starring'], ['good boys', 'has domain', 'media'], ['genre', 'has value', 'comic'], ['mitchell tenpenny', 'has domain', 'music'], ['music', 'has slot', 'count'], ['2018', 'has domain', 'music'], ['genre', 'has value', 'country'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['country', 'has domain', 'music'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['title', 'has value', 'good boys'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['starring', 'has value', 'donnie keshawarz'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['attraction name', 'has value', 'american church in paris'], ['location', 'has value', 'paris , france'], ['media', 'has slot', 'genre'], ['american church in paris', 'has domain', 'travel'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['telling all my secrets', 'has domain', 'music'], ['year', 'has value', '2018'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['place of worship', 'has domain', 'travel'], ['paris , france', 'has domain', 'travel'], ['title', 'has value', 'ad astra'], ['my big fat greek wedding', 'has domain', 'media'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['artist', 'has value', 'mitchell tenpenny'], ['scientific fiction', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['genre', 'has value', 'scientific fiction'], ['drunk me', 'has domain', 'music'], ['donnie keshawarz', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['comic', 'has domain', 'media'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2736\n", + "dialogue: \"user\": \"i would like to find a funny movie featuring ana de armas .\"\n", + "\"system\": \"there is 1 movie yesterday .\"\n", + "\"user\": \"yesterday seems like a good movie .\"\n", + "\"system\": \"would you like to play the movie ?\"\n", + "\"user\": \"maybe later , not at the moment .\"\n", + "\"system\": \"can i help with something else ?\"\n", + "\"user\": \"i would like to find an attraction .\"\n", + "\"system\": \"in which area should i search ?\"\n", + "\"user\": \"i would like an attraction in chi - town .\"\n", + "\"system\": \"there are 10 attractions . there is 360 chicago that is a tourist attraction .\"\n", + "\"user\": \"i would like to find a museum .\"\n", + "\"system\": \"there are 10 attractions . there is chicago children ' s museum it ' s a nice museum .\"\n", + "\"user\": \"is there an entrance fee ?\"\n", + "\"system\": \"yes , there is a entry fee .\"\n", + "\"user\": \"i would like to find a song to play .\"\n", + "\"system\": \"there is arty hearty by baby genius from the album anthropology .\"\n", + "\"user\": \"yes , that is a good song .\"\n", + "\"system\": \"would you like to play the song ?\"\n", + "\"user\": \"i would like to play the song on any device .\"\n", + "\"system\": \"playing arty hearty in the living room .\"\n", + "\"user\": \"yes , that sounds good .\"\n", + "\"system\": \"enjoy the music that is playing .\"\n", + "\"user\": \"what type of music is this song and what year did it come out ?\"\n", + "\"system\": \"it ' s a pop song from the year 2014 .\"\n", + "\"user\": \"can you play the movie previously found ?\"\n", + "\"system\": \"playing yesterday with english subtitles .\"\n", + "\"user\": \"i would like to watch it with hindi subtitles .\"\n", + "\"system\": \"playing yesterday with hindi subtitles .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"the movie started playing .\"\n", + "\"user\": \"thank you for your help .\"\n", + "\"system\": \"can i help with something else ?\"\n", + "\"user\": \"no , that is all i needed .\"\n", + "\"system\": \"have a good day !\"\n", + "\n", + "terms: ['year', 'museum', '2014', 'baby genius', 'funny', 'yesterday', 'music', '360 chicago', 'tourist attraction', 'anthropology', 'hindi', 'english', 'living room', 'device', \"chicago children ' s museum\", 'album', 'ana de armas', 'pop', 'arty hearty', '10', 'chi - town', '1']\n", + "relations: [['genre', 'has value', 'pop'], ['travel', 'has slot', 'free entry'], ['starring', 'has value', 'ana de armas'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['2014', 'has domain', 'music'], ['tourist attraction', 'has domain', 'travel'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['title', 'has value', 'yesterday'], ['media', 'has slot', 'starring'], ['attraction name', 'has value', \"chicago children ' s museum\"], [\"chicago children ' s museum\", 'has domain', 'travel'], ['attraction name', 'has value', '360 chicago'], ['travel', 'has slot', 'count'], ['year', 'has value', '2014'], ['track', 'has value', 'arty hearty'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['360 chicago', 'has domain', 'travel'], ['subtitle language', 'has value', 'english'], ['arty hearty', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['category', 'has value', 'tourist attraction'], ['free entry', 'has value', 'false'], ['genre', 'has value', 'funny'], ['media', 'has slot', 'genre'], ['baby genius', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['anthropology', 'has domain', 'music'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['subtitle language', 'has value', 'hindi'], ['funny', 'has domain', 'media'], ['album', 'has value', 'anthropology'], ['artist', 'has value', 'baby genius'], ['device', 'has value', 'living room'], ['ana de armas', 'has domain', 'media'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['false', 'has domain', 'travel'], ['yesterday', 'has domain', 'media'], ['chi - town', 'has domain', 'travel'], ['museum', 'has domain', 'travel'], ['location', 'has value', 'chi - town'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['device', 'has value', 'dontcare'], ['count', 'has value', '10'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-2737\n", + "dialogue: \"user\": \"i want to watch a comedy movie .\"\n", + "\"system\": \"what about chhichhore , good boys , or my big fat greek wedding ?\"\n", + "\"user\": \"what else ? i like claudia doumit .\"\n", + "\"system\": \"how about where ' d you go , bernadette ?\"\n", + "\"user\": \"where ' d you go , bernadette is a good one . i want some attractions there .\"\n", + "\"system\": \"where should i look ?\"\n", + "\"user\": \"look in sydney , nsw .\"\n", + "\"system\": \"anz stadium is a sports venue there .\"\n", + "\"user\": \"is it child - friendly ? is it free to attend ?\"\n", + "\"system\": \"you can take your kids . entrance is free .\"\n", + "\"user\": \"i want to hear some music now . look for some foster the people .\"\n", + "\"system\": \"what about houdini by foster the people from the torches album .\"\n", + "\"user\": \"that ' s fine . play it for me .\"\n", + "\"system\": \"play the song houdini in your living room . is this what you want ?\"\n", + "\"user\": \"no . play it on my kitchen speaker .\"\n", + "\"system\": \"play the song houdini in your kitchen . is this what you want ?\"\n", + "\"user\": \"yes . what kind of song is it ? when did it come out ?\"\n", + "\"system\": \"the song has begun . it ' s an indie song from 2011 .\"\n", + "\"user\": \"i want to watch the movie now .\"\n", + "\"system\": \"play where ' d you go , bernadette with english subtitles . is this right ?\"\n", + "\"user\": \"yes it is .\"\n", + "\"system\": \"the movie has begun .\"\n", + "\"user\": \"thanks . that ' s all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['foster the people', '2011', 'indie', 'claudia doumit', 'sports venue', 'good boys', 'music', 'houdini', 'chhichhore', 'english', 'living room', 'album', 'greek wedding', 'kitchen', 'comedy', \"where ' d you go , bernadette\", 'torches', \"where ' d you go\", 'my big fat greek wedding', 'sydney , nsw']\n", + "relations: [['travel', 'has slot', 'free entry'], ['indie', 'has domain', 'music'], ['comedy', 'has domain', 'media'], ['travel', 'has slot', 'good for kids'], ['torches', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['starring', 'has value', 'claudia doumit'], ['attraction name', 'has value', 'anz stadium'], ['good for kids', 'has value', 'true'], ['album', 'has value', 'torches'], ['artist', 'has value', 'foster the people'], ['claudia doumit', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['good boys', 'has domain', 'media'], ['sports venue', 'has domain', 'travel'], ['houdini', 'has domain', 'music'], ['true', 'has domain', 'travel'], ['2011', 'has domain', 'music'], [\"where ' d you go , bernadette\", 'has domain', 'media'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['title', 'has value', 'good boys'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['category', 'has value', 'sports venue'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['track', 'has value', 'houdini'], ['year', 'has value', '2011'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['media', 'has slot', 'genre'], [\"where ' d you go , bernadette\", 'refers to same concept as', \"where ' d you go\"], ['music', 'has slot', 'artist'], ['genre', 'has value', 'indie'], ['sydney , nsw', 'has domain', 'travel'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['anz stadium', 'has domain', 'travel'], ['genre', 'has value', 'comedy'], ['title', 'has value', \"where ' d you go , bernadette\"], ['my big fat greek wedding', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['foster the people', 'has domain', 'music'], ['dontcare', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie'], ['device', 'has value', 'dontcare'], ['location', 'has value', 'sydney , nsw']]\n", + "\n", + "dialogue id: sgd-test-2738\n", + "dialogue: \"user\": \"i ' m looking for an online movie with roberts blossom .\"\n", + "\"system\": \"what type of movie ?\"\n", + "\"user\": \"a sci - fi movie .\"\n", + "\"system\": \"close encounters of the third kind is 1 option .\"\n", + "\"user\": \"close encounters sounds good .\"\n", + "\"system\": \"should i play the movie ?\"\n", + "\"user\": \"not right now .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"i would like to do something there ?\"\n", + "\"system\": \"where would you like me to search for attractions ?\"\n", + "\"user\": \"in london , england , please .\"\n", + "\"system\": \"there are 10 options . 30 st mary axe ( the gherkin ) is a historical landmark in the area .\"\n", + "\"user\": \"sounds interesting . can you find me a song by dierks bentley ?\"\n", + "\"system\": \"there are 2 options . burning man by dierks bentley is available on the mountain album .\"\n", + "\"user\": \"that one is perfect .\"\n", + "\"system\": \"should i play the song ?\"\n", + "\"user\": \"yes , please play on patio device .\"\n", + "\"system\": \"please confirm you want me to play burning man in the patio .\"\n", + "\"user\": \"actually , make that on the living room .\"\n", + "\"system\": \"please confirm you want me to play burning man in the living room .\"\n", + "\"user\": \"yes . thanks a lot .\"\n", + "\"system\": \"please enjoy your song .\"\n", + "\"user\": \"was this song released eight years back ?\"\n", + "\"system\": \"it was released in 2018 .\"\n", + "\"user\": \"thanks . can you please play the movie with or without subtitles ?\"\n", + "\"system\": \"please confirm you want me to play close encounters of the third kind with english subtitles .\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"the movie has started playing .\"\n", + "\"user\": \"thank you . that ' s all .\"\n", + "\"system\": \"please enjoy your day .\"\n", + "\n", + "terms: ['close encounters', 'roberts blossom', 'sci - fi', '2', 'burning man', 'dierks bentley', 'one', 'historical landmark', 'patio', 'living room', 'english', 'device', 'album', '2018', 'london , england', 'the mountain', 'close encounters of the third kind', '10', '30 st mary axe ( the gherkin )', '1']\n", + "relations: [['30 st mary axe ( the gherkin )', 'has domain', 'travel'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['device', 'has value', 'patio'], ['media', 'has slot', 'starring'], ['close encounters of the third kind', 'has domain', 'media'], ['london , england', 'has domain', 'travel'], ['track', 'has value', 'burning man'], ['music', 'has slot', 'count'], ['2011', 'has domain', 'music'], ['travel', 'has slot', 'count'], ['title', 'has value', 'close encounters of the third kind'], ['2018', 'has domain', 'music'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['artist', 'has value', 'dierks bentley'], ['roberts blossom', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['patio', 'has domain', 'music'], ['attraction name', 'has value', '30 st mary axe ( the gherkin )'], ['burning man', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['starring', 'has value', 'roberts blossom'], ['media', 'has slot', 'title'], ['title', 'has value', 'close encounters'], ['dontcare', 'has domain', 'media'], ['year', 'has value', '2011'], ['media', 'has slot', 'genre'], ['the mountain', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['year', 'has value', '2018'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['1', 'refers to same concept as', 'one'], ['2', 'has domain', 'music'], ['album', 'has value', 'the mountain'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['subtitle language', 'has value', 'dontcare'], ['dierks bentley', 'has domain', 'music'], ['location', 'has value', 'london , england'], ['music', 'has slot', 'lookupmusic'], ['sci - fi', 'has domain', 'media'], ['close encounters', 'has domain', 'media'], ['genre', 'has value', 'sci - fi'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2739\n", + "dialogue: \"user\": \"hi i ' m having a movie night with some friends , can you find some movies online for us ?\"\n", + "\"system\": \"what kind of movies are you interested in ?\"\n", + "\"user\": \"i ' d really like to watch a ghost movie .\"\n", + "\"system\": \"how about 47 meters down : uncaged , in fabric , or midsommar ?\"\n", + "\"user\": \"midsommar sounds good to me .\"\n", + "\"system\": \"would you like me to play the movie for you ?\"\n", + "\"user\": \"not right now , no .\"\n", + "\"system\": \"is there anything else i can assist you with ?\"\n", + "\"user\": \"can you please show me some attractions in paris , france ?\"\n", + "\"system\": \"how about american church in paris ? it ' s a place of worship .\"\n", + "\"user\": \"does it cost anything to get in ? what ' s their contact number ?\"\n", + "\"system\": \"you can contact them at 1 40 62 05 00 and entry is free .\"\n", + "\"user\": \"that sounds good . please find some popular songs for me to listen to .\"\n", + "\"system\": \"i found 10 songs that you may enjoy . how about acapella by karmin from the album pulses ?\"\n", + "\"user\": \"what year was the song released ?\"\n", + "\"system\": \"the song came out in 2013 .\"\n", + "\"user\": \"is there anything else ? i like rihanna .\"\n", + "\"system\": \"i found 5 rihanna songs that you may like . how about california king bed from the album loud ?\"\n", + "\"user\": \"yes , i like that song .\"\n", + "\"system\": \"would you like me to play that song for you ?\"\n", + "\"user\": \"yes , please play the song on the living room speaker .\"\n", + "\"system\": \"so you ' d like to play california king bed in the living room , is this correct ?\"\n", + "\"user\": \"yes , please play that song .\"\n", + "\"system\": \"hope you like the song .\"\n", + "\"user\": \"now back to the movie you found , i ' d like to watch it with subtitles in spanish .\"\n", + "\"system\": \"so you ' d like to play midsommar with spanish subtitles , is this correct ?\"\n", + "\"user\": \"yes . can you tell me who plays in it ?\"\n", + "\"system\": \"your movie is now playing . florence pugh stars in it .\"\n", + "\"user\": \"thank you so much .\"\n", + "\"system\": \"anything else i can help with ?\"\n", + "\"user\": \"that ' s all , thank you .\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['year', 'american church in paris', 'pulses', 'popular', 'loud', 'uncaged', 'florence pugh', 'spanish', 'rihanna', 'place of worship', '2013', 'ghost', 'in fabric', 'fabric', 'paris , france', '5', 'living room', 'karmin', 'midsommar', 'album', 'acapella', 'california king bed', '47 meters down : uncaged', '1 40 62 05 00', '10']\n", + "relations: [['travel', 'has slot', 'free entry'], ['10', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['music', 'has slot', 'album'], ['category', 'has value', 'place of worship'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['phone number', 'has value', '1 40 62 05 00'], ['genre', 'has value', 'popular'], ['10', 'refers to same concept as', 'ten'], ['starring', 'has value', 'florence pugh'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['album', 'has value', 'pulses'], ['media', 'has slot', 'starring'], ['true', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['loud', 'has domain', 'music'], ['artist', 'has value', 'rihanna'], ['travel', 'has slot', 'phone number'], ['spanish', 'has domain', 'media'], ['2013', 'has domain', 'music'], ['travel', 'has slot', 'location'], ['artist', 'has value', 'karmin'], ['living room', 'has domain', 'music'], ['track', 'has value', 'california king bed'], ['album', 'has value', 'loud'], ['travel', 'has slot', 'findattractions'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['california king bed', 'has domain', 'music'], ['media', 'has slot', 'title'], ['attraction name', 'has value', 'american church in paris'], ['karmin', 'has domain', 'music'], ['location', 'has value', 'paris , france'], ['midsommar', 'has domain', 'media'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'genre'], ['popular', 'has domain', 'music'], ['title', 'has value', 'midsommar'], ['in fabric', 'has domain', 'media'], ['american church in paris', 'has domain', 'travel'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['florence pugh', 'has domain', 'media'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['place of worship', 'has domain', 'travel'], ['track', 'has value', 'acapella'], ['paris , france', 'has domain', 'travel'], ['1 40 62 05 00', 'has domain', 'travel'], ['music', 'has slot', 'genre'], ['genre', 'has value', 'ghost'], ['acapella', 'has domain', 'music'], ['pulses', 'has domain', 'music'], ['year', 'has value', '2013'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['rihanna', 'has domain', 'music'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['title', 'has value', 'in fabric'], ['music', 'has slot', 'lookupmusic'], ['5', 'has domain', 'music'], ['count', 'has value', '5'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2740\n", + "dialogue: \"user\": \"would you look for some online movies , please ?\"\n", + "\"system\": \"no problem , tell me the genre you prefer\"\n", + "\"user\": \"action is my thing\"\n", + "\"system\": \"i got 5 . pick one from angel has fallen , hobbs and shaw and last but not least mission mangal .\"\n", + "\"user\": \"i pick hobbs and shaw\"\n", + "\"system\": \"may i play it now ?\"\n", + "\"user\": \"in a moment , first , you have to find some attactions in mexico city\"\n", + "\"system\": \"there ' s 10 of them ready for you . i thinkk you ' ll love acuario inbursa , it is a nature preserve\"\n", + "\"user\": \"i ' m more into historical landmark\"\n", + "\"system\": \"then you should visit diana the huntress fountain , it is listed as an historical landmark\"\n", + "\"user\": \"do i have to pay for a ticket to visit this ? do you think children may like it ?\"\n", + "\"system\": \"entry is not free and the children won ' t have fun there\"\n", + "\"user\": \"you could help me with songs now , i ' m a martin garrix fan , pick something from the martin garrix experience album\"\n", + "\"system\": \"i got 2 for you . i could play no sleep by martin garrix taken from the album the martin garrix experience\"\n", + "\"user\": \"can you tell me the genre ? do you happen to know if it is a ' 16 song ?\"\n", + "\"system\": \"it ' s a house song released in 2019\"\n", + "\"user\": \"i think i know it , let me listen to it on the kitchen device\"\n", + "\"system\": \"confirm the next action : i ' ll play no sleep in kitchen\"\n", + "\"user\": \"i confirm it\"\n", + "\"system\": \"have fun listening to your favorite tune\"\n", + "\"user\": \"thanks , you ' re nice\"\n", + "\"system\": \"what ' s your next request ?\"\n", + "\"user\": \"i want you to play the movie you told me about , subs are not my concern\"\n", + "\"system\": \"confirm what you asked me to do : i ' ll play hobbs and shaw with english subtitles\"\n", + "\"user\": \"i confirm it . do you know who ' s in the movie ?\"\n", + "\"system\": \"tthe movie has started , you ' ll see helena holmes in it\"\n", + "\"user\": \"cool\"\n", + "\"system\": \"what can i for you now ?\"\n", + "\"user\": \"you could let me enjoy the movie . thank you and bye bye\"\n", + "\"system\": \"sure , enjoy it !\"\n", + "\n", + "terms: ['angel has fallen', 'hobbs and shaw', 'diana the huntress fountain', 'martin garrix', 'kitchen', 'action', 'mission mangal', '5', 'no sleep', 'genre', '2', 'the martin garrix experience', 'english', 'house', '10', 'acuario inbursa', 'album', 'helena holmes']\n", + "relations: [['travel', 'has slot', 'free entry'], ['mission mangal', 'has domain', 'media'], ['hobbs and shaw', 'has domain', 'media'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['attraction name', 'has value', 'diana the huntress fountain'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['media', 'has slot', 'count'], ['mexico city', 'has domain', 'travel'], ['house', 'has domain', 'music'], ['10', 'refers to same concept as', 'ten'], ['2016', 'has domain', 'music'], ['the martin garrix experience', 'has domain', 'music'], ['diana the huntress fountain', 'has domain', 'travel'], ['year', 'has value', '2019'], ['media', 'has slot', 'starring'], ['nature preserve', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'count'], ['track', 'has value', 'no sleep'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['2019', 'has domain', 'music'], ['historical landmark', 'has domain', 'travel'], ['5', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['no sleep', 'has domain', 'music'], ['subtitle language', 'has value', 'english'], ['year', 'has value', '2016'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['category', 'has value', 'nature preserve'], ['dontcare', 'has domain', 'media'], ['acuario inbursa', 'has domain', 'travel'], ['free entry', 'has value', 'false'], ['martin garrix', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'action'], ['music', 'has slot', 'track'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['good for kids', 'has value', 'false'], ['2', 'has domain', 'music'], ['attraction name', 'has value', 'acuario inbursa'], ['artist', 'has value', 'martin garrix'], ['helena holmes', 'has domain', 'media'], ['genre', 'has value', 'house'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['location', 'has value', 'mexico city'], ['album', 'has value', 'the martin garrix experience'], ['false', 'has domain', 'travel'], ['subtitle language', 'has value', 'dontcare'], ['starring', 'has value', 'helena holmes'], ['title', 'has value', 'hobbs and shaw'], ['music', 'has slot', 'lookupmusic'], ['count', 'has value', '5'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2741\n", + "dialogue: \"user\": \"please look for some movies to watch online .\"\n", + "\"system\": \"what genre do you prefer ?\"\n", + "\"user\": \"comic would be great .\"\n", + "\"system\": \"there are 5 movies . chhichhore , good boys , my big fat greek wedding are options .\"\n", + "\"user\": \"good boys sounds good . can you search attractions please ?\"\n", + "\"system\": \"where should i search for attractions ?\"\n", + "\"user\": \"in las vegas please .\"\n", + "\"system\": \"there are 10 . one is the discovery children ' s museum is a museum .\"\n", + "\"user\": \"great , please find songs .\"\n", + "\"system\": \"how about tom ford by teodora from borbena ?\"\n", + "\"user\": \"that is perfect thanks .\"\n", + "\"system\": \"would you like to play it now ?\"\n", + "\"user\": \"yes play it anywhere .\"\n", + "\"system\": \"you want to hear tom ford in the living room , correct ?\"\n", + "\"user\": \"correct , when did it come out ?\"\n", + "\"system\": \"it ' s from 2019 .\"\n", + "\"user\": \"can you play the movie with english subtitles please ?\"\n", + "\"system\": \"you want to watch good boys in english , correct ?\"\n", + "\"user\": \"yes please . who starred in it ?\"\n", + "\"system\": \"the movie started and alexander calvert is the star .\"\n", + "\"user\": \"thanks that is all .\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['greek wedding', 'teodora', \"discovery children ' s museum\", 'borbena', '5', 'genre', 'museum', 'tom ford', 'chhichhore', 'english', 'living room', 'good boys', '10', 'alexander calvert', '2019', 'vegas', 'my big fat greek wedding', 'las vegas']\n", + "relations: [['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['attraction name', 'has value', \"discovery children ' s museum\"], ['las vegas', 'has domain', 'travel'], ['location', 'has value', 'las vegas'], ['year', 'has value', '2019'], ['media', 'has slot', 'starring'], ['good boys', 'has domain', 'media'], ['genre', 'has value', 'comic'], ['travel', 'has slot', 'count'], ['track', 'has value', 'tom ford'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['english', 'has domain', 'media'], ['5', 'has domain', 'media'], ['title', 'has value', 'good boys'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['alexander calvert', 'has domain', 'media'], ['media', 'has slot', 'title'], ['teodora', 'has domain', 'music'], ['album', 'has value', 'borbena'], ['starring', 'has value', 'alexander calvert'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], [\"discovery children ' s museum\", 'has domain', 'travel'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['tom ford', 'has domain', 'music'], ['borbena', 'has domain', 'music'], ['my big fat greek wedding', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['museum', 'has domain', 'travel'], ['music', 'has slot', 'lookupmusic'], ['las vegas', 'refers to same concept as', 'vegas'], ['count', 'has value', '5'], ['artist', 'has value', 'teodora'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['device', 'has value', 'dontcare'], ['comic', 'has domain', 'media'], ['count', 'has value', '10'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-2742\n", + "dialogue: \"user\": \"i ' m looking for some movies online . i want to find movies starring samuel s . hinds .\"\n", + "\"system\": \"what kind of movies are you looking for ?\"\n", + "\"user\": \"i want to find drama movies .\"\n", + "\"system\": \"i found 1 movie . stage door is a drama film .\"\n", + "\"user\": \"stage door is a good film . i want to find some attractions in rio .\"\n", + "\"system\": \"the air and space museum is a popular museum there .\"\n", + "\"user\": \"great . can you find me some songs ?\"\n", + "\"system\": \"i found 10 songs . what about the way i talk by morgan wallen from the album if i know me .\"\n", + "\"user\": \"what other songs are there ? i like cairo knife fight .\"\n", + "\"system\": \"what about rezlord by cairo knife fight form the album the colossus ?\"\n", + "\"user\": \"did that come out in 2014 ? what is the genre ?\"\n", + "\"system\": \"the song was released in 2014 . the genre is rock music .\"\n", + "\"user\": \"yes , sounds great . i want to play it on the kitchen device .\"\n", + "\"system\": \"please confirm : playing rezlord by cairo knife fight in the kitchen .\"\n", + "\"user\": \"yes , thank you .\"\n", + "\"system\": \"your music has started .\"\n", + "\"user\": \"i want to watch the movie you found earlier .\"\n", + "\"system\": \"please confirm : playing the film stage door with english subtitles .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"your movie has started .\"\n", + "\"user\": \"thank you . that ' s all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['the colossus', 'samuel s . hinds', 'museum', '2014', 'cairo knife fight', 'starring', 'genre', 'rezlord', 'music', 'if i know me', 'drama', 'english', 'device', 'album', 'rio', 'play', 'stage door', 'air and space museum', 'kitchen', 'rock', '10', '1', 'the way i talk', 'morgan wallen']\n", + "relations: [['10', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['the way i talk', 'has domain', 'music'], ['artist', 'has value', 'cairo knife fight'], ['2014', 'has domain', 'music'], ['rock', 'has domain', 'music'], ['location', 'has value', 'rio'], ['media', 'has slot', 'count'], ['rezlord', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'starring'], ['track', 'has value', 'the way i talk'], ['title', 'has value', 'stage door'], ['air and space museum', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['cairo knife fight', 'has domain', 'music'], ['drama', 'refers to same concept as', 'play'], ['year', 'has value', '2014'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['album', 'has value', 'the colossus'], ['subtitle language', 'has value', 'english'], ['rio', 'has domain', 'travel'], ['samuel s . hinds', 'has domain', 'media'], ['drama', 'has domain', 'media'], ['attraction name', 'has value', 'air and space museum'], ['music', 'has slot', 'playmedia'], ['if i know me', 'has domain', 'music'], ['music', 'has slot', 'year'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['genre', 'has value', 'rock'], ['album', 'has value', 'if i know me'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['artist', 'has value', 'morgan wallen'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['starring', 'has value', 'samuel s . hinds'], ['museum', 'has domain', 'travel'], ['the colossus', 'has domain', 'music'], ['track', 'has value', 'rezlord'], ['morgan wallen', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['count', 'has value', '10'], ['stage door', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2743\n", + "dialogue: \"user\": \"i would like to find some movies online .\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"i like crime story movies that would be great .\"\n", + "\"system\": \"there is 1 movie you might like . what do you think about pulp fiction ?\"\n", + "\"user\": \"pulp fiction is good .\"\n", + "\"system\": \"would you like to play the movie ?\"\n", + "\"user\": \"maybe at a later time . will you show me some attractions there ?\"\n", + "\"system\": \"where should i look for attractions in ?\"\n", + "\"user\": \"find some attractions in washington d . c .\"\n", + "\"system\": \"check out 56 signers of the declaration of independence memorial a nature preserve .\"\n", + "\"user\": \"okay good . what about searching for some songs for me now . i hear love town album is good . i like the songs by kolohe kai and love reggaeton songs .\"\n", + "\"system\": \"i have 1 song for you . what do you think about first true love by kolohe kai from the album love town .\"\n", + "\"user\": \"yes , that will be the one .\"\n", + "\"system\": \"do you wish to play this song .\"\n", + "\"user\": \"sure i will .\"\n", + "\"system\": \"please confirm details to play the song first true love in the living room .\"\n", + "\"user\": \"yes , that is is . did it come out three years back ?\"\n", + "\"system\": \"enjoy the music from the year 2011 .\"\n", + "\"user\": \"thanks to you . will you play the movie you found ?\"\n", + "\"system\": \"please confirm details to play pulp fiction with subtitles in english .\"\n", + "\"user\": \"no , i ' d like to watch it with french subtitles .\"\n", + "\"system\": \"please confirm details to play pulp fiction with subtitles in french .\"\n", + "\"user\": \"yes , please who are the actors in it ?\"\n", + "\"system\": \"bruce willis acted in the movie and i started it .\"\n", + "\"user\": \"thanks so much .\"\n", + "\"system\": \"what else can i assist you with .\"\n", + "\"user\": \"no thank you .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['year', 'first true love', 'music', 'french', '2011', 'album', '56 signers of the declaration of independence memorial', 'nature preserve', 'one', 'washington', 'love town', 'kolohe kai', 'crime story', 'english', 'living room', '1', 'reggaeton', 'pulp fiction']\n", + "relations: [['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['love town', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['56 signers of the declaration of independence memorial', 'has domain', 'travel'], ['media', 'has slot', 'count'], ['washington d . c .', 'refers to same concept as', 'washington'], ['bruce willis', 'has domain', 'media'], ['2016', 'has domain', 'music'], ['washington d . c .', 'has domain', 'travel'], ['media', 'has slot', 'starring'], ['location', 'has value', 'washington d . c .'], ['nature preserve', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['2011', 'has domain', 'music'], ['crime story', 'has domain', 'media'], ['french', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['pulp fiction', 'has domain', 'media'], ['artist', 'has value', 'kolohe kai'], ['1', 'has domain', 'music'], ['reggaeton', 'has domain', 'music'], ['year', 'has value', '2016'], ['subtitle language', 'has value', 'english'], ['music', 'has slot', 'playmedia'], ['subtitle language', 'has value', 'french'], ['first true love', 'has domain', 'music'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['category', 'has value', 'nature preserve'], ['year', 'has value', '2011'], ['starring', 'has value', 'bruce willis'], ['attraction name', 'has value', '56 signers of the declaration of independence memorial'], ['media', 'has slot', 'genre'], ['album', 'has value', 'love town'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['kolohe kai', 'has domain', 'music'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['track', 'has value', 'first true love'], ['title', 'has value', 'pulp fiction'], ['1', 'refers to same concept as', 'one'], ['device', 'has value', 'living room'], ['genre', 'has value', 'crime story'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['genre', 'has value', 'reggaeton']]\n", + "\n", + "dialogue id: sgd-test-2744\n", + "dialogue: \"user\": \"could you help me find an online movie , like a song movie ?\"\n", + "\"system\": \"how about the film echo in the canyon ?\"\n", + "\"user\": \"yes , echo in the canyon is perfect . i also want to find attractions to visit please in the cdmx area .\"\n", + "\"system\": \"there are 10 suggestions we can talk about . one of the recommendations to consider is acuario inbursa , which is a nature preserve .\"\n", + "\"user\": \"terrific , thanks . would you mind searching for some reggae music for me now ? i ' m thinking tunes from , say , five years ago , maybe something by protoje .\"\n", + "\"system\": \"how about the song who knows , which is by protoje from the ancient future album ?\"\n", + "\"user\": \"perfect , thanks ! could you play that for me now . any device is fine .\"\n", + "\"system\": \"confirming playback of who knows on the living room speaker .\"\n", + "\"user\": \"no , use the kitchen speaker instead , if you would .\"\n", + "\"system\": \"confirming playback of who knows on the kitchen speaker .\"\n", + "\"user\": \"you got it .\"\n", + "\"system\": \"enjoy the song .\"\n", + "\"user\": \"thanks ! would you start up the movie now and please turn on the spanish subtitles ?\"\n", + "\"system\": \"certainly . starting playback of echo in the canyon with spanish subtitles enabled .\"\n", + "\"user\": \"yes , thank you for that .\"\n", + "\"system\": \"the movie playback has started .\"\n", + "\"user\": \"i appreciate all your help .\"\n", + "\"system\": \"may i help you with anything else today ?\"\n", + "\"user\": \"you ' ve done it all , so i ' m good .\"\n", + "\"system\": \"you are very welcome .\"\n", + "\n", + "terms: ['song', 'music', 'protoje', 'echo in the canyon', 'album', 'kitchen', 'nature preserve', 'echo', 'spanish', 'living room', 'who knows', '10', 'device', 'acuario inbursa', 'reggae', 'ancient future', 'cdmx']\n", + "relations: [['cdmx', 'has domain', 'travel'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['album', 'has value', 'ancient future'], ['2014', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['artist', 'has value', 'protoje'], ['echo in the canyon', 'refers to same concept as', 'echo'], ['nature preserve', 'has domain', 'travel'], ['genre', 'has value', 'reggae'], ['travel', 'has slot', 'count'], ['year', 'has value', '2014'], ['track', 'has value', 'who knows'], ['title', 'has value', 'echo in the canyon'], ['travel', 'has slot', 'location'], ['device', 'has value', 'kitchen'], ['kitchen', 'has domain', 'music'], ['genre', 'has value', 'song'], ['location', 'has value', 'cdmx'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['spanish', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['category', 'has value', 'nature preserve'], ['echo in the canyon', 'has domain', 'media'], ['song', 'has domain', 'media'], ['who knows', 'has domain', 'music'], ['acuario inbursa', 'has domain', 'travel'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['protoje', 'has domain', 'music'], ['attraction name', 'has value', 'acuario inbursa'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['device', 'has value', 'dontcare'], ['reggae', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['ancient future', 'has domain', 'music'], ['count', 'has value', '10'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-2745\n", + "dialogue: \"user\": \"i love mystery movies : can you find a movie with monica dolan ?\"\n", + "\"system\": \"there ' s 1 movie for you : official secrets\"\n", + "\"user\": \"i like official secrets ! i ' m looking for an attraction in toronto , a religious spot .\"\n", + "\"system\": \"i found 3 attractions for you : what about baps shri swaminarayan mandir , a place of worship ?\"\n", + "\"user\": \"yes , i like this one ! now i want to listen to a song\"\n", + "\"system\": \"i suggest you beautiful now by zedd , from the album true colors\"\n", + "\"user\": \"yes , it ' s fine ! cast it on patio , please .\"\n", + "\"system\": \"playing beautiful now in patio : is it correct ?\"\n", + "\"user\": \"yes , i confirm ! is it a song from three years ago ?\"\n", + "\"system\": \"the song was released in 2015 . good listening !\"\n", + "\"user\": \"thanks ! i ' d like to watch the movie you ' ve found\"\n", + "\"system\": \"playing official secrets with subtitles in english : do you confirm ?\"\n", + "\"user\": \"yes , i confirm ! thanks .\"\n", + "\"system\": \"the movie starts !\"\n", + "\"user\": \"thank you , it ' s all for now !\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['toronto', 'beautiful now', 'mystery', 'three', 'album', '3', 'one', 'monica dolan', 'zedd', 'place of worship', 'patio', 'english', '2015', 'official secrets', '1', 'baps shri swaminarayan mandir']\n", + "relations: [['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['category', 'has value', 'place of worship'], ['track', 'has value', 'beautiful now'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['genre', 'has value', 'mystery'], ['2016', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['toronto', 'has domain', 'travel'], ['zedd', 'has domain', 'music'], ['true colors', 'has domain', 'music'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['year', 'has value', '2016'], ['patio', 'has domain', 'music'], ['official secrets', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['title', 'has value', 'official secrets'], ['media', 'has slot', 'title'], ['album', 'has value', 'true colors'], ['year', 'has value', '2015'], ['media', 'has slot', 'genre'], ['2015', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['3', 'has domain', 'travel'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['place of worship', 'has domain', 'travel'], ['artist', 'has value', 'zedd'], ['1', 'refers to same concept as', 'one'], ['starring', 'has value', 'monica dolan'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['baps shri swaminarayan mandir', 'has domain', 'travel'], ['count', 'has value', '3'], ['mystery', 'has domain', 'media'], ['monica dolan', 'has domain', 'media'], ['attraction name', 'has value', 'baps shri swaminarayan mandir'], ['music', 'has slot', 'lookupmusic'], ['3', 'refers to same concept as', 'three'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['location', 'has value', 'toronto'], ['beautiful now', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-2746\n", + "dialogue: \"user\": \"i want to look for movies that are online .\"\n", + "\"system\": \"is there a type of movie you prefer ?\"\n", + "\"user\": \"i ' m looking for ghost movies .\"\n", + "\"system\": \"there are 6 movies you might enjoy . how about 47 meters down : uncaged , in fabric , or midsommar ?\"\n", + "\"user\": \"let ' s keep looking .\"\n", + "\"system\": \"how about one cut of the dead , scary stories to tell in the dark , or theatre of blood ?\"\n", + "\"user\": \"i like theatre of blood . i also want to look for attractions .\"\n", + "\"system\": \"where would you like to look ?\"\n", + "\"user\": \"i want to look in atlanta , ga .\"\n", + "\"system\": \"there are 10 attractions there you might enjoy . al - farooq masjid is an interesting place of worship .\"\n", + "\"user\": \"alright , what else do you recommend ? i don ' t have any preferences .\"\n", + "\"system\": \"atlanta botanical garden is a nice park .\"\n", + "\"user\": \"sounds nice . now let ' s look for some songs .\"\n", + "\"system\": \"how about so long by nadia batson from the album the purple heart riddim ?\"\n", + "\"user\": \"good suggestion , i like it .\"\n", + "\"system\": \"do you want to listen to the song .\"\n", + "\"user\": \"yeah , put it on .\"\n", + "\"system\": \"i ' ll put on so long in the living room , is that good ?\"\n", + "\"user\": \"yes , that ' s good . when was it released ?\"\n", + "\"system\": \"it was released in 2018 . enjoy the song .\"\n", + "\"user\": \"and can you play the movie we found earlier ?\"\n", + "\"system\": \"i ' ll play theatre of blood with english captions , is that okay ?\"\n", + "\"user\": \"yes , that ' s okay . who ' s in the movie ?\"\n", + "\"system\": \"michael hordern is in the movie .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"do you need any further help ?\"\n", + "\"user\": \"no , i ' m good , thank you .\"\n", + "\"system\": \"enjoy the movie and have a fun day .\"\n", + "\n", + "terms: ['so long', 'park', 'scary stories', 'the purple heart riddim', 'scary stories to tell in the dark', '6', 'nadia batson', 'uncaged', 'one cut of the dead', 'place of worship', 'ghost', 'atlanta , ga', 'theatre of blood', 'in fabric', 'fabric', 'english', 'living room', 'midsommar', 'album', '2018', 'al - farooq masjid', '47 meters down : uncaged', '10']\n", + "relations: [['media', 'has slot', 'playmovie'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['music', 'has slot', 'album'], ['category', 'has value', 'place of worship'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['atlanta botanical garden', 'has domain', 'travel'], ['scary stories to tell in the dark', 'has domain', 'media'], ['10', 'refers to same concept as', 'ten'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['media', 'has slot', 'starring'], ['so long', 'has domain', 'music'], ['artist', 'has value', 'nadia batson'], ['travel', 'has slot', 'count'], ['title', 'has value', 'theatre of blood'], ['category', 'has value', 'park'], ['2018', 'has domain', 'music'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['6', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'michael hordern'], ['dontcare', 'has domain', 'travel'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['park', 'has domain', 'travel'], ['midsommar', 'has domain', 'media'], ['atlanta , ga', 'has domain', 'travel'], ['location', 'has value', 'atlanta , ga'], ['media', 'has slot', 'genre'], ['title', 'has value', 'one cut of the dead'], ['title', 'has value', 'midsommar'], ['in fabric', 'has domain', 'media'], ['music', 'has slot', 'artist'], ['nadia batson', 'has domain', 'music'], ['music', 'has slot', 'track'], ['album', 'has value', 'the purple heart riddim'], ['year', 'has value', '2018'], ['travel', 'has slot', 'category'], ['title', 'has value', 'scary stories to tell in the dark'], ['one cut of the dead', 'has domain', 'media'], ['count', 'has value', '6'], ['place of worship', 'has domain', 'travel'], ['travel', 'has slot', 'attraction name'], ['attraction name', 'has value', 'al - farooq masjid'], ['al - farooq masjid', 'has domain', 'travel'], ['attraction name', 'has value', 'atlanta botanical garden'], ['device', 'has value', 'living room'], ['genre', 'has value', 'ghost'], ['music', 'has slot', 'device'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['title', 'has value', 'in fabric'], ['category', 'has value', 'dontcare'], ['music', 'has slot', 'lookupmusic'], ['michael hordern', 'has domain', 'media'], ['the purple heart riddim', 'has domain', 'music'], ['track', 'has value', 'so long'], ['theatre of blood', 'has domain', 'media'], ['count', 'has value', '10'], ['scary stories to tell in the dark', 'refers to same concept as', 'scary stories']]\n", + "\n", + "dialogue id: sgd-test-2747\n", + "dialogue: \"user\": \"hi , could you search for some online movies for me please ?\"\n", + "\"system\": \"any preferred movie genre ?\"\n", + "\"user\": \"some cartoon will be great .\"\n", + "\"system\": \"would you like to watch the angry birds movie 2 or toy story 4 ?\"\n", + "\"user\": \"toy story four is great .\"\n", + "\"system\": \"would you like me to play the movie now ?\"\n", + "\"user\": \"perhaps later , could you get me some nice attractions please ?\"\n", + "\"system\": \"any preferred location ?\"\n", + "\"user\": \"something in delhi is fine .\"\n", + "\"system\": \"how about a theme park called adventure island ?\"\n", + "\"user\": \"may i have their contact number , and is this a free attraction ?\"\n", + "\"system\": \"yes , entry is free and you can call them at 83770 02902 .\"\n", + "\"user\": \"i see , could you find me some songs to listen to ?\"\n", + "\"system\": \"there are 10 songs you might like , how about faster by within temptation from the album the unforgiving ?\"\n", + "\"user\": \"yep , that was what i was looking for , could you play it please ?\"\n", + "\"system\": \"please confirm your request to play faster in the living room .\"\n", + "\"user\": \"yes please , what is the music genre ?\"\n", + "\"system\": \"this is a metal song . your music has been played .\"\n", + "\"user\": \"was this released in 2018 ?\"\n", + "\"system\": \"no , it was released in 2010 .\"\n", + "\"user\": \"i see , could you play the movie you found just now ?\"\n", + "\"system\": \"please confirm your request to play toy story 4 with english subtitles .\"\n", + "\"user\": \"sorry , could you play it with hindi subtitles instead ?\"\n", + "\"system\": \"please confirm your request to play toy story 4 with hindi subtitles .\"\n", + "\"user\": \"yes please . who acted in this movie ?\"\n", + "\"system\": \"your movie has been played , and this movie features blake clark .\"\n", + "\"user\": \"i see , that is all i need .\"\n", + "\"system\": \"have a great day ahead !\"\n", + "\n", + "terms: ['toy story 4', 'location', 'delhi', 'genre', 'adventure island', '83770 02902', 'theme park', 'within temptation', 'metal', 'the angry birds movie 2', 'music', 'cartoon', '2010', 'faster', 'the unforgiving', 'hindi', 'english', 'living room', 'album', '2018', 'angry birds', '10', 'blake clark']\n", + "relations: [['travel', 'has slot', 'free entry'], ['10', 'has domain', 'music'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['10', 'refers to same concept as', 'ten'], ['the angry birds movie 2', 'has domain', 'media'], ['genre', 'has value', 'cartoon'], ['metal', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['blake clark', 'has domain', 'media'], ['true', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['adventure island', 'has domain', 'travel'], ['83770 02902', 'has domain', 'travel'], ['the unforgiving', 'has domain', 'music'], ['travel', 'has slot', 'phone number'], ['title', 'has value', 'toy story 4'], ['year', 'has value', '2010'], ['2018', 'has domain', 'music'], ['category', 'has value', 'theme park'], ['travel', 'has slot', 'location'], ['title', 'has value', 'toy story four'], ['artist', 'has value', 'within temptation'], ['living room', 'has domain', 'music'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'blake clark'], ['phone number', 'has value', '83770 02902'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['theme park', 'has domain', 'travel'], ['delhi', 'has domain', 'travel'], ['toy story 4', 'refers to same concept as', 'toy story four'], ['album', 'has value', 'the unforgiving'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'metal'], ['music', 'has slot', 'track'], ['year', 'has value', '2018'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['subtitle language', 'has value', 'hindi'], ['toy story four', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['faster', 'has domain', 'music'], ['music', 'has slot', 'device'], ['location', 'has value', 'delhi'], ['attraction name', 'has value', 'adventure island'], ['music', 'has slot', 'lookupmusic'], ['2010', 'has domain', 'music'], ['toy story 4', 'has domain', 'media'], ['track', 'has value', 'faster'], ['within temptation', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['count', 'has value', '10'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2748\n", + "dialogue: \"user\": \"i want to find movies .\"\n", + "\"system\": \"what kind of movies do you like ?\"\n", + "\"user\": \"comic movies are my favorite .\"\n", + "\"system\": \"what about chhichhore , good boys , or my big fat greek wedding .\"\n", + "\"user\": \"what about a movie featuring camilla rutherford ?\"\n", + "\"system\": \"how about the movie , yesterday ?\"\n", + "\"user\": \"yesterday sounds great .\"\n", + "\"system\": \"do you want to play it .\"\n", + "\"user\": \"not right now .\"\n", + "\"system\": \"anything else i can do ?\"\n", + "\"user\": \"i want to find attractions in warsaw .\"\n", + "\"system\": \"how about bazylika archikatedralna w warszawie p . w . meczenstwa sw . jana chrzciciela ? it is a place of worship .\"\n", + "\"user\": \"is it child - friendly ? what ' s the phone number ?\"\n", + "\"system\": \"it is kid - friendly . the phone number is 22 831 02 89 .\"\n", + "\"user\": \"great . i want to find some popular songs . something from the album tell me you love me .\"\n", + "\"system\": \"i found 2 songs . what about no promises by cheat codes from the album tell me you love me ?\"\n", + "\"user\": \"yes , i want to play that song .\"\n", + "\"system\": \"please confirm : playing no promises in the living room .\"\n", + "\"user\": \"yes , that ' s correct . what year was it released ?' 14\"\n", + "\"system\": \"it came out in the year 2017 .\"\n", + "\"user\": \"thanks so much .\"\n", + "\"system\": \"anything else i can do for you ?\"\n", + "\"user\": \"i want to play the movie now .\"\n", + "\"system\": \"please confirm : playing yesterday with english subtitles .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"your movie is playing . enjoy .\"\n", + "\"user\": \"thanks so much .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['year', 'camilla rutherford', 'cheat codes', '22 831 02 89', '2', 'no promises', 'popular', 'place of worship', 'good boys', 'tell me you love me', 'yesterday', 'warsaw', '2017', 'chhichhore', 'english', 'living room', 'phone number', 'album', 'greek wedding', 'bazylika archikatedralna w warszawie p . w . meczenstwa sw . jana chrzciciela', 'my big fat greek wedding']\n", + "relations: [['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['category', 'has value', 'place of worship'], ['bazylika archikatedralna w warszawie p . w . meczenstwa sw . jana chrzciciela', 'has domain', 'travel'], ['2014', 'has domain', 'music'], ['genre', 'has value', 'popular'], ['title', 'has value', 'yesterday'], ['media', 'has slot', 'subtitle language'], ['good for kids', 'has value', 'true'], ['22 831 02 89', 'has domain', 'travel'], ['track', 'has value', 'no promises'], ['camilla rutherford', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['tell me you love me', 'has domain', 'music'], ['no promises', 'has domain', 'music'], ['good boys', 'has domain', 'media'], ['genre', 'has value', 'comic'], ['true', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['year', 'has value', '2014'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['title', 'has value', 'good boys'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['warsaw', 'has domain', 'travel'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['attraction name', 'has value', 'bazylika archikatedralna w warszawie p . w . meczenstwa sw . jana chrzciciela'], ['media', 'has slot', 'title'], ['album', 'has value', 'tell me you love me'], ['artist', 'has value', 'cheat codes'], ['media', 'has slot', 'genre'], ['popular', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['place of worship', 'has domain', 'travel'], ['cheat codes', 'has domain', 'music'], ['2', 'has domain', 'music'], ['2017', 'has domain', 'music'], ['starring', 'has value', 'camilla rutherford'], ['my big fat greek wedding', 'has domain', 'media'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['yesterday', 'has domain', 'media'], ['location', 'has value', 'warsaw'], ['music', 'has slot', 'lookupmusic'], ['phone number', 'has value', '22 831 02 89'], ['media', 'has slot', 'playmovie'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['comic', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2749\n", + "dialogue: \"user\": \"can you find me some movies online ?\"\n", + "\"system\": \"sure . what genre would you like to search for ?\"\n", + "\"user\": \"try finding some horror movies .\"\n", + "\"system\": \"i found 6 movies that you might like . how about 47 meters down : uncaged , in fabric or midsommar ?\"\n", + "\"user\": \"midsommar sounds great . can you find me some attractions ?\"\n", + "\"system\": \"what location should i search for attractions in ?\"\n", + "\"user\": \"find me something in paris , france .\"\n", + "\"system\": \"i found 10 attractions that might interest you . you might want to check out american church in paris . it is a place of worship .\"\n", + "\"user\": \"cool . did you find anything else ? how about a garden with free admission ?\"\n", + "\"system\": \"i found 4 attractions that you might like . how about bagatelle park ? it is a park .\"\n", + "\"user\": \"great . can you find me some songs now ?\"\n", + "\"system\": \"sure . i found 10 songs . how about pond creek road by upchurch ? it is from the album creeker .\"\n", + "\"user\": \"what genre is that ? did the song come out six years ago ?\"\n", + "\"system\": \"the song is a rock song from the year 2018 .\"\n", + "\"user\": \"that ' s the song that i want to play .\"\n", + "\"system\": \"confirming that you want to play pond creek road in the living room ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"enjoy your music .\"\n", + "\"user\": \"thanks !\"\n", + "\"system\": \"do you need help with anything else ?\"\n", + "\"user\": \"can you play that movie with french subtitles ?\"\n", + "\"system\": \"confirming that you want to watch midsommar with french subtitles ?\"\n", + "\"user\": \"yes . who starred in this movie ?\"\n", + "\"system\": \"bjorn andresen is one of the stars . i have started playing your movie .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no , thanks .\"\n", + "\"system\": \"you ' re welcome . have a good day .\"\n", + "\n", + "terms: ['year', 'american church in paris', 'pond creek road', 'park', 'location', '6', 'uncaged', 'genre', 'place of worship', 'creeker', 'upchurch', 'horror', 'music', 'french', 'in fabric', 'fabric', 'paris , france', 'living room', 'midsommar', 'album', 'six', '2018', '47 meters down : uncaged', '4', 'bagatelle park', 'rock', '10']\n", + "relations: [['travel', 'has slot', 'free entry'], ['10', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['rock', 'has domain', 'music'], ['starring', 'has value', 'bjorn andresen'], ['category', 'has value', 'place of worship'], ['genre', 'has value', 'horror'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['attraction name', 'has value', 'bagatelle park'], ['media', 'has slot', 'subtitle language'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['media', 'has slot', 'starring'], ['pond creek road', 'has domain', 'music'], ['true', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['bjorn andresen', 'has domain', 'media'], ['travel', 'has slot', 'count'], ['category', 'has value', 'park'], ['count', 'has value', '4'], ['2018', 'has domain', 'music'], ['2013', 'has domain', 'music'], ['travel', 'has slot', 'location'], ['french', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['6', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'french'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['4', 'has domain', 'travel'], ['media', 'has slot', 'title'], ['attraction name', 'has value', 'american church in paris'], ['park', 'has domain', 'travel'], ['artist', 'has value', 'upchurch'], ['genre', 'has value', 'rock'], ['location', 'has value', 'paris , france'], ['midsommar', 'has domain', 'media'], ['6', 'refers to same concept as', 'six'], ['bagatelle park', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['title', 'has value', 'midsommar'], ['in fabric', 'has domain', 'media'], ['american church in paris', 'has domain', 'travel'], ['track', 'has value', 'pond creek road'], ['music', 'has slot', 'track'], ['music', 'has slot', 'artist'], ['year', 'has value', '2018'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['place of worship', 'has domain', 'travel'], ['count', 'has value', '6'], ['upchurch', 'has domain', 'music'], ['paris , france', 'has domain', 'travel'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['year', 'has value', '2013'], ['music', 'has slot', 'device'], ['creeker', 'has domain', 'music'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['title', 'has value', 'in fabric'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie'], ['album', 'has value', 'creeker'], ['count', 'has value', '10'], ['horror', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2750\n", + "dialogue: \"user\": \"i ' d like a play movie online .\"\n", + "\"system\": \"how about a faithful man , after the wedding , or blinded by the light ?\"\n", + "\"user\": \"after the wedding will work . are there any attractions there ?\"\n", + "\"system\": \"where would you like to search ?\"\n", + "\"user\": \"london , uk please .\"\n", + "\"system\": \"there are 10 attractions that you might like , how about the historical landmark 30 st mary axe ( the gherkin )?\"\n", + "\"user\": \"sure , that works . i ' d also like some songs . i ' m looking for a song from protoje from ' 14 .\"\n", + "\"system\": \"how about who knows by protoje from the album ancient future ?\"\n", + "\"user\": \"yep , that ' s perfect .\"\n", + "\"system\": \"would you like to play this song ?\"\n", + "\"user\": \"yes , i would .\"\n", + "\"system\": \"alright , just to confirm , you are playing who knows in the living room , is that correct ?\"\n", + "\"user\": \"yes , that is correct . what ' s the genre ?\"\n", + "\"system\": \"it is a reggae song .\"\n", + "\"user\": \"will you play the movie you found ?\"\n", + "\"system\": \"sure , just to confirm , you ' d like to play the movie after the wedding with english subtitles , is that correct ?\"\n", + "\"user\": \"yes , thank you . who acted in this movie ?\"\n", + "\"system\": \"alright , your movie is playing . will chase was a starring actor .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"is there anything else i can assist you with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['play', 'after the wedding', 'starring', 'protoje', 'will chase', 'genre', 'historical landmark', 'english', 'living room', 'who knows', '10', 'reggae', 'a faithful man', 'album', 'ancient future', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'play'], ['30 st mary axe ( the gherkin )', 'has domain', 'travel'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['album', 'has value', 'ancient future'], ['2014', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['artist', 'has value', 'protoje'], ['play', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['genre', 'has value', 'reggae'], ['travel', 'has slot', 'count'], ['year', 'has value', '2014'], ['track', 'has value', 'who knows'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['attraction name', 'has value', '30 st mary axe ( the gherkin )'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['london , uk', 'has domain', 'travel'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['who knows', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['title', 'has value', 'a faithful man'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['protoje', 'has domain', 'music'], ['starring', 'has value', 'will chase'], ['title', 'has value', 'after the wedding'], ['location', 'has value', 'london , uk'], ['blinded by the light', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['will chase', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'blinded by the light'], ['reggae', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['ancient future', 'has domain', 'music'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2751\n", + "dialogue: \"user\": \"i have the whole day to myself and plan to enjoy every second of it . first , please help me find movies online .\"\n", + "\"system\": \"i can help you with that . please tell me the type of movies you prefer .\"\n", + "\"user\": \"i really like animation type movies .\"\n", + "\"system\": \"i found 1 movie that might interest you . it ' s called paprika .\"\n", + "\"user\": \"paprika sounds cool . now , can you also find me places to visit later on ? the type of attraction doesn ' t matter , really .\"\n", + "\"system\": \"what location should i search for the places to visit ?\"\n", + "\"user\": \"please search for atlanta attractions .\"\n", + "\"system\": \"may i suggest al - farooq masjid , a place of worship ?\"\n", + "\"user\": \"all right . cool . now , please find me songs by kolohe kai from ' 11 . use my playlist to find the song that i listen to most .\"\n", + "\"system\": \"sure , no problem . your search yielded 1 song by kolohe kai that might interest you . it ' s called first true love , from the album love town .\"\n", + "\"user\": \"whoa ! you are right . that ' s the song i want to listen to , over the living room device .\"\n", + "\"system\": \"sure , no problem . please confirm that you ' d like to listen to the song first true love in the living room .\"\n", + "\"user\": \"no . actually it ' s a nice day to sit outside . please play it over the patio device .\"\n", + "\"system\": \"sure , no problem . please confirm that you ' d like to listen to the song first true love on the patio .\"\n", + "\"user\": \"you got that right .\"\n", + "\"system\": \"do enjoy listening to your music .\"\n", + "\"user\": \"what ' s the song ' s genre ?\"\n", + "\"system\": \"the song ' s genre is reggae .\"\n", + "\"user\": \"thanks ! now please play the movie that you found .\"\n", + "\"system\": \"sure , no problem . please confirm that you ' d like to play paprika with english subtitles .\"\n", + "\"user\": \"that is correct . do you know the actor ?\"\n", + "\"system\": \"movie now playing . koichi yamadera is the actor .\"\n", + "\"user\": \"thank you very much . you ' ve been very helpful . that will be all for now .\"\n", + "\"system\": \"thank you , and have a wonderful day !\"\n", + "\n", + "terms: ['location', 'koichi yamadera', 'first true love', 'genre', 'animation', 'place of worship', 'atlanta', 'music', 'love town', 'patio', 'living room', 'english', 'device', 'album', 'reggae', 'al - farooq masjid', 'paprika', 'kolohe kai', '1']\n", + "relations: [['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['love town', 'has domain', 'music'], ['category', 'has value', 'place of worship'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['animation', 'has domain', 'media'], ['atlanta', 'refers to same concept as', 'atl'], ['media', 'has slot', 'starring'], ['genre', 'has value', 'reggae'], ['music', 'has slot', 'count'], ['2011', 'has domain', 'music'], ['paprika', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['koichi yamadera', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['starring', 'has value', 'koichi yamadera'], ['travel', 'has slot', 'findattractions'], ['atlanta', 'has domain', 'travel'], ['artist', 'has value', 'kolohe kai'], ['1', 'has domain', 'music'], ['subtitle language', 'has value', 'english'], ['dontcare', 'has domain', 'travel'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['first true love', 'has domain', 'music'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['genre', 'has value', 'animation'], ['year', 'has value', '2011'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['album', 'has value', 'love town'], ['title', 'has value', 'paprika'], ['music', 'has slot', 'track'], ['location', 'has value', 'atlanta'], ['kolohe kai', 'has domain', 'music'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['place of worship', 'has domain', 'travel'], ['al - farooq masjid', 'has domain', 'travel'], ['attraction name', 'has value', 'al - farooq masjid'], ['track', 'has value', 'first true love'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['category', 'has value', 'dontcare'], ['music', 'has slot', 'lookupmusic'], ['reggae', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-2752\n", + "dialogue: \"user\": \"i ' d like to look for some films online . i enjoy films showcasing peter jackson .\"\n", + "\"system\": \"what sort of films do you enjoy ?\"\n", + "\"user\": \"i ' d love some fantasy films .\"\n", + "\"system\": \"what do you think of the lord of the rings : the return of the king ?\"\n", + "\"user\": \"lord of the rings is lovely . could you tell me about several attractions there ?\"\n", + "\"system\": \"what place ought i look for attractions in ?\"\n", + "\"user\": \"look for attractions inside toronto , canada ?\"\n", + "\"system\": \"you ought to look for 3d toronto sign , which is a tourist attraction .\"\n", + "\"user\": \"alright , fine . what about looking for several music for me right now ? get me something from three years ago by i prevail .\"\n", + "\"system\": \"what is your opinion about scars by i prevail from the album lifelines ?\"\n", + "\"user\": \"yeah , that ' s right .\"\n", + "\"system\": \"do you wish for me to cast the music ?\"\n", + "\"user\": \"alright . play it in the living room speaker .\"\n", + "\"system\": \"please verify the following information : cast the music scars in living room .\"\n", + "\"user\": \"yeah , that ' s right . what sort of song is it ?\"\n", + "\"system\": \"have fun with your song , which is a metalcore music .\"\n", + "\"user\": \"could you cast the film you discovered ? i ' d like to view it with subtitles in hindi .\"\n", + "\"system\": \"please verify the following information : casting the lord of the rings : the return of the king , with hindi subtitles .\"\n", + "\"user\": \"alright , please do so .\"\n", + "\"system\": \"the film began casting .\"\n", + "\"user\": \"thank you ; that ' s all for now .\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['the lord of the rings', 'lord of the rings', 'music', 'toronto , canada', 'tourist attraction', 'lifelines', 'peter jackson', 'i prevail', '3d toronto sign', 'hindi', 'scars', 'fantasy', 'living room', 'metalcore', 'album', 'the lord of the rings : the return of the king']\n", + "relations: [['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['music', 'has slot', 'album'], ['metalcore', 'has domain', 'music'], ['tourist attraction', 'has domain', 'travel'], ['media', 'has slot', 'subtitle language'], ['lifelines', 'has domain', 'music'], ['2016', 'has domain', 'music'], ['i prevail', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['genre', 'has value', 'metalcore'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['peter jackson', 'has domain', 'media'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['travel', 'has slot', 'location'], ['scars', 'has domain', 'music'], ['fantasy', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['year', 'has value', '2016'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['hindi', 'has domain', 'media'], ['starring', 'has value', 'peter jackson'], ['album', 'has value', 'lifelines'], ['media', 'has slot', 'title'], ['location', 'has value', 'toronto , canada'], ['category', 'has value', 'tourist attraction'], ['artist', 'has value', 'i prevail'], ['title', 'has value', 'lord of the rings'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['music', 'has slot', 'artist'], ['toronto , canada', 'has domain', 'travel'], ['lord of the rings', 'has domain', 'media'], ['music', 'has slot', 'track'], ['3d toronto sign', 'has domain', 'travel'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['subtitle language', 'has value', 'hindi'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['attraction name', 'has value', '3d toronto sign'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie'], ['track', 'has value', 'scars']]\n", + "\n", + "dialogue id: sgd-test-2753\n", + "dialogue: \"user\": \"i ' d like to watch a movie online\"\n", + "\"system\": \"what is your favorite movie genre ?\"\n", + "\"user\": \"i love global movies\"\n", + "\"system\": \"i propose tel aviv on fire and zama : which do you prefer ?\"\n", + "\"user\": \"i prefer tel aviv on fire !\"\n", + "\"system\": \"want to watch it right away ?\"\n", + "\"user\": \"no , maybe i ' ll watch it later\"\n", + "\"system\": \"what else can i do for you ?\"\n", + "\"user\": \"i would like to find attractions in london , uk\"\n", + "\"system\": \"i found 10 attractions for you . there ' s 30 st mary axe ( the gherkin ), a historical landmark\"\n", + "\"user\": \"nice , thanks ! now i ' d like to look for songs\"\n", + "\"system\": \"do you like mine by taylor swift from the album speak now ?\"\n", + "\"user\": \"is it a song of 11 ? is it a pop song ?\"\n", + "\"system\": \"no , it ' s from the year 2010 . yes , it ' s a pop song !\"\n", + "\"user\": \"okay then , i want to listen it\"\n", + "\"system\": \"do you want to listen to this song ?\"\n", + "\"user\": \"yes , please , on patio speaker\"\n", + "\"system\": \"playing the song mine in patio . is it correct ?\"\n", + "\"user\": \"no , i prefer on kitchen speaker\"\n", + "\"system\": \"playing mine in kitchen . do you confirm ?\"\n", + "\"user\": \"yes , now it ' s correct , i confirm\"\n", + "\"system\": \"good listen !\"\n", + "\"user\": \"thanks . now i want to watch the movie with english subtitles .\"\n", + "\"system\": \"playing tel aviv on fire with english subtitles . is it correct ?\"\n", + "\"user\": \"yes , it ' s correct . thanks\"\n", + "\"system\": \"the film is about to begin\"\n", + "\"user\": \"what is the main actor ?\"\n", + "\"system\": \"there ' s amer hlehel in the movie .\"\n", + "\"user\": \"very well . thanks\"\n", + "\"system\": \"what can i still do for you ?\"\n", + "\"user\": \"nothing , it ' s all for now .\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['global', 'speak now', 'tel aviv on fire', 'year', 'pop', 'kitchen', 'album', 'mine', '2010', 'genre', 'zama', 'patio', 'english', 'amer hlehel', '10', 'taylor swift']\n", + "relations: [['genre', 'has value', 'pop'], ['30 st mary axe ( the gherkin )', 'has domain', 'travel'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['artist', 'has value', 'taylor swift'], ['media', 'has slot', 'subtitle language'], ['device', 'has value', 'patio'], ['10', 'refers to same concept as', 'ten'], ['media', 'has slot', 'starring'], ['2011', 'has domain', 'music'], ['travel', 'has slot', 'count'], ['amer hlehel', 'has domain', 'media'], ['year', 'has value', '2010'], ['global', 'has domain', 'media'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['pop', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['tel aviv on fire', 'has domain', 'media'], ['taylor swift', 'has domain', 'music'], ['attraction name', 'has value', '30 st mary axe ( the gherkin )'], ['music', 'has slot', 'playmedia'], ['patio', 'has domain', 'music'], ['10', 'has domain', 'travel'], ['title', 'has value', 'zama'], ['london , uk', 'has domain', 'travel'], ['speak now', 'has domain', 'music'], ['genre', 'has value', 'global'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['year', 'has value', '2011'], ['media', 'has slot', 'genre'], ['track', 'has value', 'mine'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['album', 'has value', 'speak now'], ['location', 'has value', 'london , uk'], ['starring', 'has value', 'amer hlehel'], ['title', 'has value', 'tel aviv on fire'], ['music', 'has slot', 'genre'], ['mine', 'has domain', 'music'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['2010', 'has domain', 'music'], ['zama', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2754\n", + "dialogue: \"user\": \"i ' m bored . find me some movies online , please .\"\n", + "\"system\": \"what film genre would you like ?\"\n", + "\"user\": \"i love supernatural films .\"\n", + "\"system\": \"the 1 movie i recommend is it chapter two .\"\n", + "\"user\": \"it chapter two sounds good .\"\n", + "\"system\": \"would you like to watch the movie ?\"\n", + "\"user\": \"no , not right away . what interesting places would you recommend i visit around that area ?\"\n", + "\"system\": \"sorry i didn ' t understand your question . please tell me where to search for attractions .\"\n", + "\"user\": \"oops ! please look for places to visit in chi - town .\"\n", + "\"system\": \"sure . how about 360 chicago , a tourist attraction ?\"\n", + "\"user\": \"can one visit this place free of charge ?\"\n", + "\"system\": \"no . there is an entry fee .\"\n", + "\"user\": \"okay . please give me their contact number . do you think this place is a nice place for kids ?\"\n", + "\"system\": \"you can reach them on 888 - 875 - 8439 . this is a great place for kids to visit .\"\n", + "\"user\": \"all right . cool . now that we have that out of the way , could you suggest some songs for me ?\"\n", + "\"system\": \"how about it has begun by starset , from the transmissions album ?\"\n", + "\"user\": \"which year was it released ?\"\n", + "\"system\": \"it was released in 2014 .\"\n", + "\"user\": \"what ' s the song ' s genre ?\"\n", + "\"system\": \"the song ' s genre is rock .\"\n", + "\"user\": \"what else would you recommend ? i ' ve heard great things about the telling all my secrets album . there ' s a song that is very popular .\"\n", + "\"system\": \"would you like to listen to drunk me by mitchell tenpenny from the telling all my secrets album ?\"\n", + "\"user\": \"yes , that ' s the song i want to listen to . please play it over the living room device .\"\n", + "\"system\": \"all right . you want the song drunk me played in the living room ?\"\n", + "\"user\": \"yes , you got that right .\"\n", + "\"system\": \"do enjoy listening to your music .\"\n", + "\"user\": \"thanks a bunch .\"\n", + "\"system\": \"would you like my help with anything else ?\"\n", + "\"user\": \"please play the movie that you found .\"\n", + "\"system\": \"sure , no problem . please confirm that you ' d like to watch it chapter two with english subtitles .\"\n", + "\"user\": \"that ' s correct . who ' s the actor ?\"\n", + "\"system\": \"movie now playing . james ransone is the actor .\"\n", + "\"user\": \"thank you . that will be all for now .\"\n", + "\"system\": \"have a pleasant day .\"\n", + "\n", + "terms: ['year', 'drunk me', '2014', '888 - 875 - 8439', 'james ransone', 'genre', 'it chapter two', 'starset', 'supernatural', 'music', '360 chicago', 'tourist attraction', 'one', 'transmissions', 'mitchell tenpenny', 'english', 'living room', 'device', 'album', 'telling all my secrets', 'it has begun', 'rock', 'chi - town', '1']\n", + "relations: [['it chapter two', 'has domain', 'media'], ['travel', 'has slot', 'free entry'], ['track', 'has value', 'drunk me'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['artist', 'has value', 'starset'], ['rock', 'has domain', 'music'], ['2014', 'has domain', 'music'], ['tourist attraction', 'has domain', 'travel'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['starring', 'has value', 'james ransone'], ['album', 'has value', 'telling all my secrets'], ['good for kids', 'has value', 'true'], ['phone number', 'has value', '888 - 875 - 8439'], ['media', 'has slot', 'starring'], ['true', 'has domain', 'travel'], ['attraction name', 'has value', '360 chicago'], ['mitchell tenpenny', 'has domain', 'music'], ['track', 'has value', 'it has begun'], ['travel', 'has slot', 'phone number'], ['album', 'has value', 'transmissions'], ['year', 'has value', '2014'], ['travel', 'has slot', 'location'], ['888 - 875 - 8439', 'has domain', 'travel'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['title', 'has value', 'it chapter two'], ['travel', 'has slot', 'findattractions'], ['360 chicago', 'has domain', 'travel'], ['subtitle language', 'has value', 'english'], ['music', 'has slot', 'playmedia'], ['james ransone', 'has domain', 'media'], ['it has begun', 'has domain', 'music'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['category', 'has value', 'tourist attraction'], ['genre', 'has value', 'rock'], ['free entry', 'has value', 'false'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'supernatural'], ['music', 'has slot', 'artist'], ['transmissions', 'has domain', 'music'], ['music', 'has slot', 'track'], ['telling all my secrets', 'has domain', 'music'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['1', 'refers to same concept as', 'one'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['false', 'has domain', 'travel'], ['chi - town', 'has domain', 'travel'], ['artist', 'has value', 'mitchell tenpenny'], ['starset', 'has domain', 'music'], ['location', 'has value', 'chi - town'], ['music', 'has slot', 'lookupmusic'], ['supernatural', 'has domain', 'media'], ['drunk me', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-2755\n", + "dialogue: \"user\": \"can you please help me pull up family movies starring debbie mccann in them ?\"\n", + "\"system\": \"sure , i ' ve found 1 movie you may be interested in called steel magnolias .\"\n", + "\"user\": \"steel magnolias sounds perfect . i ' m also wanting to pull up some kid friendly attractions .\"\n", + "\"system\": \"what area would you like to search attractions ?\"\n", + "\"user\": \"search in cape town please .\"\n", + "\"system\": \"i ' ve found 9 attractions for you . let me recommend first bo - kaap . this is a museum .\"\n", + "\"user\": \"are there any other attractions ?\"\n", + "\"system\": \"yes , you could check out cape town stadium , this is a sports venue\"\n", + "\"user\": \"alright , can you list more attractions . make sure there is no entry fee .\"\n", + "\"system\": \"i ' ve got 5 available attractions , starting with the museum called district six museum\"\n", + "\"user\": \"ok , let ' s switch it up and search for some songs now !\"\n", + "\"system\": \"alright , how does fortunately i met you by witwisit hiranyawongkul off the album quarter sound ?\"\n", + "\"user\": \"which year did that album come out ?\"\n", + "\"system\": \"that album is from 2014\"\n", + "\"user\": \"what genre of music is that ?\"\n", + "\"system\": \"pop music !\"\n", + "\"user\": \"yes , this will work . go ahead and play that song on any device now .\"\n", + "\"system\": \"ok , please confirm you would like to play fortunately i met you in the living room . is this correct ?\"\n", + "\"user\": \"yes , please play .\"\n", + "\"system\": \"ok , enjoy your music\"\n", + "\"user\": \"thank you . can i also have you go ahead and play the movie you found for me earlier , please turn on the english subtitles as well .\"\n", + "\"system\": \"no problem , please confirm playing steel magnolias with english subtitles . is that right ?\"\n", + "\"user\": \"yes . thank you .\"\n", + "\"system\": \"movie has started playing .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"your welcome . will there be anything else i can help you with ?\"\n", + "\"user\": \"no that is all .\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['debbie mccann', 'year', 'cape town', 'museum', 'bo - kaap', 'family', 'starring', 'genre', 'witwisit hiranyawongkul', 'fortunately i met you', 'music', '5', 'english', 'living room', 'cape town stadium', 'device', 'album', 'steel magnolias', 'quarter', '9', '1']\n", + "relations: [['genre', 'has value', 'pop'], ['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['steel magnolias', 'has domain', 'media'], ['cape town stadium', 'has domain', 'travel'], ['2014', 'has domain', 'music'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['fortunately i met you', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['good for kids', 'has value', 'true'], ['district six museum', 'has domain', 'travel'], ['media', 'has slot', 'starring'], ['family', 'has domain', 'media'], ['sports venue', 'has domain', 'travel'], ['debbie mccann', 'has domain', 'media'], ['true', 'has domain', 'travel'], ['travel', 'has slot', 'count'], ['5', 'has domain', 'travel'], ['artist', 'has value', 'witwisit hiranyawongkul'], ['year', 'has value', '2014'], ['attraction name', 'has value', 'bo - kaap'], ['travel', 'has slot', 'location'], ['attraction name', 'has value', 'cape town stadium'], ['english', 'has domain', 'media'], ['title', 'has value', 'steel magnolias'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['quarter', 'has domain', 'music'], ['category', 'has value', 'sports venue'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['location', 'has value', 'cape town'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['count', 'has value', '9'], ['music', 'has slot', 'artist'], ['starring', 'has value', 'debbie mccann'], ['music', 'has slot', 'track'], ['track', 'has value', 'fortunately i met you'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['attraction name', 'has value', 'district six museum'], ['count', 'has value', '1'], ['cape town', 'has domain', 'travel'], ['genre', 'has value', 'family'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['bo - kaap', 'has domain', 'travel'], ['device', 'has value', 'living room'], ['museum', 'has domain', 'travel'], ['witwisit hiranyawongkul', 'has domain', 'music'], ['9', 'has domain', 'travel'], ['music', 'has slot', 'lookupmusic'], ['count', 'has value', '5'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['album', 'has value', 'quarter'], ['device', 'has value', 'dontcare'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-2756\n", + "dialogue: \"user\": \"can you find me some movies online ?\"\n", + "\"system\": \"what kind of movie do you want to watch ?\"\n", + "\"user\": \"i want to find ghost movies .\"\n", + "\"system\": \"i found 6 movies . how about 47 meters down : uncaged , in fabric , or midsommar ?\"\n", + "\"user\": \"uncaged sounds good . i want to find some attractions there . preferably something child - friendly . i want to find a museum in vegas .\"\n", + "\"system\": \"i found 3 attractions . how about the las vegas natural history museum . it is a popular museum .\"\n", + "\"user\": \"okay , sounds good . i want to find some songs now .\"\n", + "\"system\": \"what about head over boots by jon pardi from the album california sunrise .\"\n", + "\"user\": \"yes , sounds good .\"\n", + "\"system\": \"do you want to play the song ?\"\n", + "\"user\": \"yes . play it on the kitchen speaker .\"\n", + "\"system\": \"please confirm : playing head over boots in the kitchen .\"\n", + "\"user\": \"yes , sounds good .\"\n", + "\"system\": \"playing the song .\"\n", + "\"user\": \"thank you . i want to play the movie you found , with english subtitles .\"\n", + "\"system\": \"please confirm : playing 47 meters down : uncaged with english subtitles .\"\n", + "\"user\": \"yes , thank you .\"\n", + "\"system\": \"your movie is playing .\"\n", + "\"user\": \"who stars in it ?\"\n", + "\"system\": \"brianne tju stars in the film .\"\n", + "\"user\": \"thank you , that ' s all .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['6', 'california sunrise', 'ghost', 'las vegas natural history museum', 'head over boots', 'kitchen', '47 meters down : uncaged', 'in fabric', 'uncaged', '3', 'jon pardi', 'fabric', 'museum', 'english', 'midsommar', 'album', 'vegas']\n", + "relations: [['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['media', 'has slot', 'starring'], ['true', 'has domain', 'travel'], ['vegas', 'has domain', 'travel'], ['attraction name', 'has value', 'las vegas natural history museum'], ['travel', 'has slot', 'count'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['6', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['music', 'has slot', 'playmedia'], ['head over boots', 'has domain', 'music'], ['media', 'has slot', 'title'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'midsommar'], ['in fabric', 'has domain', 'media'], ['music', 'has slot', 'artist'], ['jon pardi', 'has domain', 'music'], ['las vegas natural history museum', 'has domain', 'travel'], ['music', 'has slot', 'track'], ['title', 'has value', 'uncaged'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['3', 'has domain', 'travel'], ['count', 'has value', '6'], ['starring', 'has value', 'brianne tju'], ['location', 'has value', 'vegas'], ['genre', 'has value', 'ghost'], ['artist', 'has value', 'jon pardi'], ['music', 'has slot', 'device'], ['count', 'has value', '3'], ['museum', 'has domain', 'travel'], ['uncaged', 'has domain', 'media'], ['brianne tju', 'has domain', 'media'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['title', 'has value', 'in fabric'], ['music', 'has slot', 'lookupmusic'], ['california sunrise', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['album', 'has value', 'california sunrise'], ['track', 'has value', 'head over boots']]\n", + "\n", + "dialogue id: sgd-test-2757\n", + "dialogue: \"user\": \"i am looking for some horror movies online similar to dean norris\"\n", + "\"system\": \"there is 1 movie similar to your taste . what do you think of scary stories to tell in the dark\"\n", + "\"user\": \"scary stories sounds like a good movie\"\n", + "\"system\": \"would you like me to play the movie\"\n", + "\"user\": \"maybe play later but not right now\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"can you find me some attractions ? i want some child friendly attractions in phoenix\"\n", + "\"system\": \"there are 10 attractions that you may like , what about a museum called arizona capitol museum ?\"\n", + "\"user\": \"nice , what else can you find ? i am looking for something that is 0 entry fee\"\n", + "\"system\": \"there are 4 attraction with no entry fee . what about a museum called arizona science center\"\n", + "\"user\": \"perfect ! now , can you find me a song\"\n", + "\"system\": \"i found 10 songs you may like . what about praying by kesha in her album rainbow\"\n", + "\"user\": \"this is the one , please play it on the speaker outside\"\n", + "\"system\": \"please confirm to play praying in patio\"\n", + "\"user\": \"yes please . did this song come out in ' 18\"\n", + "\"system\": \"please enjoy , this is from 2017\"\n", + "\"user\": \"thank you so much\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"can you play the movie now\"\n", + "\"system\": \"please confirm to play the movie scary stories to tell in the dark with english subtitles\"\n", + "\"user\": \"no i want this in hindi subtitles\"\n", + "\"system\": \"please confirm to play scary stories to tell in the dark in hindi subtitles\"\n", + "\"user\": \"yes , please go ahead\"\n", + "\"system\": \"move is playing now\"\n", + "\"user\": \"than you very much\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"no this is it\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['scary', 'horror', 'album', 'one', '4', 'praying', 'museum', 'scary stories', 'kesha', 'hindi', 'english', 'arizona capitol museum', '10', '1', 'scary stories to tell in the dark']\n", + "relations: [['travel', 'has slot', 'free entry'], ['10', 'has domain', 'music'], ['travel', 'has slot', 'good for kids'], ['praying', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['count', 'has value', '10'], ['media', 'has slot', 'subtitle language'], ['genre', 'has value', 'horror'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['attraction name', 'has value', 'arizona capitol museum'], ['scary stories to tell in the dark', 'has domain', 'media'], ['device', 'has value', 'patio'], ['good for kids', 'has value', 'true'], ['media', 'has slot', 'starring'], ['dean norris', 'has domain', 'media'], ['artist', 'has value', 'kesha'], ['true', 'has domain', 'travel'], ['phoenix', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'count'], ['horror', 'refers to same concept as', 'scary'], ['scary stories to tell in the dark', 'refers to same concept as', 'scary stories'], ['count', 'has value', '4'], ['2018', 'has domain', 'music'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'dean norris'], ['dontcare', 'has domain', 'travel'], ['album', 'has value', 'rainbow'], ['music', 'has slot', 'playmedia'], ['patio', 'has domain', 'music'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['year', 'has value', '2017'], ['4', 'has domain', 'travel'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['kesha', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['attraction name', 'has value', 'arizona science center'], ['music', 'has slot', 'artist'], ['track', 'has value', 'praying'], ['music', 'has slot', 'track'], ['arizona science center', 'has domain', 'travel'], ['location', 'has value', 'phoenix'], ['year', 'has value', '2018'], ['travel', 'has slot', 'category'], ['title', 'has value', 'scary stories to tell in the dark'], ['title', 'has value', 'scary stories'], ['travel', 'has slot', 'attraction name'], ['2017', 'has domain', 'music'], ['rainbow', 'has domain', 'music'], ['subtitle language', 'has value', 'hindi'], ['1', 'refers to same concept as', 'one'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['museum', 'has domain', 'travel'], ['category', 'has value', 'dontcare'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['arizona capitol museum', 'has domain', 'travel'], ['scary stories', 'has domain', 'media'], ['horror', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2758\n", + "dialogue: \"user\": \"i want to search for some movies to watch online . can you help me to do the same .\"\n", + "\"system\": \"what is your favorite type of movie ?\"\n", + "\"user\": \"i prefer cartoon movies . search for the one in this genre .\"\n", + "\"system\": \"i got 2 and what about the angry birds movie 2 and do you like toy story 4 ?\"\n", + "\"user\": \"i like the angry birds movie 2 and this is nice .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"no , not now . i will watch it later .\"\n", + "\"system\": \"then what else you want now ?\"\n", + "\"user\": \"i want to go to some attractive places for which i need your help to find the best for me .\"\n", + "\"system\": \"do you want me to search the attractions in any particular city ?\"\n", + "\"user\": \"yes , search it in london .\"\n", + "\"system\": \"got 10 places . how about a historical landmark ? the name of which is 30 st mary axe ( the gherkin ). do you want to try this place ?\"\n", + "\"user\": \"yes , that is okay . thanks . i need one more help that i want to search for a nice song especially reggae songs .\"\n", + "\"system\": \"how about your opinion on a song name addicted by popcaan from album where we come from ?\"\n", + "\"user\": \"let me know the year of release of this song .\"\n", + "\"system\": \"this song was released in the year 2014 .\"\n", + "\"user\": \"thanks and now please play it for me in any of my devices .\"\n", + "\"system\": \"i need your confirmation to play the song addicted in your living room speaker .\"\n", + "\"user\": \"please go ahead .\"\n", + "\"system\": \"song started playing and you can enjoy the same .\"\n", + "\"user\": \"thanks . i am so happy . what about watching a movie that i have selected before . can you play it now ?\"\n", + "\"system\": \"of - course . please confirm to play the movie the angry birds movie 2 with english subtitles .\"\n", + "\"user\": \"please go ahead . what is the name of actor of this movie ?\"\n", + "\"system\": \"britta steffenhagen acted in this movie and the same was started playing now .\"\n", + "\"user\": \"thanks and that ' s all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['year', 'angry birds', 'addicted', 'cartoon', 'album', 'popcaan', 'london', '2', 'genre', 'historical landmark', 'where we come from', 'toy story 4', 'english', '2014', 'living room', '10', 'reggae', 'the angry birds movie 2']\n", + "relations: [['30 st mary axe ( the gherkin )', 'has domain', 'travel'], ['britta steffenhagen', 'has domain', 'media'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['artist', 'has value', 'popcaan'], ['music', 'has slot', 'album'], ['2014', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['where we come from', 'has domain', 'music'], ['media', 'has slot', 'count'], ['starring', 'has value', 'britta steffenhagen'], ['the angry birds movie 2', 'has domain', 'media'], ['genre', 'has value', 'cartoon'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'media'], ['genre', 'has value', 'reggae'], ['travel', 'has slot', 'count'], ['title', 'has value', 'toy story 4'], ['year', 'has value', '2014'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['london', 'has domain', 'travel'], ['attraction name', 'has value', '30 st mary axe ( the gherkin )'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['popcaan', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['album', 'has value', 'where we come from'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['track', 'has value', 'addicted'], ['location', 'has value', 'london'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['addicted', 'has domain', 'music'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['dontcare', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['toy story 4', 'has domain', 'media'], ['reggae', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['device', 'has value', 'dontcare'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['count', 'has value', '10'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2759\n", + "dialogue: \"user\": \"i ' d like to find a movie to watch online , something with lee eisenberg in it .\"\n", + "\"system\": \"what genre are you interested in ?\"\n", + "\"user\": \"i ' d like to see a good comedy .\"\n", + "\"system\": \"i have 1 movie to recommend , which is the film good boys .\"\n", + "\"user\": \"yes , i think good boys is a good choice .\"\n", + "\"system\": \"shall i play the film for you now ?\"\n", + "\"user\": \"not just yet , thank you .\"\n", + "\"system\": \"may i help you with anything else ?\"\n", + "\"user\": \"i ' d like to find a good attraction to see .\"\n", + "\"system\": \"in what location ?\"\n", + "\"user\": \"yes , i ' m hoping to find something that ' s good for kids in the district of columbia .\"\n", + "\"system\": \"i can recommend 56 signers of the declaration of independence memorial , which is an impressive nature preserve .\"\n", + "\"user\": \"ok , is that free admission ? and may i have the phone number ?\"\n", + "\"system\": \"no , there is an admission charge . the telephone number is 202 - 426 - 6841 .\"\n", + "\"user\": \"all right , thanks . would you help me find a song now ? i ' d love something in the metal genre from ' 19 .\"\n", + "\"system\": \"there is a song of the album the great war by sabaton called a ghost in the trenches , which i recommend .\"\n", + "\"user\": \"that ' s fine , thank you .\"\n", + "\"system\": \"shall i play the song for you now ?\"\n", + "\"user\": \"sure , why not ?\"\n", + "\"system\": \"confirming playback of a ghost in the trenches on the living room speaker .\"\n", + "\"user\": \"great , thank you .\"\n", + "\"system\": \"enjoy the song .\"\n", + "\"user\": \"thanks . i ' d also like to start watching the movie that you found .\"\n", + "\"system\": \"confirming playback of the film good boys with english subtitles enabled .\"\n", + "\"user\": \"actually i need that with french subtitles .\"\n", + "\"system\": \"confirming playback of the film good boys with french subtitles turned on .\"\n", + "\"user\": \"that ' s right , thanks .\"\n", + "\"system\": \"the movie has begun .\"\n", + "\"user\": \"thank you for all your help .\"\n", + "\"system\": \"it ' s entirely my pleasure .\"\n", + "\n", + "terms: ['nature preserve', 'location', 'lee eisenberg', 'the great war', '56 signers of the declaration of independence memorial', 'genre', 'good boys', 'metal', 'good for kids', 'french', '202 - 426 - 6841', 'english', 'living room', 'phone number', 'album', 'a ghost in the trenches', 'comedy', 'district of columbia', '1', 'sabaton']\n", + "relations: [['travel', 'has slot', 'free entry'], ['comedy', 'has domain', 'media'], ['travel', 'has slot', 'good for kids'], ['a ghost in the trenches', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['56 signers of the declaration of independence memorial', 'has domain', 'travel'], ['media', 'has slot', 'count'], ['the great war', 'has domain', 'music'], ['good for kids', 'has value', 'true'], ['district of columbia', 'has domain', 'travel'], ['media', 'has slot', 'starring'], ['metal', 'has domain', 'music'], ['location', 'has value', 'district of columbia'], ['good boys', 'has domain', 'media'], ['track', 'has value', 'a ghost in the trenches'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['starring', 'has value', 'lee eisenberg'], ['travel', 'has slot', 'phone number'], ['french', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['lee eisenberg', 'has domain', 'media'], ['title', 'has value', 'good boys'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['subtitle language', 'has value', 'french'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['category', 'has value', 'nature preserve'], ['phone number', 'has value', '202 - 426 - 6841'], ['free entry', 'has value', 'false'], ['attraction name', 'has value', '56 signers of the declaration of independence memorial'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'metal'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['1', 'refers to same concept as', 'one'], ['202 - 426 - 6841', 'has domain', 'travel'], ['genre', 'has value', 'comedy'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['false', 'has domain', 'travel'], ['album', 'has value', 'the great war'], ['artist', 'has value', 'sabaton'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['sabaton', 'has domain', 'music'], ['year', 'has value', '2019']]\n", + "\n", + "dialogue id: sgd-test-2760\n", + "dialogue: \"user\": \"i want to find some new movies to watch .\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"funny movies would be good .\"\n", + "\"system\": \"i found chhichhore , good boys , and my big fat greek wedding .\"\n", + "\"user\": \"chhichhore is perfect ! can you find some cool things to do in chi - town ?\"\n", + "\"system\": \"360 chicago is a cool tourist attraction .\"\n", + "\"user\": \"what is the cost of the enterence fee ? is it child - friendly ?\"\n", + "\"system\": \"it is not free , but they allow you to bring children .\"\n", + "\"user\": \"i ' d like to hear some electropop music right now .\"\n", + "\"system\": \"battle symphony by linkin park from the cd one more light is really good .\"\n", + "\"user\": \"when did it come out ? 2018 ?\"\n", + "\"system\": \"no , 2017 .\"\n", + "\"user\": \"yes ! play that song .\"\n", + "\"system\": \"playing battle symphony in the living room now .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"plays music\"\n", + "\"user\": \"thanks ! can you also play that movie you found with english subtitles ?\"\n", + "\"system\": \"please confirm , playing chhichhore with english subtitles .\"\n", + "\"user\": \"no , spanish subtitles . si ?\"\n", + "\"system\": \"please confirm , playing chhichhore with spanish subtitles .\"\n", + "\"user\": \"yes , and who stars in this movie ?\"\n", + "\"system\": \"naveen polishetty is excellent in it .\"\n", + "\"user\": \"thanks , that is all .\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['linkin park', 'music', 'greek wedding', 'tourist attraction', '2017', 'spanish', 'chhichhore', 'electropop', 'battle symphony', 'living room', 'good boys', 'english', 'chi - town', 'one more light', 'my big fat greek wedding', '2018']\n", + "relations: [['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['tourist attraction', 'has domain', 'travel'], ['good for kids', 'has value', 'true'], ['media', 'has slot', 'starring'], ['good boys', 'has domain', 'media'], ['true', 'has domain', 'travel'], ['attraction name', 'has value', '360 chicago'], ['album', 'has value', 'one more light'], ['spanish', 'has domain', 'media'], ['2018', 'has domain', 'music'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['electropop', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['title', 'has value', 'good boys'], ['360 chicago', 'has domain', 'travel'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['music', 'has slot', 'playmedia'], ['genre', 'has value', 'electropop'], ['music', 'has slot', 'year'], ['year', 'has value', '2017'], ['one more light', 'has domain', 'music'], ['starring', 'has value', 'naveen polishetty'], ['media', 'has slot', 'title'], ['category', 'has value', 'tourist attraction'], ['track', 'has value', 'battle symphony'], ['artist', 'has value', 'linkin park'], ['free entry', 'has value', 'false'], ['subtitle language', 'has value', 'spanish'], ['genre', 'has value', 'funny'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['linkin park', 'has domain', 'music'], ['music', 'has slot', 'track'], ['year', 'has value', '2018'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['2017', 'has domain', 'music'], ['funny', 'has domain', 'media'], ['my big fat greek wedding', 'has domain', 'media'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['false', 'has domain', 'travel'], ['battle symphony', 'has domain', 'music'], ['chi - town', 'has domain', 'travel'], ['location', 'has value', 'chi - town'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie'], ['naveen polishetty', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2761\n", + "dialogue: \"user\": \"i want to search for some movies online and can you find the one featuring emilio cuaik ?\"\n", + "\"system\": \"is there any favorite kind of movies that you want to search for ?\"\n", + "\"user\": \"yes , search for something like play .\"\n", + "\"system\": \"found a movie , this is not berlin . do you like to watch this movie ?\"\n", + "\"user\": \"this is not berlin is nice movie and i prefer this .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"i will ask it later .\"\n", + "\"system\": \"what do you want me to do now ?\"\n", + "\"user\": \"search for some attractive places to visit .\"\n", + "\"system\": \"where do you want to visit the attractions ? let me know the same to search for .\"\n", + "\"user\": \"find it in paris , france .\"\n", + "\"system\": \"what about a place of worship ? if you like it then you can try to visit american church in paris .\"\n", + "\"user\": \"how about the entry fee . is this free there ?\"\n", + "\"system\": \"yes , entry is free there .\"\n", + "\"user\": \"okay . thanks . search for some interesting songs .\"\n", + "\"system\": \"i got 10 songs and what about the one which is beating heart by ellie goulding from the album halcyon days ?\"\n", + "\"user\": \"find me a different one .\"\n", + "\"system\": \"do you like plume by caravan palace from the album chronologic ?\"\n", + "\"user\": \"i prefer this song .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"yes , do it for me .\"\n", + "\"system\": \"please confirm to play the song plume in living room speaker .\"\n", + "\"user\": \"that is confirmed . also let me know the type of song and release date .\"\n", + "\"system\": \"it was released in 2019 and this is a pop kind of song . the song was started playing now and you can enjoy it .\"\n", + "\"user\": \"also please play the movie that you have found for me before . i like to watch it with spanish subtitles .\"\n", + "\"system\": \"i want you to confirm to play the movie this is not berlin with spanish subtitles .\"\n", + "\"user\": \"that ' s correct to proceed .\"\n", + "\"system\": \"movie started playing now and you can enjoy the same .\"\n", + "\"user\": \"thanks and that ' s all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['play', 'emilio cuaik', 'american church in paris', 'plume', 'pop', 'halcyon days', 'this is not berlin', 'caravan palace', 'paris , france', 'beating heart', 'ellie goulding', 'spanish', 'place of worship', 'living room', '2019', '10', 'chronologic', 'album']\n", + "relations: [['genre', 'has value', 'play'], ['travel', 'has slot', 'free entry'], ['genre', 'has value', 'pop'], ['10', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['category', 'has value', 'place of worship'], ['media', 'has slot', 'subtitle language'], ['emilio cuaik', 'has domain', 'media'], ['title', 'has value', 'this is not berlin'], ['free entry', 'has value', 'true'], ['chronologic', 'has domain', 'music'], ['play', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['year', 'has value', '2019'], ['beating heart', 'has domain', 'music'], ['true', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['track', 'has value', 'plume'], ['artist', 'has value', 'caravan palace'], ['spanish', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['this is not berlin', 'has domain', 'media'], ['media', 'has slot', 'title'], ['attraction name', 'has value', 'american church in paris'], ['starring', 'has value', 'emilio cuaik'], ['location', 'has value', 'paris , france'], ['subtitle language', 'has value', 'spanish'], ['media', 'has slot', 'genre'], ['american church in paris', 'has domain', 'travel'], ['music', 'has slot', 'artist'], ['caravan palace', 'has domain', 'music'], ['music', 'has slot', 'track'], ['album', 'has value', 'chronologic'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['place of worship', 'has domain', 'travel'], ['ellie goulding', 'has domain', 'music'], ['paris , france', 'has domain', 'travel'], ['track', 'has value', 'beating heart'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['artist', 'has value', 'ellie goulding'], ['album', 'has value', 'halcyon days'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie'], ['halcyon days', 'has domain', 'music'], ['plume', 'has domain', 'music'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2762\n", + "dialogue: \"user\": \"i ' m hoping to find some movies online to watch .\"\n", + "\"system\": \"what type of movies are you interested in ?\"\n", + "\"user\": \"i want to find something with stro in it and i like mysterious films .\"\n", + "\"system\": \"i have 1 movie to recommend , which is called luce .\"\n", + "\"user\": \"yes , i ' d like to see luce .\"\n", + "\"system\": \"shall i play that for you now ?\"\n", + "\"user\": \"let ' s hold off a bit .\"\n", + "\"system\": \"how else may i help you then ?\"\n", + "\"user\": \"i want to find an attraction that is good for children in the warsaw area and i ' m hoping to find something with no admission price .\"\n", + "\"system\": \"i recommend the center for contemporary art ujazdowski castle , which is a museum .\"\n", + "\"user\": \"is there anything else that ' s good ?\"\n", + "\"system\": \"i also recommend the copernicus science centre , which is a museum as well .\"\n", + "\"user\": \"i ' d like the phone number please .\"\n", + "\"system\": \"of course , it ' s 22 596 41 00 .\"\n", + "\"user\": \"thank you . i ' d like to find some songs now , hopefully something from ' 19 in the pop genre . see if there ' s anything good by madonna .\"\n", + "\"system\": \"i have 2 songs to recommend . there is a track by madonna called batuka from the madame x album .\"\n", + "\"user\": \"i like the madame x album . what else do you suggest ?\"\n", + "\"system\": \"i have 1 song to suggest , which is the song god control from the madame x album by madonna .\"\n", + "\"user\": \"that works , thank you .\"\n", + "\"system\": \"do you want to hear that now ?\"\n", + "\"user\": \"yes , i do .\"\n", + "\"system\": \"confirming playback of the song god control on the living room speaker .\"\n", + "\"user\": \"great , thank you .\"\n", + "\"system\": \"enjoy the song .\"\n", + "\"user\": \"thanks again . i think i ' d like to start watching that movie now .\"\n", + "\"system\": \"confirming playback of the film luce with english subtitles .\"\n", + "\"user\": \"thank you for that .\"\n", + "\"system\": \"the movie has begun .\"\n", + "\"user\": \"thanks again , i appreciate all your help .\"\n", + "\"system\": \"you are very welcome .\"\n", + "\n", + "terms: ['batuka', '2', '22 596 41 00', 'museum', 'copernicus science centre', 'genre', 'god control', 'luce', 'center for contemporary art ujazdowski castle', 'warsaw', 'english', 'living room', 'madame x', 'phone number', 'stro', 'album', 'pop', 'track', 'mysterious', 'madonna', '1']\n", + "relations: [['genre', 'has value', 'pop'], ['travel', 'has slot', 'free entry'], ['22 596 41 00', 'has domain', 'travel'], ['genre', 'has value', 'mysterious'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['title', 'has value', 'luce'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['track', 'has value', 'batuka'], ['good for kids', 'has value', 'true'], ['media', 'has slot', 'starring'], ['madame x', 'has domain', 'music'], ['phone number', 'has value', '22 596 41 00'], ['true', 'has domain', 'travel'], ['attraction name', 'has value', 'copernicus science centre'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['2019', 'has domain', 'music'], ['god control', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['luce', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['1', 'has domain', 'music'], ['warsaw', 'has domain', 'travel'], ['madonna', 'has domain', 'music'], ['artist', 'has value', 'madonna'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['copernicus science centre', 'has domain', 'travel'], ['media', 'has slot', 'title'], ['center for contemporary art ujazdowski castle', 'has domain', 'travel'], ['album', 'has value', 'madame x'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['stro', 'has domain', 'media'], ['mysterious', 'has domain', 'media'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['attraction name', 'has value', 'center for contemporary art ujazdowski castle'], ['2', 'has domain', 'music'], ['track', 'has value', 'god control'], ['1', 'refers to same concept as', 'one'], ['starring', 'has value', 'stro'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['museum', 'has domain', 'travel'], ['location', 'has value', 'warsaw'], ['music', 'has slot', 'lookupmusic'], ['batuka', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['year', 'has value', '2019']]\n", + "\n", + "dialogue id: sgd-test-2763\n", + "dialogue: \"user\": \"assistant , help me find a nice movie to watch .\"\n", + "\"system\": \"sure . what type of movie are you in the mood to see ?\"\n", + "\"user\": \"something offbeat sounds great right now . if possible , find one featuring mikey madison .\"\n", + "\"system\": \"once upon a time in hollywood features mikey madison . how does that sound ?\"\n", + "\"user\": \"i would love to see once upon a time . can you show me attractions in a similar area ?\"\n", + "\"system\": \"what area are you specifically talking about ?\"\n", + "\"user\": \"oh i thought i had said . i ' m looking for attractions in cdmx .\"\n", + "\"system\": \"there is a nature preserve in cdmx . it is called acuario inbursa .\"\n", + "\"user\": \"is this location considered child - friendly ? i want their phone number as well . i have some questions .\"\n", + "\"system\": \"this particular location is not suitable for kids . the number to this location is 55 5395 4586 .\"\n", + "\"user\": \"okay , perfect . i want to find some music now . play something for me that is popular right now like the album sing to me instead . i love songs that are by ben platt .\"\n", + "\"system\": \"here is 1 song that you would like . it is grow as we go by ben platt from his album sing to me instead .\"\n", + "\"user\": \"how long ago did it come out ? was it seven years ago ?\"\n", + "\"system\": \"that is incorrect . it came out in the year 2019 .\"\n", + "\"user\": \"that ' s exactly what i ' m looking for . please play this song for me .\"\n", + "\"system\": \"you wish me to play grow as we go in the living room correct ?\"\n", + "\"user\": \"yes that ' s right . go ahead .\"\n", + "\"system\": \"now playing . please enjoy your music .\"\n", + "\"user\": \"awesome . can you play once upon a time in hollywood with english subtitles ?\"\n", + "\"system\": \"please confirm the following movie details . getting ready to play once upon a time in hollywood with subtitles in english .\"\n", + "\"user\": \"yep . that ' s right . i ' m ready to watch it .\"\n", + "\"system\": \"i failed to play this movie for you . i apologize for the inconvenience . can i help you with something else instead ?\"\n", + "\"user\": \"it ' s quite alright . i don ' t need anything else at the moment . thank you .\"\n", + "\"system\": \"you are welcome . have a wonderful evening .\"\n", + "\n", + "terms: ['year', 'grow as we go', 'nature preserve', '55 5395 4586', 'sing to me instead', 'location', 'once upon a time in hollywood', 'popular', 'mikey madison', 'offbeat', 'acuario inbursa', 'cdmx', 'music', 'one', 'ben platt', 'living room', 'phone number', 'english', 'album', '2019', 'once upon a time', '1']\n", + "relations: [['cdmx', 'has domain', 'travel'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['ben platt', 'has domain', 'music'], ['genre', 'has value', 'popular'], ['title', 'has value', 'once upon a time'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['media', 'has slot', 'starring'], ['nature preserve', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['once upon a time', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['once upon a time in hollywood', 'has domain', 'media'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['location', 'has value', 'cdmx'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['1', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['grow as we go', 'has domain', 'music'], ['music', 'has slot', 'year'], ['title', 'has value', 'once upon a time in hollywood'], ['album', 'has value', 'sing to me instead'], ['media', 'has slot', 'title'], ['category', 'has value', 'nature preserve'], ['artist', 'has value', 'ben platt'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['acuario inbursa', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['popular', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['sing to me instead', 'has domain', 'music'], ['music', 'has slot', 'track'], ['mikey madison', 'has domain', 'media'], ['genre', 'has value', 'offbeat'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['good for kids', 'has value', 'false'], ['1', 'refers to same concept as', 'one'], ['attraction name', 'has value', 'acuario inbursa'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['false', 'has domain', 'travel'], ['55 5395 4586', 'has domain', 'travel'], ['starring', 'has value', 'mikey madison'], ['offbeat', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['track', 'has value', 'grow as we go'], ['media', 'has slot', 'playmovie'], ['phone number', 'has value', '55 5395 4586'], ['year', 'has value', '2019']]\n", + "\n", + "dialogue id: sgd-test-2764\n", + "dialogue: \"user\": \"would you kindly help me to find some online comic movies ?\"\n", + "\"system\": \"i have short listed 5 movies of your choice like chhichhore , good boys or my big fat greek wedding ?\"\n", + "\"user\": \"the movie my big fat greek wedding is good . i want you to search some attractions there ?\"\n", + "\"system\": \"which place you want the attractions in ?\"\n", + "\"user\": \"i want attractions in paris , france .\"\n", + "\"system\": \"there is a attraction called american church in paris which is a place of worship .\"\n", + "\"user\": \"fine .. any other attractions you know ?\"\n", + "\"system\": \"there is a attraction called arab world institute which is a performing arts venue .\"\n", + "\"user\": \"is it a place of child - friendly and can i know the phone number ?\"\n", + "\"system\": \"i think this place is not good for kids and the contact number is 1 40 51 38 38 .\"\n", + "\"user\": \"fine .. can you search some songs for me now which is very popular .\"\n", + "\"system\": \"what is your opinion about the song acapella from the album pulses by karmin ?\"\n", + "\"user\": \"did this song released eight years ago ?\"\n", + "\"system\": \"this song is from the year 2013 .\"\n", + "\"user\": \"any thing else you want ?\"\n", + "\"system\": \"what is your opinion about the song african beauty from the album a boy from tandale by diamond platnumz .\"\n", + "\"user\": \"is this song released in the year 2013 ?\"\n", + "\"system\": \"this song is from the year 2018 .\"\n", + "\"user\": \"anything else you want ?\"\n", + "\"system\": \"what is your opinion about the song airplane mode from the album holo by limbo .\"\n", + "\"user\": \"okay this one i want . play the song in kitchen .\"\n", + "\"system\": \"please give confirmation details : running the song airplane mode in kitchen .\"\n", + "\"user\": \"okay .. fine .. is this song is from the year 2013 ?\"\n", + "\"system\": \"have fun with this music . this song is from 2017 .\"\n", + "\"user\": \"thanks a lot . i want you to play the movie you found and any subtitles is okay .\"\n", + "\"system\": \"please give confirmation details : running the movie my big fat greek wedding with subtitles in english .\"\n", + "\"user\": \"okay ... this is fine ..\"\n", + "\"system\": \"your movie started playing now .\"\n", + "\"user\": \"thank you .. this much is okay for now ..\"\n", + "\"system\": \"have a good day ..\"\n", + "\n", + "terms: ['year', 'american church in paris', 'performing arts venue', '1 40 51 38 38', 'pulses', 'popular', 'a boy from tandale', 'arab world institute', 'place of worship', 'good boys', '2013', 'good for kids', 'music', '2017', 'paris , france', '5', 'chhichhore', 'english', 'holo', 'phone number', 'karmin', 'airplane mode', 'album', '2018', 'greek wedding', 'acapella', 'kitchen', 'african beauty', 'limbo', 'comic', 'diamond platnumz', 'my big fat greek wedding']\n", + "relations: [['track', 'has value', 'airplane mode'], ['diamond platnumz', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['performing arts venue', 'has domain', 'travel'], ['album', 'has value', 'pulses'], ['2018', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['arab world institute', 'has domain', 'travel'], ['5', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['year', 'has value', '2011'], ['popular', 'has domain', 'music'], ['american church in paris', 'has domain', 'travel'], ['music', 'has slot', 'artist'], ['travel', 'has slot', 'attraction name'], ['album', 'has value', 'a boy from tandale'], ['my big fat greek wedding', 'has domain', 'media'], ['year', 'has value', '2013'], ['subtitle language', 'has value', 'dontcare'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['limbo', 'has domain', 'music'], ['category', 'has value', 'place of worship'], ['kitchen', 'has domain', 'music'], ['artist', 'has value', 'karmin'], ['english', 'has domain', 'media'], ['title', 'has value', 'good boys'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['artist', 'has value', 'limbo'], ['media', 'has slot', 'playmovie'], ['media', 'has slot', 'findmovies'], ['genre', 'has value', 'popular'], ['good boys', 'has domain', 'media'], ['artist', 'has value', 'diamond platnumz'], ['travel', 'has slot', 'phone number'], ['category', 'has value', 'performing arts venue'], ['chhichhore', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['attraction name', 'has value', 'american church in paris'], ['karmin', 'has domain', 'music'], ['a boy from tandale', 'has domain', 'music'], ['track', 'has value', 'african beauty'], ['media', 'has slot', 'genre'], ['year', 'has value', '2018'], ['travel', 'has slot', 'category'], ['good for kids', 'has value', 'false'], ['place of worship', 'has domain', 'travel'], ['paris , france', 'has domain', 'travel'], ['pulses', 'has domain', 'music'], ['acapella', 'has domain', 'music'], ['count', 'has value', '5'], ['comic', 'has domain', 'media'], ['travel', 'has slot', 'good for kids'], ['music', 'has slot', 'album'], ['album', 'has value', 'holo'], ['media', 'has slot', 'count'], ['attraction name', 'has value', 'arab world institute'], ['phone number', 'has value', '1 40 51 38 38'], ['genre', 'has value', 'comic'], ['2011', 'has domain', 'music'], ['2013', 'has domain', 'music'], ['travel', 'has slot', 'location'], ['airplane mode', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['dontcare', 'has domain', 'media'], ['holo', 'has domain', 'music'], ['location', 'has value', 'paris , france'], ['african beauty', 'has domain', 'music'], ['music', 'has slot', 'track'], ['2017', 'has domain', 'music'], ['track', 'has value', 'acapella'], ['music', 'has slot', 'genre'], ['false', 'has domain', 'travel'], ['1 40 51 38 38', 'has domain', 'travel']]\n", + "\n", + "dialogue id: sgd-test-2765\n", + "dialogue: \"user\": \"i wish to search a movie to watch online . fantasy movie will be nice . i love movies with david shaughnessy .\"\n", + "\"system\": \"i found 1 movie for you . what about labyrinth ?\"\n", + "\"user\": \"labyrinth is good . i wish to see some attractions there .\"\n", + "\"system\": \"where shall i search in ?\"\n", + "\"user\": \"search attractions in chicago .\"\n", + "\"system\": \"your check out is 360 chicago . it is a tourist attraction .\"\n", + "\"user\": \"whether the entrance ticket is free ? what is their contact number ?\"\n", + "\"system\": \"no . the entry is not free and their contact number is 888 - 875 - 8439 .\"\n", + "\"user\": \"i wish to play the song .\"\n", + "\"system\": \"i searched and found 10 songs for you . what is your opinion about beautiful in white by shane filan from love always album .\"\n", + "\"user\": \"in which year the song released ?\"\n", + "\"system\": \"it is released in the year 2017 .\"\n", + "\"user\": \"what type of genre is it ?\"\n", + "\"system\": \"i like pop song .\"\n", + "\"user\": \"yes . it is correct . play the song on my living room .\"\n", + "\"system\": \"kindly ensure that , the song beautiful in white is played in living room .\"\n", + "\"user\": \"nope . play it on patio device .\"\n", + "\"system\": \"kindly ensure that , the song beautiful in white is played in patio .\"\n", + "\"user\": \"yes . it is perfect .\"\n", + "\"system\": \"happy with the music .\"\n", + "\"user\": \"thank you so much . please play the movie now .\"\n", + "\"system\": \"kindly ensure that , the movie labyrinth is played with subtitles in english .\"\n", + "\"user\": \"yes . go ahead .\"\n", + "\"system\": \"movie started .\"\n", + "\"user\": \"thank you so much . that is what i want .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['year', 'chicago', '888 - 875 - 8439', 'love always', '10', 'genre', 'music', '360 chicago', 'david shaughnessy', 'tourist attraction', '2017', 'labyrinth', 'patio', 'living room', 'english', 'device', 'album', 'pop', 'beautiful in white', 'fantasy', 'shane filan', '1']\n", + "relations: [['genre', 'has value', 'pop'], ['travel', 'has slot', 'free entry'], ['10', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['tourist attraction', 'has domain', 'travel'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['phone number', 'has value', '888 - 875 - 8439'], ['media', 'has slot', 'starring'], ['attraction name', 'has value', '360 chicago'], ['music', 'has slot', 'count'], ['starring', 'has value', 'david shaughnessy'], ['title', 'has value', 'labyrinth'], ['travel', 'has slot', 'phone number'], ['travel', 'has slot', 'location'], ['david shaughnessy', 'has domain', 'media'], ['888 - 875 - 8439', 'has domain', 'travel'], ['fantasy', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['english', 'has domain', 'media'], ['360 chicago', 'has domain', 'travel'], ['subtitle language', 'has value', 'english'], ['location', 'has value', 'chicago'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['chicago', 'has domain', 'travel'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['category', 'has value', 'tourist attraction'], ['beautiful in white', 'has domain', 'music'], ['album', 'has value', 'love always'], ['free entry', 'has value', 'false'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['shane filan', 'has domain', 'music'], ['2017', 'has domain', 'music'], ['love always', 'has domain', 'music'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['artist', 'has value', 'shane filan'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['false', 'has domain', 'travel'], ['music', 'has slot', 'lookupmusic'], ['track', 'has value', 'beautiful in white'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2766\n", + "dialogue: \"user\": \"my friends will be visiting and i would like to find a movie online . would you search for one ?\"\n", + "\"system\": \"do you have a particular kind of movie you like ?\"\n", + "\"user\": \"yes , i like tragic drama movies .\"\n", + "\"system\": \"i have found 1 movie you may like to watch . what do you think og tigers are not afraid ?\"\n", + "\"user\": \"i thinkg i would enjoy tigers are not afraid . i would also like you to search for attractions , preferrably garden ones .\"\n", + "\"system\": \"in what area would you like to visit the attraction ?\"\n", + "\"user\": \"please search in chi - town .\"\n", + "\"system\": \"there is a beautiful park you could visit called burnham park .\"\n", + "\"user\": \"great . thank you . now i would like to find some songs . please search for some songs .\"\n", + "\"system\": \"i have a few choices you may enjoy . how about la da dee from cody simpson surfers paradise album ?\"\n", + "\"user\": \"that one sounds perfect .\"\n", + "\"system\": \"would you like to hear this song ?\"\n", + "\"user\": \"yes , that would be great .\"\n", + "\"system\": \"please confirm you would like to hear la da dee in the living room .\"\n", + "\"user\": \"yes , that would be great .\"\n", + "\"system\": \"enjoy listening to the music .\"\n", + "\"user\": \"thanks ! now will you play the movie you found earlier and please include the english subtitles .\"\n", + "\"system\": \"please confirm you would like to watch tigers are not afraid with english subtitles .\"\n", + "\"user\": \"yes . who is the lead actor in this movie ?\"\n", + "\"system\": \"hanssel casillas is the main actor and your movie has begun playing .\"\n", + "\"user\": \"thank you for your assistance .\"\n", + "\"system\": \"is there anything else you need right now ?\"\n", + "\"user\": \"no , that will be all . thanks !\"\n", + "\"system\": \"enjoy the rest of your day !\"\n", + "\n", + "terms: ['music', 'album', 'park', 'one', 'surfers paradise', 'tigers are not afraid', 'la da dee', 'cody simpson', 'english', 'living room', 'tragic drama', 'burnham park', 'chi - town', '1']\n", + "relations: [['tigers are not afraid', 'has domain', 'media'], ['genre', 'has value', 'tragic drama'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['album', 'has value', 'surfers paradise'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['burnham park', 'has domain', 'travel'], ['starring', 'has value', 'hanssel casillas'], ['category', 'has value', 'park'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['la da dee', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['tragic drama', 'has domain', 'media'], ['media', 'has slot', 'title'], ['park', 'has domain', 'travel'], ['attraction name', 'has value', 'burnham park'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['title', 'has value', 'tigers are not afraid'], ['music', 'has slot', 'track'], ['track', 'has value', 'la da dee'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['1', 'refers to same concept as', 'one'], ['surfers paradise', 'has domain', 'music'], ['artist', 'has value', 'cody simpson'], ['cody simpson', 'has domain', 'music'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['chi - town', 'has domain', 'travel'], ['hanssel casillas', 'has domain', 'media'], ['location', 'has value', 'chi - town'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-2767\n", + "dialogue: \"user\": \"i could use some help finding movies to watch online .\"\n", + "\"system\": \"what kind of movies are you interested in ?\"\n", + "\"user\": \"action movies . they are the best .\"\n", + "\"system\": \"would you like angel has fallen , hobbs and shaw , or mission mangal ?\"\n", + "\"user\": \"what else is there ?\"\n", + "\"system\": \"there is riot girls , and saaho as well .\"\n", + "\"user\": \"saaho looks super cool . thanks . can you find me an attraction in new york city now ? anything will be cool .\"\n", + "\"system\": \"there are 10 attractions that might interested you . you could check out the museum called 9 / 11 tribute museum .\"\n", + "\"user\": \"cool . what else ?\"\n", + "\"system\": \"you could also check out the 92nd street y , which is a performing arts venue .\"\n", + "\"user\": \"sounds alright . anything else you can think of ?\"\n", + "\"system\": \"you could also check out alley pond park , which is a park .\"\n", + "\"user\": \"cool , i ' ll have to check them all out . can you find some songs for me now ?\"\n", + "\"system\": \"i ' ve found 10 sounds for you already . how about in summer by josh gad from the album frozen ?\"\n", + "\"user\": \"how did you know i wanted to hear that !? play it for me please .\"\n", + "\"system\": \"you would like in summer to play in living room . is that correct ?\"\n", + "\"user\": \"yes , that ' s correct . can you tell me what genre this is considered ? also didn ' t this come out in 2015 ?\"\n", + "\"system\": \"it is considered to be a soundtracks song , and is from the year 2013 .\"\n", + "\"user\": \"can you play the movie you found earlier actually ? with spanish subtitles please .\"\n", + "\"system\": \"you would like to watch saaho with spanish subtitles . is that correct ?\"\n", + "\"user\": \"yes that is correct . can you tell me who acts in it before it boots up ?\"\n", + "\"system\": \"the movie will begin playing shortly . mahesh manjrekar acted in the movie .\"\n", + "\"user\": \"okay , cool . that will be all for now thank you .\"\n", + "\"system\": \"you ' re welcome . enjoy the movie .\"\n", + "\n", + "terms: ['year', 'performing arts venue', 'soundtracks', 'park', 'museum', 'new york city', 'saaho', 'hobbs and shaw', 'mahesh manjrekar', 'genre', 'spanish', 'frozen', 'angel has fallen', '9 / 11 tribute museum', '2013', 'alley pond park', 'living room', 'riot girls', 'album', 'josh gad', '2015', '92nd street y', 'in summer', 'mission mangal', '10']\n", + "relations: [['mission mangal', 'has domain', 'media'], ['10', 'has domain', 'music'], ['attraction name', 'has value', '9 / 11 tribute museum'], ['hobbs and shaw', 'has domain', 'media'], ['josh gad', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['performing arts venue', 'has domain', 'travel'], ['media', 'has slot', 'starring'], ['title', 'has value', 'riot girls'], ['soundtracks', 'has domain', 'music'], ['alley pond park', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'count'], ['action', 'has domain', 'media'], ['new york city', 'has domain', 'travel'], ['title', 'has value', 'angel has fallen'], ['category', 'has value', 'performing arts venue'], ['attraction name', 'has value', '92nd street y'], ['travel', 'has slot', 'location'], ['category', 'has value', 'park'], ['2013', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['spanish', 'has domain', 'media'], ['starring', 'has value', 'mahesh manjrekar'], ['travel', 'has slot', 'findattractions'], ['mahesh manjrekar', 'has domain', 'media'], ['saaho', 'has domain', 'media'], ['dontcare', 'has domain', 'travel'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['genre', 'has value', 'soundtracks'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['park', 'has domain', 'travel'], ['year', 'has value', '2015'], ['location', 'has value', 'new york city'], ['92nd street y', 'has domain', 'travel'], ['subtitle language', 'has value', 'spanish'], ['attraction name', 'has value', 'alley pond park'], ['media', 'has slot', 'genre'], ['2015', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'action'], ['music', 'has slot', 'track'], ['artist', 'has value', 'josh gad'], ['title', 'has value', 'saaho'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['9 / 11 tribute museum', 'has domain', 'travel'], ['track', 'has value', 'in summer'], ['frozen', 'has domain', 'music'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['year', 'has value', '2013'], ['museum', 'has domain', 'travel'], ['riot girls', 'has domain', 'media'], ['album', 'has value', 'frozen'], ['title', 'has value', 'hobbs and shaw'], ['category', 'has value', 'dontcare'], ['music', 'has slot', 'lookupmusic'], ['in summer', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2768\n", + "dialogue: \"user\": \"find some movies for me to watch online\"\n", + "\"system\": \"any specific movies types preferred by you\"\n", + "\"user\": \"sure , comedy movies are preferable\"\n", + "\"system\": \"how about my big fat greek wedding , good boys or chhichhore ?\"\n", + "\"user\": \"chhichhore sounds great . i also need to show me some free attractions there .\"\n", + "\"system\": \"which city should i search in ?\"\n", + "\"user\": \"i am looking for something in anaheim , ca\"\n", + "\"system\": \"there ' s a sports venue that you can check out - angel stadium of anaheim\"\n", + "\"user\": \"thanks , please play some songs by sean paul for me\"\n", + "\"system\": \"how about the song how deep is your love from tomahawk technique album by sean paul\"\n", + "\"user\": \"what is its year of release ?\"\n", + "\"system\": \"it came out in 2012\"\n", + "\"user\": \"cool , play it on my living room speakers\"\n", + "\"system\": \"sure , just need your confirmation . playing how deep is your love in the living room\"\n", + "\"user\": \"cool , what is the kind of music is it ?\"\n", + "\"system\": \"it is a reggae song\"\n", + "\"user\": \"thanks , now play the movie i selected with spanish subtitles .\"\n", + "\"system\": \"sure , need your confirmation again . playing chhichhore with spanish subtitles .\"\n", + "\"user\": \"thank you so much .\"\n", + "\"system\": \"playing the movie now\"\n", + "\"user\": \"who is the actor in it ?\"\n", + "\"system\": \"it has naveen polishetty .\"\n", + "\"user\": \"thanks , that would be all .\"\n", + "\"system\": \"my pleasure . enjoy your day .\"\n", + "\n", + "terms: ['tomahawk technique', 'year', 'naveen polishetty', 'music', 'greek wedding', 'comedy', 'sports venue', 'how deep is your love', 'spanish', 'chhichhore', 'living room', 'good boys', 'reggae', 'album', 'my big fat greek wedding', 'sean paul']\n", + "relations: [['travel', 'has slot', 'free entry'], ['comedy', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['angel stadium of anaheim', 'has domain', 'travel'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['how deep is your love', 'has domain', 'music'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['media', 'has slot', 'starring'], ['good boys', 'has domain', 'media'], ['sports venue', 'has domain', 'travel'], ['true', 'has domain', 'travel'], ['genre', 'has value', 'reggae'], ['spanish', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['track', 'has value', 'how deep is your love'], ['travel', 'has slot', 'findattractions'], ['title', 'has value', 'good boys'], ['attraction name', 'has value', 'angel stadium of anaheim'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['category', 'has value', 'sports venue'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['anaheim , ca', 'has domain', 'travel'], ['starring', 'has value', 'naveen polishetty'], ['media', 'has slot', 'title'], ['artist', 'has value', 'sean paul'], ['sean paul', 'has domain', 'music'], ['subtitle language', 'has value', 'spanish'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['media', 'has slot', 'genre'], ['album', 'has value', 'tomahawk technique'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['location', 'has value', 'anaheim , ca'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['genre', 'has value', 'comedy'], ['my big fat greek wedding', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['tomahawk technique', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['reggae', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['naveen polishetty', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2769\n", + "dialogue: \"user\": \"can you fine ma cartoon movie to watch ? i like movies with anri katsu .\"\n", + "\"system\": \"how about paprika ?\"\n", + "\"user\": \"paprika is good . can you show me some cool places here ?\"\n", + "\"system\": \"where should i look ?\"\n", + "\"user\": \"somewhere in london .\"\n", + "\"system\": \"you can visit 30 st mary axe ( the gherkin ), which is a historical landmark .\"\n", + "\"user\": \"okay thanks , can you look for some songs for me that are similar to ariana grande ?\"\n", + "\"system\": \"how about baby i by ariana grande , off the yours truly album ?\"\n", + "\"user\": \"yes that ' s a good one , can you play it ?\"\n", + "\"system\": \"you want me to play baby i in the living room ?\"\n", + "\"user\": \"yes . what year was it released ?\"\n", + "\"system\": \"enjoy . it was released in 2013 .\"\n", + "\"user\": \"can you play that movie you mentioned earlier ?\"\n", + "\"system\": \"you want me to play paprika with english subtitles ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"it ' s now playing .\"\n", + "\"user\": \"thanks , that ' s everything .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['year', '2013', 'anri katsu', 'cartoon', 'london', 'paprika', 'historical landmark', 'baby i', 'ariana grande', 'living room', 'english', 'yours truly', 'album']\n", + "relations: [['30 st mary axe ( the gherkin )', 'has domain', 'travel'], ['track', 'has value', 'baby i'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['genre', 'has value', 'cartoon'], ['media', 'has slot', 'starring'], ['ariana grande', 'has domain', 'music'], ['paprika', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['2013', 'has domain', 'music'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['baby i', 'has domain', 'music'], ['subtitle language', 'has value', 'english'], ['london', 'has domain', 'travel'], ['attraction name', 'has value', '30 st mary axe ( the gherkin )'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['anri katsu', 'has domain', 'media'], ['artist', 'has value', 'ariana grande'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['title', 'has value', 'paprika'], ['music', 'has slot', 'track'], ['album', 'has value', 'yours truly'], ['category', 'has value', 'historical landmark'], ['location', 'has value', 'london'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['yours truly', 'has domain', 'music'], ['device', 'has value', 'living room'], ['year', 'has value', '2013'], ['music', 'has slot', 'device'], ['starring', 'has value', 'anri katsu'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2770\n", + "dialogue: \"user\": \"please go online and search for fight movies featuring ani sava .\"\n", + "\"system\": \"i found 1 movie that might interest you . how does pulp fiction sound ?\"\n", + "\"user\": \"pulp fiction sounds great . now please find me some attractions in that place .\"\n", + "\"system\": \"in what city do you want to find attractions ?\"\n", + "\"user\": \"search for ny attractions , please .\"\n", + "\"system\": \"your search yielded 10 attractions that might be of interest . you should visit the museum known as 9 / 11 tribute museum .\"\n", + "\"user\": \"sounds good ! now let ' s search for songs now .\"\n", + "\"system\": \"would you like all about that bass in the title album by meghan trainor ?\"\n", + "\"user\": \"yes , i ' d like you to play that song on the kitchen speaker .\"\n", + "\"system\": \"sure , no problem . please confirm that you ' d like to listen to all about that bass in the kitchen\"\n", + "\"user\": \"yes , that ' s what i ' d like . please tell me the song ' s genre and year of release .\"\n", + "\"system\": \"do enjoy listening to your music . it is a 2014 pop song .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"will there be anything else ?\"\n", + "\"user\": \"i ' d like to watch the movie you found . please play it with english subtitles .\"\n", + "\"system\": \"sure , no problem . please confirm that you ' d like to watch pulp fiction with english subtitles .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"movie now playing .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"would you like my help with anything else ?\"\n", + "\"user\": \"no . thank you very much . you ' ve been very helpful .\"\n", + "\"system\": \"goodbye , and have a wonderful day !\"\n", + "\n", + "terms: ['year', 'ny', 'ani sava', 'fight', 'museum', 'title', '2014', 'genre', 'all about that bass', 'pulp fiction', '9 / 11 tribute museum', 'music', 'meghan trainor', 'english', 'album', 'pop', 'kitchen', '10', '1']\n", + "relations: [['genre', 'has value', 'pop'], ['starring', 'has value', 'ani sava'], ['attraction name', 'has value', '9 / 11 tribute museum'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['2014', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['ny', 'has domain', 'travel'], ['10', 'refers to same concept as', 'ten'], ['track', 'has value', 'all about that bass'], ['media', 'has slot', 'starring'], ['travel', 'has slot', 'count'], ['year', 'has value', '2014'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['pop', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['pulp fiction', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['album', 'has value', 'title'], ['meghan trainor', 'has domain', 'music'], ['media', 'has slot', 'title'], ['location', 'has value', 'ny'], ['artist', 'has value', 'meghan trainor'], ['fight', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['9 / 11 tribute museum', 'has domain', 'travel'], ['title', 'has value', 'pulp fiction'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['all about that bass', 'has domain', 'music'], ['museum', 'has domain', 'travel'], ['ani sava', 'has domain', 'media'], ['title', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['count', 'has value', '10'], ['genre', 'has value', 'fight']]\n", + "\n", + "dialogue id: sgd-test-2771\n", + "dialogue: \"user\": \"i want to see a movie online .\"\n", + "\"system\": \"what kind of movie ?\"\n", + "\"user\": \"i want to see a comic movie .\"\n", + "\"system\": \"there are 5 suitable options . you can watch chhichhore , good boys or my big fat greek wedding .\"\n", + "\"user\": \"let me see my big fat greek wedding . what fun park can i visit in london .\"\n", + "\"system\": \"there are 10 suitable choices for you . you can try a park called barbican conservatory .\"\n", + "\"user\": \"great . i want to listen to some tunesnow .\"\n", + "\"system\": \"there are 10 songs that might interest you . would you like to listen to whore by in this moment from the album blood ?\"\n", + "\"user\": \"did that song come out four years ago ?\"\n", + "\"system\": \"it came out in 2012 .\"\n", + "\"user\": \"i want to hear something more contemporary .\"\n", + "\"system\": \"how about nixta ginontai ta thavmata by malou kyriakopoulou from the album ores aixmis ?\"\n", + "\"user\": \"yes , play that one .\"\n", + "\"system\": \"you would like to listen to nixta ginontai ta thavmata in the living room ?\"\n", + "\"user\": \"no , on the speaker in patio .\"\n", + "\"system\": \"playing nixta ginontai ta thavmata in patio .\"\n", + "\"user\": \"thanks . what kind of music is that ?\"\n", + "\"system\": \"it is a pop tune .\"\n", + "\"user\": \"did it come out three years ago ?\"\n", + "\"system\": \"no , it is from 2019 .\"\n", + "\"user\": \"ok , thanks a lot .\"\n", + "\"system\": \"would you need anything else ?\"\n", + "\"user\": \"can you play the movie with english subtitles .\"\n", + "\"system\": \"you would like to see my big fat greek wedding with english subtitles ?\"\n", + "\"user\": \"yes , i do . who was the main actor or actress in the film ?\"\n", + "\"system\": \"andrea martin . the movie has started .\"\n", + "\"user\": \"thanks . that would be all .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['blood', 'park', 'barbican conservatory', '2012', 'malou kyriakopoulou', 'good boys', 'whore', 'music', '5', 'chhichhore', 'patio', 'living room', 'english', 'album', 'ores aixmis', 'pop', 'greek wedding', 'london', '2019', '10', 'comic', 'in this moment', 'my big fat greek wedding', 'nixta ginontai ta thavmata']\n", + "relations: [['genre', 'has value', 'pop'], ['10', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['attraction name', 'has value', 'barbican conservatory'], ['track', 'has value', 'whore'], ['whore', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['in this moment', 'has domain', 'music'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['2016', 'has domain', 'music'], ['album', 'has value', 'blood'], ['starring', 'has value', 'andrea martin'], ['andrea martin', 'has domain', 'media'], ['10', 'refers to same concept as', 'ten'], ['year', 'has value', '2019'], ['blood', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['good boys', 'has domain', 'media'], ['genre', 'has value', 'comic'], ['malou kyriakopoulou', 'has domain', 'music'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'count'], ['barbican conservatory', 'has domain', 'travel'], ['category', 'has value', 'park'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['english', 'has domain', 'media'], ['pop', 'has domain', 'music'], ['5', 'has domain', 'media'], ['title', 'has value', 'good boys'], ['travel', 'has slot', 'findattractions'], ['london', 'has domain', 'travel'], ['year', 'has value', '2016'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['park', 'has domain', 'travel'], ['year', 'has value', '2015'], ['media', 'has slot', 'genre'], ['2015', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['location', 'has value', 'london'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['artist', 'has value', 'malou kyriakopoulou'], ['nixta ginontai ta thavmata', 'has domain', 'music'], ['my big fat greek wedding', 'has domain', 'media'], ['device', 'has value', 'living room'], ['artist', 'has value', 'in this moment'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['ores aixmis', 'has domain', 'music'], ['track', 'has value', 'nixta ginontai ta thavmata'], ['music', 'has slot', 'lookupmusic'], ['count', 'has value', '5'], ['album', 'has value', 'ores aixmis'], ['media', 'has slot', 'playmovie'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['comic', 'has domain', 'media'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2772\n", + "dialogue: \"user\": \"can you find me a movie online ?\"\n", + "\"system\": \"what kind of movie would you like to watch ?\"\n", + "\"user\": \"i ' d like a suspense film .\"\n", + "\"system\": \"what about madeline ' s madeline , rojo or the art of self - defense ?\"\n", + "\"user\": \"madeline ' s madeline sounds great . can you show me some attractions ?\"\n", + "\"system\": \"where would you like to go ?\"\n", + "\"user\": \"look for something in philly .\"\n", + "\"system\": \"i found 10 attractions you might like . there ' s the barnes foundation museum .\"\n", + "\"user\": \"great , thanks ! could you look up some songs by pharrell williams for me ?\"\n", + "\"system\": \"how about come get it bae from the g i r l album by pharrell williams ?\"\n", + "\"user\": \"perfect , i ' d like to hear that one now .\"\n", + "\"system\": \"to confirm : you would like the song come get it bae in the living room .\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"enjoy the song .\"\n", + "\"user\": \"can you play the movie too ?\"\n", + "\"system\": \"to confirm : you want to watch madeline ' s madeline with english subtitles .\"\n", + "\"user\": \"no , make it hindi subtitles .\"\n", + "\"system\": \"to confirm : you would like to watch madeline ' s madeline with hindi subtitles .\"\n", + "\"user\": \"you got it .\"\n", + "\"system\": \"your movie will start now .\"\n", + "\"user\": \"who is in this movie ?\"\n", + "\"system\": \"helena howard is in it .\"\n", + "\"user\": \"great . thank you .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"no thanks . i ' m good .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['pharrell williams', 'rojo', 'g i r l', 'barnes foundation', \"madeline ' s madeline\", 'philly', 'museum', 'hindi', 'come get it bae', 'english', 'living room', 'madeline', '10', 'the art of self - defense', 'album', 'suspense']\n", + "relations: [['starring', 'has value', 'helena howard'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['g i r l', 'has domain', 'music'], [\"madeline ' s madeline\", 'has domain', 'media'], ['location', 'has value', 'philly'], ['media', 'has slot', 'starring'], ['come get it bae', 'has domain', 'music'], ['suspense', 'has domain', 'media'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['pharrell williams', 'has domain', 'music'], ['subtitle language', 'has value', 'english'], ['rojo', 'has domain', 'media'], ['the art of self - defense', 'has domain', 'media'], ['artist', 'has value', 'pharrell williams'], ['10', 'has domain', 'travel'], ['music', 'has slot', 'playmedia'], ['hindi', 'has domain', 'media'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['barnes foundation', 'has domain', 'travel'], ['attraction name', 'has value', 'barnes foundation'], ['track', 'has value', 'come get it bae'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['subtitle language', 'has value', 'hindi'], ['album', 'has value', 'g i r l'], ['title', 'has value', 'rojo'], ['philly', 'has domain', 'travel'], ['genre', 'has value', 'suspense'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['museum', 'has domain', 'travel'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['music', 'has slot', 'lookupmusic'], ['helena howard', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-2773\n", + "dialogue: \"user\": \"can you find a movie with meera ganatra online for me ?\"\n", + "\"system\": \"sure , what type of movies do you prefer ?\"\n", + "\"user\": \"i enjoy movies with a dramatic story .\"\n", + "\"system\": \"i recommend seeing blinded by the light .\"\n", + "\"user\": \"blinded by the light sounds good .\"\n", + "\"system\": \"should i play the movie now ?\"\n", + "\"user\": \"no , i think i will wait to see it .\"\n", + "\"system\": \"is there something else i can do for you ?\"\n", + "\"user\": \"yes , i want to find something fun to do .\"\n", + "\"system\": \"what city do you want to find attractions in ?\"\n", + "\"user\": \"please look for something in london , england .\"\n", + "\"system\": \"yu may enjoy visiting the historical landmark at 30 st mary axe ( the gherkin ).\"\n", + "\"user\": \"i ' ll think about it , what else is there to do ?\"\n", + "\"system\": \"another historical landmark in the area is admiralty arch .\"\n", + "\"user\": \"is this a good place to take kids ?\"\n", + "\"system\": \"yes , the attraction is child - friendly .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"is there anything else i can do for you right now ?\"\n", + "\"user\": \"yes , i ' d like to find some songs by james blunt .\"\n", + "\"system\": \"always hate me is a good song by james blunt . it is from his moon landing album .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"should i play this song now ?\"\n", + "\"user\": \"yes , play it now .\"\n", + "\"system\": \"you would like to play always hate me in the living room , correct ?\"\n", + "\"user\": \"sounds good . what type of music is this considered to be and when was it released ?\"\n", + "\"system\": \"it is a pop song that was released in 2013 . hope you enjoy it .\"\n", + "\"user\": \"thanks ! can yu now play the movie you mentioned earlier with english subtitled ?\"\n", + "\"system\": \"you would like to watch blinded by the light with english subtitles , is that right ?\"\n", + "\"user\": \"no , actually i would rather see it with subtitled in hindi .\"\n", + "\"system\": \"can you verify you want to see blinded by the light with hindi subtitles ?\"\n", + "\"user\": \"yes , that ' s what i want .\"\n", + "\"system\": \"alright , your movie has started .\"\n", + "\"user\": \"perfect ! goodbye for now .\"\n", + "\"system\": \"enjoy the movie !\"\n", + "\n", + "terms: ['london , england', 'moon landing', '2013', 'pop', 'music', 'james blunt', 'dramatic story', 'album', 'admiralty arch', 'meera ganatra', 'historical landmark', 'hindi', 'english', 'living room', 'always hate me', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'pop'], ['30 st mary axe ( the gherkin )', 'has domain', 'travel'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['james blunt', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'subtitle language'], ['dramatic story', 'has domain', 'media'], ['attraction name', 'has value', 'admiralty arch'], ['good for kids', 'has value', 'true'], ['media', 'has slot', 'starring'], ['london , england', 'has domain', 'travel'], ['true', 'has domain', 'travel'], ['album', 'has value', 'moon landing'], ['meera ganatra', 'has domain', 'media'], ['2013', 'has domain', 'music'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['living room', 'has domain', 'music'], ['track', 'has value', 'always hate me'], ['travel', 'has slot', 'findattractions'], ['pop', 'has domain', 'music'], ['subtitle language', 'has value', 'english'], ['attraction name', 'has value', '30 st mary axe ( the gherkin )'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['always hate me', 'has domain', 'music'], ['admiralty arch', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['artist', 'has value', 'james blunt'], ['genre', 'has value', 'dramatic story'], ['moon landing', 'has domain', 'music'], ['blinded by the light', 'has domain', 'media'], ['subtitle language', 'has value', 'hindi'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['starring', 'has value', 'meera ganatra'], ['music', 'has slot', 'device'], ['year', 'has value', '2013'], ['location', 'has value', 'london , england'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-2774\n", + "dialogue: \"user\": \"i need to see some movie online i think ?\"\n", + "\"system\": \"what genre do you want ?\"\n", + "\"user\": \"i love a good thriller .\"\n", + "\"system\": \"i have 4 : madeline ' s madeline , rojo or even the art of self - defense should start you .\"\n", + "\"user\": \"rojo sounds good . what are some things nearby to see ?\"\n", + "\"system\": \"where shall i search ?\"\n", + "\"user\": \"how about london , england ?\"\n", + "\"system\": \"people always seem to rave about 30 st mary axe ( the gherkin ). it ' s a historical landmark .\"\n", + "\"user\": \"nah , what about something really child friendly that is free ?\"\n", + "\"system\": \"i have at least 10 for you . what about all saints , margaret street . it ' s listed under place of worship .\"\n", + "\"user\": \"fine , i ' m not sure my kid ' s going to be into church . what about a park in new york city ?\"\n", + "\"system\": \"well , alley pond park is alphabetically first there under park .\"\n", + "\"user\": \"fine , let ' s think about music now . what about a popular tune by ben platt ?\"\n", + "\"system\": \"there is 1 option . grow as we go is by ben platt from his , sing to me instead .\"\n", + "\"user\": \"fine , get it .\"\n", + "\"system\": \"ok , playing grow as we go in the living room now .\"\n", + "\"user\": \"yes , that ' s great .\"\n", + "\"system\": \"enjoy the song , playing now .\"\n", + "\"user\": \"fine , play that movie too .\"\n", + "\"system\": \"to confirm , play rojo with english subtitles .\"\n", + "\"user\": \"no i don ' t like speaking in english , get me french instead .\"\n", + "\"system\": \"to confirm , play rojo with french subtitles .\"\n", + "\"user\": \"yes , great . who acted in this ?\"\n", + "\"system\": \"rudy chernicoff did , i ' m starting it now .\"\n", + "\"user\": \"fine , that ' ll do pig .\"\n", + "\"system\": \"have a good day maaa .\"\n", + "\n", + "terms: ['grow as we go', 'park', 'sing to me instead', 'new york city', 'thriller', 'popular', 'all saints , margaret street', 'rojo', 'genre', 'place of worship', 'the art of self - defense', 'alley pond park', 'music', 'french', 'historical landmark', 'ben platt', 'living room', 'english', 'london , england', '4', \"madeline ' s madeline\", 'madeline', '10', '1']\n", + "relations: [['travel', 'has slot', 'free entry'], ['30 st mary axe ( the gherkin )', 'has domain', 'travel'], ['travel', 'has slot', 'good for kids'], ['attraction name', 'has value', 'all saints , margaret street'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['category', 'has value', 'place of worship'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['genre', 'has value', 'popular'], ['ben platt', 'has domain', 'music'], [\"madeline ' s madeline\", 'has domain', 'media'], ['good for kids', 'has value', 'true'], ['media', 'has slot', 'starring'], ['london , england', 'has domain', 'travel'], ['true', 'has domain', 'travel'], ['alley pond park', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'count'], ['count', 'has value', '4'], ['category', 'has value', 'park'], ['new york city', 'has domain', 'travel'], ['french', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['1', 'has domain', 'music'], ['subtitle language', 'has value', 'french'], ['rojo', 'has domain', 'media'], ['attraction name', 'has value', '30 st mary axe ( the gherkin )'], ['the art of self - defense', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['10', 'has domain', 'travel'], ['grow as we go', 'has domain', 'music'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['park', 'has domain', 'travel'], ['artist', 'has value', 'ben platt'], ['genre', 'has value', 'thriller'], ['location', 'has value', 'new york city'], ['album', 'has value', 'sing to me instead'], ['attraction name', 'has value', 'alley pond park'], ['4', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['popular', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['starring', 'has value', 'rudy chernicoff'], ['thriller', 'has domain', 'media'], ['music', 'has slot', 'track'], ['sing to me instead', 'has domain', 'music'], ['category', 'has value', 'historical landmark'], ['all saints , margaret street', 'has domain', 'travel'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['place of worship', 'has domain', 'travel'], ['title', 'has value', 'rojo'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['location', 'has value', 'london , england'], ['music', 'has slot', 'lookupmusic'], ['track', 'has value', 'grow as we go'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10'], ['rudy chernicoff', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-2775\n", + "dialogue: \"user\": \"i ' m looking for an anime movie online .\"\n", + "\"system\": \"how about paprika ?\"\n", + "\"user\": \"yes , paprika sounds great . i ' d also like to search for some attractions .\"\n", + "\"system\": \"what city do you want to search in ?\"\n", + "\"user\": \"i ' m looking for one in dc .\"\n", + "\"system\": \"how about the nature preserve 56 signers of the declaration of independence memorial ?\"\n", + "\"user\": \"that sounds good . i ' m also looking for some songs .\"\n", + "\"system\": \"i found 10 songs for you . what about the song who knows by protoje from the album ancient future ?\"\n", + "\"user\": \"when did it come out ?\"\n", + "\"system\": \"it came out in 2014 .\"\n", + "\"user\": \"what type of song is it ?\"\n", + "\"system\": \"it is a reggae song .\"\n", + "\"user\": \"yes , that is the one ! i ' d like to play the song .\"\n", + "\"system\": \"okay , you want to play the song who knows in the living room , right ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"i have started playing the song , enjoy .\"\n", + "\"user\": \"okay , thanks . i ' d like to play that movie now .\"\n", + "\"system\": \"you want to play the movie paprika with english subtitles , right ?\"\n", + "\"user\": \"no , i want to watch it with spanish subtitles .\"\n", + "\"system\": \"okay , you want to play paprika with spanish subtitles , correct ?\"\n", + "\"user\": \"yes , who acted in it ?\"\n", + "\"system\": \"i have started playing the movie . katsunosuke hori acted in it .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['protoje', 'album', '56 signers of the declaration of independence memorial', 'nature preserve', 'paprika', 'dc', 'katsunosuke hori', 'spanish', 'english', '2014', 'who knows', '10', 'reggae', 'living room', 'anime', 'ancient future']\n", + "relations: [['10', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['album', 'has value', 'ancient future'], ['count', 'has value', '10'], ['2014', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['56 signers of the declaration of independence memorial', 'has domain', 'travel'], ['artist', 'has value', 'protoje'], ['media', 'has slot', 'starring'], ['nature preserve', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['genre', 'has value', 'reggae'], ['track', 'has value', 'who knows'], ['year', 'has value', '2014'], ['paprika', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['spanish', 'has domain', 'media'], ['anime', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['genre', 'has value', 'anime'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['category', 'has value', 'nature preserve'], ['who knows', 'has domain', 'music'], ['subtitle language', 'has value', 'spanish'], ['location', 'has value', 'dc'], ['attraction name', 'has value', '56 signers of the declaration of independence memorial'], ['media', 'has slot', 'genre'], ['starring', 'has value', 'katsunosuke hori'], ['music', 'has slot', 'artist'], ['title', 'has value', 'paprika'], ['music', 'has slot', 'track'], ['dc', 'has domain', 'travel'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['katsunosuke hori', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['reggae', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['ancient future', 'has domain', 'music'], ['protoje', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-2776\n", + "dialogue: \"user\": \"i want to watch a movie online for which i need your help to find the best one . can you search it for me ?\"\n", + "\"system\": \"yes , let me know the type of movie that you like to watch ?\"\n", + "\"user\": \"i like to watch funny movies and search the one like this .\"\n", + "\"system\": \"please choose your best choice among the movies chhichhore , good boys and my big fat greek wedding . these are the best among the 5 results i got .\"\n", + "\"user\": \"i prefer to watch the movie chhichhore .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"no , i will watch it later . now , i want to find some attractive places there to visit and help me to search for the suitable one .\"\n", + "\"system\": \"which is your convenient place to search for the attractions ?\"\n", + "\"user\": \"i want it in atlanta .\"\n", + "\"system\": \"do you like to visit to a place of worship ? if so then you can try to visit al - farooq masjid .\"\n", + "\"user\": \"that ' s okay . search some nice songs also for me to hear now . i need something from the album like maza mar liya dhori ke niche .\"\n", + "\"system\": \"got 2 songs from the album maza mar liya dhori ke niche . do you like to hear lahnga lasar ke by shailesh premi in that album ?\"\n", + "\"user\": \"yes , please let me know the type of this song .\"\n", + "\"system\": \"it is a country type song and hop you will like it .\"\n", + "\"user\": \"yes , i prefer to hear this song . thanks .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"yes , i like to hear it now . pleas play it on any of my device .\"\n", + "\"system\": \"okay , please confirm to play the song lahnga lasar ke in your living room speaker .\"\n", + "\"user\": \"that is confirmed and you can proceed . also please check whether this was released two years back .\"\n", + "\"system\": \"it is from the year 2019 and the same was started playing now . you can enjoy it .\"\n", + "\"user\": \"thanks and please play the movie that i have selected before .\"\n", + "\"system\": \"i need your confirmation to play the movie chhichhore with english subtitles .\"\n", + "\"user\": \"please go ahead .\"\n", + "\"system\": \"movie started playing now and you can enjoy the same .\"\n", + "\"user\": \"thanks and that ' s all for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['year', '2', 'my big fat greek wedding', 'country', 'funny', 'place of worship', 'atlanta', 'good boys', '5', 'chhichhore', 'english', 'living room', 'device', 'album', 'greek wedding', 'al - farooq masjid', 'shailesh premi', 'maza mar liya dhori ke niche', 'two', '2019', 'lahnga lasar ke']\n", + "relations: [['artist', 'has value', 'shailesh premi'], ['media', 'has slot', 'findmovies'], ['music', 'has slot', 'album'], ['category', 'has value', 'place of worship'], ['media', 'has slot', 'subtitle language'], ['album', 'has value', 'maza mar liya dhori ke niche'], ['media', 'has slot', 'count'], ['atlanta', 'refers to same concept as', 'atl'], ['good boys', 'has domain', 'media'], ['english', 'has domain', 'media'], ['lahnga lasar ke', 'has domain', 'music'], ['music', 'has slot', 'count'], ['2', 'refers to same concept as', 'two'], ['track', 'has value', 'lahnga lasar ke'], ['genre', 'has value', 'country'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['maza mar liya dhori ke niche', 'has domain', 'music'], ['country', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['2019', 'has domain', 'music'], ['5', 'has domain', 'media'], ['title', 'has value', 'good boys'], ['travel', 'has slot', 'findattractions'], ['atlanta', 'has domain', 'travel'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'my big fat greek wedding'], ['title', 'has value', 'chhichhore'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['genre', 'has value', 'funny'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['location', 'has value', 'atlanta'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['place of worship', 'has domain', 'travel'], ['al - farooq masjid', 'has domain', 'travel'], ['funny', 'has domain', 'media'], ['attraction name', 'has value', 'al - farooq masjid'], ['2', 'has domain', 'music'], ['2017', 'has domain', 'music'], ['my big fat greek wedding', 'has domain', 'media'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['shailesh premi', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['count', 'has value', '5'], ['media', 'has slot', 'playmovie'], ['device', 'has value', 'dontcare'], ['year', 'has value', '2019'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-2777\n", + "dialogue: \"user\": \"i ' ve had a long day and i want to relax with some movies . can you find some online movies ? maybe that stars carol sutton ?\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"i like family movies .\"\n", + "\"system\": \"i found 1 movie you might like . what about steel magnolias ?\"\n", + "\"user\": \"i like steel magnolias .\"\n", + "\"system\": \"should i play the movie ?\"\n", + "\"user\": \"not just yet . i ' d also like to search for some attractions for the weekend .\"\n", + "\"system\": \"what city should i search in ?\"\n", + "\"user\": \"let ' s look in the new york area .\"\n", + "\"system\": \"you might the 9 / 11 tribute museum which is a museum .\"\n", + "\"user\": \"okay , what other attractions are there ? i ' d like something more child - friendly .\"\n", + "\"system\": \"i found 9 attractions you may like . there is 92nd street y which is a performing arts venue .\"\n", + "\"user\": \"okay , that might work . can you also find me some songs to play ? i ' m really into hillbilly songs .\"\n", + "\"system\": \"i found 10 songs you may like . what about a little bit stronger by sara evans off the stronger album ?\"\n", + "\"user\": \"yes , sounds good , please play this song .\"\n", + "\"system\": \"okay , let ' s confirm : playing a little bit stronger in the living room .\"\n", + "\"user\": \"no , cast it to the speaker outside .\"\n", + "\"system\": \"okay , let ' s confirm : playing the song a little bit stronger on the patio .\"\n", + "\"user\": \"no , cast it to the kitchen instead .\"\n", + "\"system\": \"okay , let ' s confirm : playing a little bit stronger in the kitchen .\"\n", + "\"user\": \"yes sounds good . when did that song come out ?\"\n", + "\"system\": \"the song is from 2010 .\"\n", + "\"user\": \"thanks ! can you start the movie you found ?\"\n", + "\"system\": \"okay , let ' s confirm : playing steel magnolias with english subtitles .\"\n", + "\"user\": \"yes , thanks .\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"okay , thanks .\"\n", + "\"system\": \"anything else i can help with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['performing arts venue', 'museum', 'family', 'carol sutton', 'hillbilly', 'new york', '9 / 11 tribute museum', 'stronger', '2010', 'patio', 'living room', 'english', 'steel magnolias', 'album', '92nd street y', 'a little bit stronger', 'sara evans', 'kitchen', '10', '9', '1']\n", + "relations: [['new york', 'refers to same concept as', 'ny'], ['10', 'has domain', 'music'], ['attraction name', 'has value', '9 / 11 tribute museum'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['genre', 'has value', 'hillbilly'], ['music', 'has slot', 'album'], ['steel magnolias', 'has domain', 'media'], ['stronger', 'has domain', 'music'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['performing arts venue', 'has domain', 'travel'], ['device', 'has value', 'patio'], ['good for kids', 'has value', 'true'], ['media', 'has slot', 'starring'], ['family', 'has domain', 'media'], ['album', 'has value', 'stronger'], ['true', 'has domain', 'travel'], ['music', 'has slot', 'count'], ['travel', 'has slot', 'count'], ['new york', 'has domain', 'travel'], ['year', 'has value', '2010'], ['attraction name', 'has value', '92nd street y'], ['category', 'has value', 'performing arts venue'], ['device', 'has value', 'kitchen'], ['travel', 'has slot', 'location'], ['kitchen', 'has domain', 'music'], ['english', 'has domain', 'media'], ['title', 'has value', 'steel magnolias'], ['living room', 'has domain', 'music'], ['travel', 'has slot', 'findattractions'], ['carol sutton', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['a little bit stronger', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['sara evans', 'has domain', 'music'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['92nd street y', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['location', 'has value', 'new york'], ['count', 'has value', '9'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['starring', 'has value', 'carol sutton'], ['travel', 'has slot', 'category'], ['travel', 'has slot', 'attraction name'], ['9 / 11 tribute museum', 'has domain', 'travel'], ['hillbilly', 'has domain', 'music'], ['artist', 'has value', 'sara evans'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'genre'], ['genre', 'has value', 'family'], ['music', 'has slot', 'device'], ['museum', 'has domain', 'travel'], ['9', 'has domain', 'travel'], ['music', 'has slot', 'lookupmusic'], ['track', 'has value', 'a little bit stronger'], ['2010', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3254\n", + "dialogue: \"user\": \"can you show me some child - friendly attractions to visit ?\"\n", + "\"system\": \"what location should i search ?\"\n", + "\"user\": \"find something in san francisco , preferably without an entry fee .\"\n", + "\"system\": \"i found 10 attractions that you might like . how about alcatraz ? it is a historical landmark .\"\n", + "\"user\": \"sounds great . i ' d like to watch a movie around there .\"\n", + "\"system\": \"i found 10 movies that you may like . how about ad astra , brittany runs a marathon , or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"brittany runs a marathon would be perfect .\"\n", + "\"system\": \"do you want to purchase tickets ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"is there anything else that i can help you with ?\"\n", + "\"user\": \"can you find me some good movies online ?\"\n", + "\"system\": \"what genre do you prefer ?\"\n", + "\"user\": \"i like scary movies .\"\n", + "\"system\": \"i found 6 movies that you may like . how about 47 meters down : uncaged , in fabric , or midsommar ?\"\n", + "\"user\": \"midsommar sounds great . i ' d like to watch it with french subtitles .\"\n", + "\"system\": \"confirming that you want to watch midsommar with french subtitles ?\"\n", + "\"user\": \"yes , please . who stars in this movie ?\"\n", + "\"system\": \"bjorn andresen starred in this movie . i have started playing the movie .\"\n", + "\"user\": \"thank you . that ' s all i need .\"\n", + "\"system\": \"you ' re welcome . have a good day !\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'fiddler : a miracle of miracles', 'location', '6', 'uncaged', 'fiddler', 'genre', 'french', 'in fabric', 'fabric', 'movies', 'historical landmark', 'midsommar', 'scary', '47 meters down : uncaged', '10', 'san francisco']\n", + "relations: [['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['starring', 'has value', 'bjorn andresen'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['bjorn andresen', 'has domain', 'media'], ['travel', 'has slot', 'count'], ['10', 'has domain', 'movies'], ['san francisco', 'has domain', 'travel'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['french', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['historical landmark', 'has domain', 'travel'], ['6', 'has domain', 'media'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'french'], ['genre', 'has value', 'scary'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['in fabric', 'has domain', 'media'], ['title', 'has value', 'midsommar'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['count', 'has value', '6'], ['movies', 'has slot', 'findmovies'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['scary', 'has domain', 'media'], ['47 meters down : uncaged', 'has domain', 'media'], ['title', 'has value', 'in fabric'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3255\n", + "dialogue: \"user\": \"i ' d like to see some attractions to visit .\"\n", + "\"system\": \"where should i search for them ?\"\n", + "\"user\": \"please find them in sfo .\"\n", + "\"system\": \"i found 10 that may interest you . you can check out alcatraz , which is a historical landmark .\"\n", + "\"user\": \"would you say it ' s kid - friendly ?\"\n", + "\"system\": \"yes , it ' s okay to bring your children to .\"\n", + "\"user\": \"is it free to enter ?\"\n", + "\"system\": \"yes , it is free .\"\n", + "\"user\": \"alright . i also want to watch a regular movie around there .\"\n", + "\"system\": \"there are 10 movies playing . there ' s ad astra , brittany runs a marathon , and fiddler : a miracle of miracles .\"\n", + "\"user\": \"fiddler sounds great .\"\n", + "\"system\": \"do you want to buy tickets ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"is there anything else you need ?\"\n", + "\"user\": \"are there any good fight movies online ? i like movies with samuel l . jackson .\"\n", + "\"system\": \"i found 1 movie you might like . how about pulp fiction ?\"\n", + "\"user\": \"pulp fiction is awesome .\"\n", + "\"system\": \"do you want me to play it ?\"\n", + "\"user\": \"yes , please play it with french subtitles .\"\n", + "\"system\": \"okay . to confirm : you want to play pulp fiction with french subtitles .\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"i have started the movie .\"\n", + "\"user\": \"thank you . that ' s all .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'french', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'historical landmark', 'fight', 'samuel l . jackson', 'regular', '10', 'sfo', '1', 'pulp fiction']\n", + "relations: [['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['10', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['french', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['sfo', 'has domain', 'travel'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['pulp fiction', 'has domain', 'media'], ['subtitle language', 'has value', 'french'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['fiddler', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['location', 'has value', 'sfo'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['fight', 'has domain', 'media'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['samuel l . jackson', 'has domain', 'media'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movie name', 'has value', 'fiddler'], ['title', 'has value', 'pulp fiction'], ['movies', 'has slot', 'findmovies'], ['starring', 'has value', 'samuel l . jackson'], ['count', 'has value', '1'], ['regular', 'has domain', 'movies'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10'], ['genre', 'has value', 'fight']]\n", + "\n", + "dialogue id: sgd-test-3256\n", + "dialogue: \"user\": \"i am bored and i want to visit any attractions .\"\n", + "\"system\": \"what location do you want me to find you an attraction in ?\"\n", + "\"user\": \"oh i will be in the san francisco area .\"\n", + "\"system\": \"i can tell you about 10 attractions based on what you are looking for . what do you think of this historical landmark called alcatraz ?\"\n", + "\"user\": \"fantastic . i want to see a movie preferably an imax show at the amc kabuki 8 .\"\n", + "\"system\": \"what do you think of ad astra , hustlers or it chapter two ?\"\n", + "\"user\": \"i think i would love it two .\"\n", + "\"system\": \"do you want the tickets ?\"\n", + "\"user\": \"not now , maybe later .\"\n", + "\"system\": \"shall i get you something else ?\"\n", + "\"user\": \"i was looking for any nice movies online .\"\n", + "\"system\": \"do you have any type of movies you would like ?\"\n", + "\"user\": \"i want to see a play movie .\"\n", + "\"system\": \"i have found you 10 movies that suits your interest . how about a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"i think a faithful man would be really good .\"\n", + "\"system\": \"shall i start playing the movie ?\"\n", + "\"user\": \"yeah i want the movie played but with english subs .\"\n", + "\"system\": \"can you verify that you want a faithful man played with english subs ?\"\n", + "\"user\": \"not really , i will need hindi subs .\"\n", + "\"system\": \"so do you confirm that you want to see a faithful man with hindi subs ?\"\n", + "\"user\": \"sure , can you tell me what actor is in it ?\"\n", + "\"system\": \"i have started your movie and dali benssalah is the actor .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"shall i help you with anything else ?\"\n", + "\"user\": \"nope , thank you very much .\"\n", + "\"system\": \"i hope you have a wonderful day !\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'it two', 'location', 'imax', 'after the wedding', 'it chapter two', 'dali benssalah', 'hustlers', 'amc kabuki 8', 'movies', 'historical landmark', 'hindi', 'english', 'play', '10', 'a faithful man', 'san francisco', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'play'], ['media', 'has slot', 'playmovie'], ['movie name', 'has value', 'it two'], ['media', 'has slot', 'findmovies'], ['dali benssalah', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['theater name', 'has value', 'amc kabuki 8'], ['play', 'has domain', 'media'], ['movie name', 'has value', 'it chapter two'], ['movies', 'has slot', 'buymovietickets'], ['show type', 'has value', 'imax'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['san francisco', 'has domain', 'travel'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'dali benssalah'], ['it chapter two', 'refers to same concept as', 'it two'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['hindi', 'has domain', 'media'], ['hustlers', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['movies', 'has slot', 'theater name'], ['10', 'has domain', 'media'], ['alcatraz', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'hustlers'], ['category', 'has value', 'historical landmark'], ['title', 'has value', 'a faithful man'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['subtitle language', 'has value', 'hindi'], ['it chapter two', 'has domain', 'movies'], ['title', 'has value', 'after the wedding'], ['imax', 'has domain', 'movies'], ['blinded by the light', 'has domain', 'media'], ['it two', 'has domain', 'movies'], ['movies', 'has slot', 'findmovies'], ['title', 'has value', 'blinded by the light'], ['amc kabuki 8', 'has domain', 'movies'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3257\n", + "dialogue: \"user\": \"i wonder if you can help me find some attractions to visit in sf ? i would like to visit a stadium but without an entry fee .\"\n", + "\"system\": \"there is 1 attraction that meets your criteria . oracle park is a sports venue .\"\n", + "\"user\": \"what is the phone number there ?\"\n", + "\"system\": \"the phone number is 415 - 972 - 2000 .\"\n", + "\"user\": \"ok , that ' s great . i also want to watch a movie around there .\"\n", + "\"system\": \"some of the movies playing are ad astra , brittany runs a marathon , and fiddler : a miracle of miracles .\"\n", + "\"user\": \"please find some other movies .\"\n", + "\"system\": \"there are also give me liberty , hobbs and shaw , and hustlers .\"\n", + "\"user\": \"yeah , hobbs and shaw sounds just right .\"\n", + "\"system\": \"would you like to buy tickets ?\"\n", + "\"user\": \"no , now right now , thanks .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"are there any good movies online ?\"\n", + "\"system\": \"what type of movies would you like to look for ?\"\n", + "\"user\": \"thriller movies would be great .\"\n", + "\"system\": \"there are 4 movies available in that category . would you be interested in watching madeline ' s madeline , rojo , or the art of self - defense ?\"\n", + "\"user\": \"yeah , i want to watch rojo . can you play it now , with french subtitles , please ?\"\n", + "\"system\": \"you would like to play rojo with subtitles in french , is that correct ?\"\n", + "\"user\": \"yes , i would , please .\"\n", + "\"system\": \"the movie is starting .\"\n", + "\"user\": \"who plays the lead role ?\"\n", + "\"system\": \"rudy chernicoff stars in the movie .\"\n", + "\"user\": \"thank you , i like his work .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , that ' s all , thanks .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['ad astra', 'brittany runs a marathon', 'give me liberty', 'fiddler : a miracle of miracles', 'oracle park', 'hobbs and shaw', 'rojo', 'sports venue', 'fiddler', 'the art of self - defense', 'category', 'french', 'hustlers', 'movies', 'sf', 'phone number', '4', \"madeline ' s madeline\", 'madeline', '415 - 972 - 2000', '1']\n", + "relations: [['travel', 'has slot', 'free entry'], ['location', 'has value', 'sf'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], [\"madeline ' s madeline\", 'has domain', 'media'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['sports venue', 'has domain', 'travel'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['count', 'has value', '4'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['french', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['phone number', 'has value', '415 - 972 - 2000'], ['travel', 'has slot', 'findattractions'], ['movie name', 'has value', 'give me liberty'], ['subtitle language', 'has value', 'french'], ['rojo', 'has domain', 'media'], ['category', 'has value', 'sports venue'], ['title', 'has value', 'the art of self - defense'], ['the art of self - defense', 'has domain', 'media'], ['movie name', 'has value', 'ad astra'], ['hustlers', 'has domain', 'movies'], ['415 - 972 - 2000', 'has domain', 'travel'], ['media', 'has slot', 'title'], ['title', 'has value', \"madeline ' s madeline\"], ['genre', 'has value', 'thriller'], ['movie name', 'has value', 'brittany runs a marathon'], ['4', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['oracle park', 'has domain', 'travel'], ['movies', 'has slot', 'movie name'], ['attraction name', 'has value', 'oracle park'], ['movie name', 'has value', 'hobbs and shaw'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['thriller', 'has domain', 'media'], ['sf', 'has domain', 'travel'], ['movie name', 'has value', 'hustlers'], ['give me liberty', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['starring', 'has value', 'rudy chernicoff'], ['1', 'refers to same concept as', 'one'], ['title', 'has value', 'rojo'], ['hobbs and shaw', 'has domain', 'movies'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['1', 'has domain', 'travel'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['media', 'has slot', 'playmovie'], ['rudy chernicoff', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-3258\n", + "dialogue: \"user\": \"i need attractions , like something with a stadium .\"\n", + "\"system\": \"in which city would you like ?\"\n", + "\"user\": \"i need in sfo .\"\n", + "\"system\": \"there is 1 option like this . it is oracle park , a sports venue .\"\n", + "\"user\": \"okay , i need a movie too , in sfmoma - phyllis wattis theater . i like world movies and want a regular show .\"\n", + "\"system\": \"there is 1 movie like this , named zama .\"\n", + "\"user\": \"zama is perfect for this .\"\n", + "\"system\": \"would you like tickets ?\"\n", + "\"user\": \"not right now but i want a good one online , like fantasy and with david aston .\"\n", + "\"system\": \"there is the lord of the rings : the return of the king .\"\n", + "\"user\": \"the lord of the rings : the return of the king is perfect for this . i want to see it now .\"\n", + "\"system\": \"please confirm : playing the lord of the rings : the return of the king , in english subtitles .\"\n", + "\"user\": \"yes , that is perfect .\"\n", + "\"system\": \"playing this movie now .\"\n", + "\"user\": \"thanks a bunch .\"\n", + "\"system\": \"of course . have a wonderful day .\"\n", + "\n", + "terms: ['david aston', 'the lord of the rings', 'sports venue', '1', 'world', 'one', 'movies', 'zama', 'regular', 'fantasy', 'sfmoma - phyllis wattis theater', 'english', 'sfo', 'oracle park', 'the lord of the rings : the return of the king']\n", + "relations: [['travel', 'has slot', 'free entry'], ['theater name', 'has value', 'sfmoma - phyllis wattis theater'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['genre', 'has value', 'world'], ['starring', 'has value', 'david aston'], ['movies', 'has slot', 'buymovietickets'], ['movie name', 'has value', 'zama'], ['media', 'has slot', 'starring'], ['sports venue', 'has domain', 'travel'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['true', 'has domain', 'travel'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['sfmoma - phyllis wattis theater', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['sfo', 'has domain', 'travel'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['movies', 'has slot', 'show type'], ['fantasy', 'has domain', 'media'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['category', 'has value', 'sports venue'], ['david aston', 'has domain', 'media'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['location', 'has value', 'sfo'], ['media', 'has slot', 'genre'], ['oracle park', 'has domain', 'travel'], ['movies', 'has slot', 'movie name'], ['attraction name', 'has value', 'oracle park'], ['zama', 'has domain', 'movies'], ['1', 'has domain', 'movies'], ['genre', 'has value', 'fantasy'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['1', 'refers to same concept as', 'one'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['regular', 'has domain', 'movies'], ['1', 'has domain', 'travel'], ['movies', 'has slot', 'count'], ['world', 'has domain', 'movies'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-3259\n", + "dialogue: \"user\": \"can you find me some attractions ?\"\n", + "\"system\": \"where would you like to look ?\"\n", + "\"user\": \"in san fran please .\"\n", + "\"system\": \"there are 10 , alcatraz is a historical landmark you may like .\"\n", + "\"user\": \"great thank you .\"\n", + "\"system\": \"what else can i do for you ?\"\n", + "\"user\": \"i need a movie in the area .\"\n", + "\"system\": \"i found 10 . would you like ad astra , brittany runs a marathon , or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"brittany runs a marathon is good . please find a good family movie online .\"\n", + "\"system\": \"i found 2 . would you like steel magnolias or the farewell ?\"\n", + "\"user\": \"steel magnolias is great thanks .\"\n", + "\"system\": \"would you like to play it ?\"\n", + "\"user\": \"yes please play it with english subtitles .\"\n", + "\"system\": \"you want to play steel magnolias with english subtitles , correct ?\"\n", + "\"user\": \"yes that is correct , who acted in it ?\"\n", + "\"system\": \"james wlcek acted in the movie .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"what else can i do for you ?\"\n", + "\"user\": \"that is all i need for now , thanks .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'ad astra', 'brittany runs a marathon', 'family', 'farewell', 'the farewell', 'fiddler : a miracle of miracles', 'fiddler', '2', 'historical landmark', 'english', '10', 'steel magnolias']\n", + "relations: [['media', 'has slot', 'findmovies'], ['steel magnolias', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['the farewell', 'refers to same concept as', 'farewell'], ['media', 'has slot', 'starring'], ['family', 'has domain', 'media'], ['2', 'has domain', 'media'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['10', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['the farewell', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['title', 'has value', 'steel magnolias'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['starring', 'has value', 'james wlcek'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['count', 'has value', '2'], ['title', 'has value', 'the farewell'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['james wlcek', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['location', 'has value', 'san fran'], ['genre', 'has value', 'family'], ['movies', 'has slot', 'count'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3260\n", + "dialogue: \"user\": \"i want to go see some attractions or events .\"\n", + "\"system\": \"what city would you like to search in ?\"\n", + "\"user\": \"i want attractions in san francisco or the surrounding area .\"\n", + "\"system\": \"there are 10 attractions that you might enjoy . alcatraz is a historical landmark .\"\n", + "\"user\": \"do you have the telephone number for alcatraz ?\"\n", + "\"system\": \"the telephone number for alcatraz is 415 - 561 - 4900 .\"\n", + "\"user\": \"okay . what about a movie near there ? maybe something at the roxie theater , a regular show ?\"\n", + "\"system\": \"there are 6 movies at the roxie theater . are you interested in give me liberty , or in fabric , or labyrinth ?\"\n", + "\"user\": \"fabric sounds like a good movie . what about some good movies online ?\"\n", + "\"system\": \"what type of movies are you interested in ?\"\n", + "\"user\": \"i really like action movies . do you have any movies starring roman reigns ?\"\n", + "\"system\": \"there is 1 movie that fits what you ' re interested in . would you want to see hobbs and shaw ?\"\n", + "\"user\": \"yes . i would like to see hobbs and shaw now .\"\n", + "\"system\": \"please confirm the following information for me . you want to watch the movie hobbs and shaw with english subtitles .\"\n", + "\"user\": \"i want to watch hobbs and shaw , but i want french subtitles .\"\n", + "\"system\": \"please confirm the following information . you want to watch the movie hobbs and shaw with french subtitles .\"\n", + "\"user\": \"yes . that ' s what i ' d like to see .\"\n", + "\"system\": \"the movie is beginning .\"\n", + "\"user\": \"great . thanks for your help .\"\n", + "\"system\": \"is there anything else you ' d like ?\"\n", + "\"user\": \"no , that ' s it . thanks for your help .\"\n", + "\"system\": \"you ' re welcome . enjoy the movie .\"\n", + "\n", + "terms: ['alcatraz', 'give me liberty', 'regular', 'roman reigns', '6', 'hobbs and shaw', 'starring', 'action', 'french', '415 - 561 - 4900', 'in fabric', 'labyrinth', 'fabric', 'movies', 'historical landmark', 'roxie theater', 'english', '10', '1', 'san francisco']\n", + "relations: [['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['roman reigns', 'has domain', 'media'], ['movie name', 'has value', 'labyrinth'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['6', 'has domain', 'movies'], ['in fabric', 'refers to same concept as', 'fabric'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['labyrinth', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['san francisco', 'has domain', 'travel'], ['action', 'has domain', 'media'], ['french', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['movie name', 'has value', 'give me liberty'], ['in fabric', 'has domain', 'movies'], ['subtitle language', 'has value', 'english'], ['subtitle language', 'has value', 'french'], ['10', 'has domain', 'travel'], ['fabric', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'in fabric'], ['roxie theater', 'has domain', 'movies'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['genre', 'has value', 'action'], ['theater name', 'has value', 'roxie theater'], ['category', 'has value', 'historical landmark'], ['give me liberty', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['phone number', 'has value', '415 - 561 - 4900'], ['travel', 'has slot', 'category'], ['count', 'has value', '6'], ['1', 'refers to same concept as', 'one'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['regular', 'has domain', 'movies'], ['movies', 'has slot', 'count'], ['title', 'has value', 'hobbs and shaw'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['starring', 'has value', 'roman reigns'], ['movie name', 'has value', 'fabric'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3261\n", + "dialogue: \"user\": \"hi , could you find me attractions to visit in the sf area ?\"\n", + "\"system\": \"sure , how about a historical landmark called alcatraz ?\"\n", + "\"user\": \"i see , could you get me a movie at amc kabuki 8 in that area ? preferably a regular drama movie .\"\n", + "\"system\": \"would you like to watch brittany runs a marathon or hustlers ?\"\n", + "\"user\": \"are there any alternatives ? could i watch an imax show at roxie theater please ?\"\n", + "\"system\": \"there is 1 movie you may like , how about this is not berlin .\"\n", + "\"user\": \"this is not berlin is great !\"\n", + "\"system\": \"would you like me to purchase tickets for you ?\"\n", + "\"user\": \"no , that is not needed .\"\n", + "\"system\": \"could i further help you then ?\"\n", + "\"user\": \"could you find me movies online please .\"\n", + "\"system\": \"any specific genre you are looking at ?\"\n", + "\"user\": \"some drama movies will be great .\"\n", + "\"system\": \"would you like to watch a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"after the wedding sounds great ! could you play the movie now with french subtitles .\"\n", + "\"system\": \"please confirm your request to play after the wedding with french subtitles .\"\n", + "\"user\": \"yes , that is great .\"\n", + "\"system\": \"your movies has been played . enjoy !\"\n", + "\"user\": \"thank you so much .\"\n", + "\"system\": \"could i further assist you then ?\"\n", + "\"user\": \"no , that is all i need . thanks !\"\n", + "\"system\": \"have a great day ahead !\"\n", + "\n", + "terms: ['alcatraz', 'brittany runs a marathon', 'regular', 'imax', 'after the wedding', 'this is not berlin', 'genre', 'french', 'hustlers', 'amc kabuki 8', 'movies', 'historical landmark', 'roxie theater', 'sf', 'play', 'drama', 'a faithful man', '1', 'blinded by the light']\n", + "relations: [['media', 'has slot', 'playmovie'], ['location', 'has value', 'sf'], ['media', 'has slot', 'findmovies'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['theater name', 'has value', 'amc kabuki 8'], ['drama', 'has domain', 'movies'], ['movies', 'has slot', 'buymovietickets'], ['show type', 'has value', 'imax'], ['this is not berlin', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['drama', 'refers to same concept as', 'play'], ['french', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'french'], ['drama', 'has domain', 'media'], ['hustlers', 'has domain', 'movies'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['movies', 'has slot', 'theater name'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['roxie theater', 'has domain', 'movies'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['1', 'has domain', 'movies'], ['theater name', 'has value', 'roxie theater'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['movie name', 'has value', 'hustlers'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'after the wedding'], ['imax', 'has domain', 'movies'], ['blinded by the light', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['regular', 'has domain', 'movies'], ['movie name', 'has value', 'this is not berlin'], ['movies', 'has slot', 'count'], ['brittany runs a marathon', 'has domain', 'movies'], ['title', 'has value', 'blinded by the light'], ['amc kabuki 8', 'has domain', 'movies']]\n", + "\n", + "dialogue id: sgd-test-3262\n", + "dialogue: \"user\": \"would you find me some attractions that i can visit ? without an entry fee is best . i ' m searching for a museum , something child friendly .\"\n", + "\"system\": \"where should i find attractions ?\"\n", + "\"user\": \"find me attractions in paris , france .\"\n", + "\"system\": \"i have 10 attractions that should be of interest . please check out cite de l ' architecture et du patrimoine . it ' s a museum .\"\n", + "\"user\": \"any other attractions that you can think of ? find me san francisco attractions .\"\n", + "\"system\": \"check out cartoon art museum . it ' s a museum .\"\n", + "\"user\": \"okay , sounds fantastic . i ' d like to watch a movie in that area .\"\n", + "\"system\": \"what about ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"fiddler : a miracle of miracles sounds great .\"\n", + "\"system\": \"do you want to purchase tickets ?\"\n", + "\"user\": \"not at the moment .\"\n", + "\"system\": \"shall i assist with anything else ?\"\n", + "\"user\": \"do you have any goodmovies online ? i am into movies with jamie kennedy .\"\n", + "\"system\": \"what sort of movies are yeou into ?\"\n", + "\"user\": \"i ' m into sci - fi movies .\"\n", + "\"system\": \"there is 1 movie that you may like . what do you think about ad astra ?\"\n", + "\"user\": \"ad astra is good .\"\n", + "\"system\": \"would you like to play the movie ?\"\n", + "\"user\": \"yes , play me the movie . subtitles do not matter .\"\n", + "\"system\": \"please confirm that you want to play ad astra with english subtitles .\"\n", + "\"user\": \"okay .\"\n", + "\"system\": \"i have started playing the movie .\"\n", + "\"user\": \"thanks . that ' s it for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['ad astra', 'brittany runs a marathon', 'jamie kennedy', 'fiddler : a miracle of miracles', 'paris , france', 'sci - fi', \"cite de l ' architecture et du patrimoine\", 'movies', 'museum', 'fiddler', 'english', '10', '1', 'san francisco', 'cartoon art museum']\n", + "relations: [['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['attraction name', 'has value', 'cartoon art museum'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['attraction name', 'has value', \"cite de l ' architecture et du patrimoine\"], ['travel', 'has slot', 'count'], ['san francisco', 'has domain', 'travel'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['jamie kennedy', 'has domain', 'media'], [\"cite de l ' architecture et du patrimoine\", 'has domain', 'travel'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['dontcare', 'has domain', 'media'], ['location', 'has value', 'paris , france'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['paris , france', 'has domain', 'travel'], ['title', 'has value', 'ad astra'], ['movies', 'has slot', 'findmovies'], ['starring', 'has value', 'jamie kennedy'], ['count', 'has value', '1'], ['subtitle language', 'has value', 'dontcare'], ['museum', 'has domain', 'travel'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['cartoon art museum', 'has domain', 'travel'], ['sci - fi', 'has domain', 'media'], ['genre', 'has value', 'sci - fi'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3263\n", + "dialogue: \"user\": \"can you find me some attractions to visit in sf ?\"\n", + "\"system\": \"there are 10 attractions that you might find interesting . if you would like to visit a historical landmark , you should visit alcatraz .\"\n", + "\"user\": \"thank you . can you find me some scary movies that i can watch at roxie theater while i am there ? i am fine with any type of show .\"\n", + "\"system\": \"would you like to watch in fabric ?\"\n", + "\"user\": \"in fabric is a great option !\"\n", + "\"system\": \"shall i get you tickets to the movie ?\"\n", + "\"user\": \"no , not now . maybe later . can you find some drama movies starring aliza vellani that i can watch online ?\"\n", + "\"system\": \"there ' s only 1 movie based on your preferences and it is the art of racing in the rain . would you like to watch it ?\"\n", + "\"user\": \"racing in rain is a fantastic suggestion ! please play the movie now .\"\n", + "\"system\": \"please confirm that you would like to watch the art of racing in the rain with english subtitles .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"movie is playing now . enjoy !\"\n", + "\"user\": \"thank you for the assistance .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"no . that ' s all . thank you .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['alcatraz', 'scary', 'play', 'starring', 'drama', 'in fabric', 'fabric', 'movies', 'historical landmark', 'roxie theater', 'sf', 'english', 'aliza vellani', '10', '1', 'the art of racing in the rain']\n", + "relations: [['location', 'has value', 'sf'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['starring', 'has value', 'aliza vellani'], ['media', 'has slot', 'count'], ['racing in rain', 'has domain', 'media'], ['title', 'has value', 'racing in rain'], ['movies', 'has slot', 'buymovietickets'], ['in fabric', 'refers to same concept as', 'fabric'], ['media', 'has slot', 'starring'], ['dontcare', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['drama', 'refers to same concept as', 'play'], ['travel', 'has slot', 'location'], ['show type', 'has value', 'dontcare'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['in fabric', 'has domain', 'movies'], ['the art of racing in the rain', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['drama', 'has domain', 'media'], ['genre', 'has value', 'scary'], ['10', 'has domain', 'travel'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['scary', 'has domain', 'movies'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'in fabric'], ['roxie theater', 'has domain', 'movies'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['theater name', 'has value', 'roxie theater'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['the art of racing in the rain', 'refers to same concept as', 'racing in rain'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['title', 'has value', 'the art of racing in the rain'], ['aliza vellani', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3264\n", + "dialogue: \"user\": \"i ' m going to be taking a vacation soon and would like to check out some attractions while i ' m there . can you help me find some ?\"\n", + "\"system\": \"okay , where should i search for attractions ?\"\n", + "\"user\": \"let ' s look in sfo . i ' m interested in a wildlife spot .\"\n", + "\"system\": \"you might like aquarium of the bay which is a nature preserve .\"\n", + "\"user\": \"can you give me their phone number and tell me if entrance is free ?\"\n", + "\"system\": \"yes , entrance is free . the phone number is 415 - 623 - 5300 .\"\n", + "\"user\": \"okay that ' s great .\"\n", + "\"system\": \"is there anything else i can help with ?\"\n", + "\"user\": \"i ' d also like to see a movie around there .\"\n", + "\"system\": \"i found 10 movies you might like . what about ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"ad astra sounds good . are there any good movies online ?\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"i ' m interested in play movies and movies that feature constance wu .\"\n", + "\"system\": \"what about the movie hustlers ?\"\n", + "\"user\": \"hustlers is great .\"\n", + "\"system\": \"would you like to play the movie ?\"\n", + "\"user\": \"yes , let ' s play the movie with hindi subtitles .\"\n", + "\"system\": \"okay , let ' s confirm : playing the movie hustlers with subtitles in hindi .\"\n", + "\"user\": \"yes , thanks .\"\n", + "\"system\": \"okay , the movie is starting .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"anything else i can help with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['constance wu', 'ad astra', 'brittany runs a marathon', '415 - 623 - 5300', 'play', 'hustlers', 'nature preserve', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'aquarium of the bay', 'hindi', 'phone number', '10', 'sfo']\n", + "relations: [['genre', 'has value', 'play'], ['travel', 'has slot', 'free entry'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['415 - 623 - 5300', 'has domain', 'travel'], ['play', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['aquarium of the bay', 'has domain', 'travel'], ['attraction name', 'has value', 'aquarium of the bay'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['10', 'has domain', 'movies'], ['travel', 'has slot', 'phone number'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['sfo', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['starring', 'has value', 'constance wu'], ['movie name', 'has value', 'ad astra'], ['hindi', 'has domain', 'media'], ['category', 'has value', 'nature preserve'], ['media', 'has slot', 'title'], ['movie name', 'has value', 'brittany runs a marathon'], ['location', 'has value', 'sfo'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['subtitle language', 'has value', 'hindi'], ['hustlers', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['constance wu', 'has domain', 'media'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['phone number', 'has value', '415 - 623 - 5300'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'hustlers'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3265\n", + "dialogue: \"user\": \"please show me some attractions to visit .\"\n", + "\"system\": \"where should i look for attractions ?\"\n", + "\"user\": \"find some attractions in san francisco .\"\n", + "\"system\": \"there would be 10 attractions that are of interest to you . check out alcatraz a historical landmark .\"\n", + "\"user\": \"okay that is great . please watch a movie around there including mystery movies as i want to watch a regular show .\"\n", + "\"system\": \"what about luce or official secrets ?\"\n", + "\"user\": \"official secrets will be perfect .\"\n", + "\"system\": \"do you wish to buy tickets ?\"\n", + "\"user\": \"no , i don ' t want tickets . are there good movies online ?\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"i like war movies as they are great .\"\n", + "\"system\": \"what do you think about the load .\"\n", + "\"user\": \"the load is good .\"\n", + "\"system\": \"what else can i assist with ?\"\n", + "\"user\": \"i ' d like to watch movies now .\"\n", + "\"system\": \"please confirm details that you ' d like to play the load with subtitles in english .\"\n", + "\"user\": \"yes , please tell me who acted in it .\"\n", + "\"system\": \"start playing the movie that pavle cemerikic acted in .\"\n", + "\"user\": \"thanks for that . that is all for now .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['alcatraz', 'pavle cemerikic', 'mystery', 'the load', 'movies', 'historical landmark', 'war', 'regular', 'english', '10', 'official secrets', 'luce', 'san francisco']\n", + "relations: [['media', 'has slot', 'findmovies'], ['show type', 'has value', 'regular'], ['war', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['genre', 'has value', 'mystery'], ['luce', 'has domain', 'movies'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['movie name', 'has value', 'official secrets'], ['official secrets', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['san francisco', 'has domain', 'travel'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['starring', 'has value', 'pavle cemerikic'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['pavle cemerikic', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['san francisco', 'refers to same concept as', 'san fran'], ['attraction name', 'has value', 'alcatraz'], ['genre', 'has value', 'war'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['mystery', 'has domain', 'movies'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['the load', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['title', 'has value', 'the load'], ['regular', 'has domain', 'movies'], ['movie name', 'has value', 'luce'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3266\n", + "dialogue: \"user\": \"hey , can you find me some attractions to visit , like a performance venue , in sfo please ?\"\n", + "\"system\": \"sure , a great performing arts venue there it ' s the war memorial opera house .\"\n", + "\"user\": \"good . can you find me a movie i can watch there at the roxie theater ?\"\n", + "\"system\": \"how about give me liberty , in fabric or labyrinth ? these are great movies .\"\n", + "\"user\": \"give me liberty sounds like it ' s very good .\"\n", + "\"system\": \"would you like to buy the tickets ?\"\n", + "\"user\": \"not now , thank you .\"\n", + "\"system\": \"can i help you with anything else ?\"\n", + "\"user\": \"can you see if there are any good movies available online ?\"\n", + "\"system\": \"what kind of movies do you want to watch ?\"\n", + "\"user\": \"some scientific fiction ones would be great .\"\n", + "\"system\": \"so how about ad astra or close encounters of the third kind ?\"\n", + "\"user\": \"close encounters of the third kind sounds great .\"\n", + "\"system\": \"should i play it ?\"\n", + "\"user\": \"please do , and play it with hindi subtitles .\"\n", + "\"system\": \"so play close encounters of the third kind with hindi subtitles ?\"\n", + "\"user\": \"actually , play it with spanish subtitles .\"\n", + "\"system\": \"so close encounters of the third kind with spanish subtitles ?\"\n", + "\"user\": \"yes , please . by the way , who ' s in it ?\"\n", + "\"system\": \"just started playing it . richard l . hawkins is one of the main actors in it .\"\n", + "\"user\": \"thanks a lot , that ' s all i need for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['give me liberty', 'ad astra', 'close encounters', 'performing arts venue', 'war memorial opera house', 'in fabric', 'labyrinth', 'close encounters of the third kind', 'richard l . hawkins', 'roxie theater', 'movies', 'hindi', 'spanish', 'fabric', 'sfo', 'scientific fiction']\n", + "relations: [['attraction name', 'has value', 'war memorial opera house'], ['media', 'has slot', 'findmovies'], ['movie name', 'has value', 'labyrinth'], ['media', 'has slot', 'subtitle language'], ['performing arts venue', 'has domain', 'travel'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['movies', 'has slot', 'buymovietickets'], ['in fabric', 'refers to same concept as', 'fabric'], ['media', 'has slot', 'starring'], ['close encounters of the third kind', 'has domain', 'media'], ['labyrinth', 'has domain', 'movies'], ['spanish', 'has domain', 'media'], ['category', 'has value', 'performing arts venue'], ['title', 'has value', 'close encounters of the third kind'], ['travel', 'has slot', 'location'], ['sfo', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['in fabric', 'has domain', 'movies'], ['movie name', 'has value', 'give me liberty'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['movies', 'has slot', 'theater name'], ['subtitle language', 'has value', 'spanish'], ['movie name', 'has value', 'in fabric'], ['location', 'has value', 'sfo'], ['roxie theater', 'has domain', 'movies'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['war memorial opera house', 'has domain', 'travel'], ['theater name', 'has value', 'roxie theater'], ['give me liberty', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['subtitle language', 'has value', 'hindi'], ['title', 'has value', 'ad astra'], ['movies', 'has slot', 'findmovies'], ['richard l . hawkins', 'has domain', 'media'], ['starring', 'has value', 'richard l . hawkins'], ['scientific fiction', 'has domain', 'media'], ['genre', 'has value', 'scientific fiction'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-3267\n", + "dialogue: \"user\": \"i ' d like to find an attraction to go to please .\"\n", + "\"system\": \"in what area please ?\"\n", + "\"user\": \"i ' m looking for something in delhi , india .\"\n", + "\"system\": \"i have 10 options to tell you about . there is a theme park that i can recommend called adventure island .\"\n", + "\"user\": \"okay . what else can you find ?\"\n", + "\"system\": \"another possibility is akshardham , which is a place of worship .\"\n", + "\"user\": \"what ' s the telephone number of the place please ?\"\n", + "\"system\": \"that number is 11 4344 2344 .\"\n", + "\"user\": \"is it free admission and okay for kids to go to ?\"\n", + "\"system\": \"no , it ' s got an admission price , but it is a good place for children .\"\n", + "\"user\": \"thanks , but i ' m wondering too about any attractions in san fran that you would recommend .\"\n", + "\"system\": \"i have 10 to share with you . how about the historical landmark alcatraz ?\"\n", + "\"user\": \"yes , good . i ' m looking for a movie to see as well , something at the amc kabuki 8 .\"\n", + "\"system\": \"there are 7 films you might like . do you want to see ad astra , hustlers , or brittany runs a marathon ?\"\n", + "\"user\": \"i ' d like to see hustlers .\"\n", + "\"system\": \"is there anything else you need today ?\"\n", + "\"user\": \"yes , i want to watch an online movie , too . i want a comedy with kate mckinnon in it .\"\n", + "\"system\": \"how about the film yesterday ?\"\n", + "\"user\": \"yes , i ' ll watch yesterday .\"\n", + "\"system\": \"shall i play that for you now ?\"\n", + "\"user\": \"sure , and i ' d like the french subtitles turned on .\"\n", + "\"system\": \"confirming playback of yesterday with french subtitles enabled .\"\n", + "\"user\": \"great , thank you .\"\n", + "\"system\": \"the movie has begun .\"\n", + "\"user\": \"thank you for all your help .\"\n", + "\"system\": \"anything else i can help you with now ?\"\n", + "\"user\": \"no , that ' s everything .\"\n", + "\"system\": \"thank you very much .\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'ad astra', 'brittany runs a marathon', '11 4344 2344', '7', 'adventure island', 'theme park', 'place of worship', 'yesterday', 'delhi , india', 'french', 'hustlers', 'amc kabuki 8', 'historical landmark', 'kate mckinnon', 'comedy', '10', 'akshardham']\n", + "relations: [['media', 'has slot', 'playmovie'], ['travel', 'has slot', 'free entry'], ['comedy', 'has domain', 'media'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['akshardham', 'has domain', 'travel'], ['category', 'has value', 'place of worship'], ['attraction name', 'has value', 'akshardham'], ['count', 'has value', '7'], ['media', 'has slot', 'subtitle language'], ['title', 'has value', 'yesterday'], ['theater name', 'has value', 'amc kabuki 8'], ['good for kids', 'has value', 'true'], ['media', 'has slot', 'starring'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['kate mckinnon', 'has domain', 'media'], ['adventure island', 'has domain', 'travel'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['11 4344 2344', 'has domain', 'travel'], ['french', 'has domain', 'media'], ['category', 'has value', 'theme park'], ['location', 'has value', 'delhi , india'], ['travel', 'has slot', 'location'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'french'], ['starring', 'has value', 'kate mckinnon'], ['phone number', 'has value', '11 4344 2344'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['hustlers', 'has domain', 'movies'], ['theme park', 'has domain', 'travel'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['delhi , india', 'has domain', 'travel'], ['free entry', 'has value', 'false'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'hustlers'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['place of worship', 'has domain', 'travel'], ['genre', 'has value', 'comedy'], ['movies', 'has slot', 'findmovies'], ['location', 'has value', 'san fran'], ['false', 'has domain', 'travel'], ['yesterday', 'has domain', 'media'], ['movies', 'has slot', 'count'], ['attraction name', 'has value', 'adventure island'], ['7', 'has domain', 'movies'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['amc kabuki 8', 'has domain', 'movies'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3268\n", + "dialogue: \"user\": \"i really want to check out a museum , any suggestions ?\"\n", + "\"system\": \"what city do you want to look in ?\"\n", + "\"user\": \"can you look in san fran ?\"\n", + "\"system\": \"i have 10 options you might enjoy including the cable car museum , a city museum\"\n", + "\"user\": \"is it a good place for kids ?\"\n", + "\"system\": \"yes , this is a highly rated museum for children\"\n", + "\"user\": \"whats their contact number ?\"\n", + "\"system\": \"you can reach them on 415 - 474 - 1887\"\n", + "\"user\": \"okay thank you\"\n", + "\"system\": \"do you need any other help ?\"\n", + "\"user\": \"i think i want to see a movie there too\"\n", + "\"system\": \"i have found 10 options , there ' s ad astra , brittany runs a marathon and fiddler : a miracle of miracles\"\n", + "\"user\": \"ad astra sounds good , i ' ve heard good things\"\n", + "\"system\": \"do you want to book tickets ?\"\n", + "\"user\": \"no not at the moment\"\n", + "\"system\": \"do you need any other help ?\"\n", + "\"user\": \"any good movies streaming right now , something cult . i love christopher walken\"\n", + "\"system\": \"i have 1 you might like , pulp fiction\"\n", + "\"user\": \"i haven ' t seen pulp fiction in ages , can you play that\"\n", + "\"system\": \"confirming you want to stream pulp fiction with english subtitles\"\n", + "\"user\": \"can you turn on hindi subtitles\"\n", + "\"system\": \"confirming you want to stream pulp fiction with hindi subtitles\"\n", + "\"user\": \"yes thank you\"\n", + "\"system\": \"your movie has started\"\n", + "\"user\": \"thanks so much\"\n", + "\"system\": \"is that all for now ?\"\n", + "\"user\": \"yes thank you\"\n", + "\"system\": \"enjoy your film\"\n", + "\n", + "terms: ['san fran', 'ad astra', 'brittany runs a marathon', 'cult', 'fiddler', 'movies', 'museum', 'hindi', 'english', '10', '1', 'cable car museum', 'pulp fiction']\n", + "relations: [['travel', 'has slot', 'good for kids'], ['phone number', 'has value', '415 - 474 - 1887'], ['media', 'has slot', 'findmovies'], ['christopher walken', 'has domain', 'media'], ['cable car museum', 'has domain', 'travel'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['attraction name', 'has value', 'cable car museum'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['10', 'has domain', 'movies'], ['travel', 'has slot', 'phone number'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['cult', 'has domain', 'media'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['pulp fiction', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['hindi', 'has domain', 'media'], ['media', 'has slot', 'title'], ['starring', 'has value', 'christopher walken'], ['movie name', 'has value', 'brittany runs a marathon'], ['415 - 474 - 1887', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['genre', 'has value', 'cult'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['subtitle language', 'has value', 'hindi'], ['title', 'has value', 'pulp fiction'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['location', 'has value', 'san fran'], ['movies', 'has slot', 'count'], ['museum', 'has domain', 'travel'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3269\n", + "dialogue: \"user\": \"can you help me find some attractions to visit ?\"\n", + "\"system\": \"sure . what location should i search in ?\"\n", + "\"user\": \"any kind of attractions in sf would be cool .\"\n", + "\"system\": \"i found 10 attractions that might interest you . how about alcatraz ? it is an historical landmark .\"\n", + "\"user\": \"great . i would also like to watch a movie while i ' m there . preferably a family movie .\"\n", + "\"system\": \"how about steel magnolias ? maybe you would like the farewell ?\"\n", + "\"user\": \"the farewell would be perfect . are there any good comedy - drama movies online ?\"\n", + "\"system\": \"how about give me liberty ?\"\n", + "\"user\": \"give me liberty sounds good . i ' d like to watch the movie now .\"\n", + "\"system\": \"confirming that you want to watch give me liberty with english subtitles .\"\n", + "\"user\": \"yes , please play it .\"\n", + "\"system\": \"i have started playing your movie .\"\n", + "\"user\": \"who starred in this movie ?\"\n", + "\"system\": \"this movie stars chris galust .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"is there anything else that i can help you with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"you ' re welcome . have a nice day .\"\n", + "\n", + "terms: ['alcatraz', 'give me liberty', 'family', 'farewell', 'the farewell', 'movies', 'historical landmark', 'comedy - drama', 'sf', 'english', 'location', '10', 'steel magnolias', 'chris galust']\n", + "relations: [['location', 'has value', 'sf'], ['the farewell', 'has domain', 'movies'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['genre', 'has value', 'comedy - drama'], ['movie name', 'has value', 'steel magnolias'], ['the farewell', 'refers to same concept as', 'farewell'], ['media', 'has slot', 'starring'], ['movie name', 'has value', 'the farewell'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['dontcare', 'has domain', 'travel'], ['10', 'has domain', 'travel'], ['starring', 'has value', 'chris galust'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['title', 'has value', 'give me liberty'], ['comedy - drama', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['genre', 'has value', 'family'], ['steel magnolias', 'has domain', 'movies'], ['category', 'has value', 'dontcare'], ['chris galust', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['family', 'has domain', 'movies'], ['give me liberty', 'has domain', 'media'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3270\n", + "dialogue: \"user\": \"i will be in the sf area soon and i would like to look up some events and activities that are free there . i ' m really interested in finding a museum that ' s worth visiting .\"\n", + "\"system\": \"there are 9 events and activities that you may like . one museum you can visit is the cartoon art museum .\"\n", + "\"user\": \"and is this museum considered suitable for children ?\"\n", + "\"system\": \"sure , this is a great place for parents to take children .\"\n", + "\"user\": \"great . can you give me the number to contact them ?\"\n", + "\"system\": \"their contact number is 415 - 227 - 8666\"\n", + "\"user\": \"excellent . i am also hoping that i can take in a movie while in that area . can you give me some suggestions ?\"\n", + "\"system\": \"there are 10 movies playing in the area . there ' s ad astra , brittany runs a marathon , or fiddler : a miracle of miracles .\"\n", + "\"user\": \"are there other options ?\"\n", + "\"system\": \"there ' s also give me liberty , hobbs and shaw , as well as hustlers .\"\n", + "\"user\": \"great . hobbs and shaw sounds like theone .\"\n", + "\"system\": \"do you want to purchase tickets for a showing ?\"\n", + "\"user\": \"not at this time . can you search for movies online . i prefer movies with eric clark .\"\n", + "\"system\": \"and what particular type of films are you interested in ?\"\n", + "\"user\": \"i like cult movies\"\n", + "\"system\": \"there is a good movie you might like , pulp fiction is the title .\"\n", + "\"user\": \"pulp fiction sounds like a good one\"\n", + "\"system\": \"shall i load that movie now ?\"\n", + "\"user\": \"sure , i ' d like to watch it .\"\n", + "\"system\": \"you would like to play pulp fiction with english subtitles now , correct ?\"\n", + "\"user\": \"that is correct . thanks !\"\n", + "\"system\": \"the movie has begun playing\"\n", + "\"user\": \"excellent . thanks so much !\"\n", + "\"system\": \"will there be anything else ?\"\n", + "\"user\": \"nope . all set . thanks\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['hobbs and shaw', 'ad astra', 'brittany runs a marathon', 'give me liberty', 'eric clark', 'cult', 'hustlers', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'museum', 'sf', 'english', 'title', '10', '9', 'cartoon art museum', 'pulp fiction']\n", + "relations: [['travel', 'has slot', 'free entry'], ['location', 'has value', 'sf'], ['travel', 'has slot', 'good for kids'], ['attraction name', 'has value', 'cartoon art museum'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['415 - 227 - 8666', 'has domain', 'travel'], ['10', 'has domain', 'movies'], ['travel', 'has slot', 'phone number'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['cult', 'has domain', 'media'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['pulp fiction', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['movie name', 'has value', 'give me liberty'], ['movie name', 'has value', 'ad astra'], ['hustlers', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['eric clark', 'has domain', 'media'], ['dontcare', 'has domain', 'media'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['count', 'has value', '9'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'hobbs and shaw'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['genre', 'has value', 'cult'], ['sf', 'has domain', 'travel'], ['movie name', 'has value', 'hustlers'], ['give me liberty', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['title', 'has value', 'pulp fiction'], ['hobbs and shaw', 'has domain', 'movies'], ['movies', 'has slot', 'findmovies'], ['subtitle language', 'has value', 'dontcare'], ['starring', 'has value', 'eric clark'], ['movies', 'has slot', 'count'], ['museum', 'has domain', 'travel'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['9', 'has domain', 'travel'], ['cartoon art museum', 'has domain', 'travel'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['phone number', 'has value', '415 - 227 - 8666'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3271\n", + "dialogue: \"user\": \"can you find me some attractions to visit , preferably a museum ?\"\n", + "\"system\": \"in which city would you like to find the attractions ?\"\n", + "\"user\": \"find me the ones around san fran .\"\n", + "\"system\": \"if you are keen on visiting a museum , you should definitely check out the cable car museum .\"\n", + "\"user\": \"thanks for the tip . can you find me a movie that i can watch while i ' m there ?\"\n", + "\"system\": \"would you be interested in ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"can you find some other movies that i can watch at roxie theater ?\"\n", + "\"system\": \"there are 6 movies based on your preference . would you like to watch give me liberty , in fabric or labyrinth ?\"\n", + "\"user\": \"can you give me more options please ?\"\n", + "\"system\": \"how about paprika , riot girls or this is not berlin ?\"\n", + "\"user\": \"this is not berlin is perfect ! thank you .\"\n", + "\"system\": \"shall i get tickets for you ?\"\n", + "\"user\": \"no , not now .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"can you help me find some good movies to watch online ?\"\n", + "\"system\": \"do you prefer any specific genres ?\"\n", + "\"user\": \"i kind of like fantasy movies . so , something from that genre would be great .\"\n", + "\"system\": \"there are 2 movies that you may like . would you be interested in labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"the lord of the rings three is a great pick !\"\n", + "\"system\": \"would you like to watch the movie now ?\"\n", + "\"user\": \"yes , please play the movie .\"\n", + "\"system\": \"please confirm that you want to watch the lord of the rings : the return of the king with english subtitles .\"\n", + "\"user\": \"yes , that ' s right . who played the lead in the movie ?\"\n", + "\"system\": \"the movie stars elijah wood and it has started playing .\"\n", + "\"user\": \"thank you . that ' ll be all for now .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['san fran', 'ad astra', 'brittany runs a marathon', 'give me liberty', 'the lord of the rings', 'fiddler : a miracle of miracles', '2', 'museum', 'cable car museum', '6', 'this is not berlin', 'fiddler', 'genre', 'elijah wood', 'the lord of the rings : the return of the king', 'in fabric', 'labyrinth', 'fabric', 'movies', 'roxie theater', 'english', 'riot girls', 'paprika', 'fantasy']\n", + "relations: [['media', 'has slot', 'playmovie'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['cable car museum', 'has domain', 'travel'], ['movie name', 'has value', 'labyrinth'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['paprika', 'has domain', 'movies'], ['the lord of the rings three', 'has domain', 'media'], ['6', 'has domain', 'movies'], ['movies', 'has slot', 'buymovietickets'], ['in fabric', 'refers to same concept as', 'fabric'], ['media', 'has slot', 'starring'], ['this is not berlin', 'has domain', 'movies'], ['attraction name', 'has value', 'cable car museum'], ['2', 'has domain', 'media'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['ad astra', 'has domain', 'movies'], ['labyrinth', 'has domain', 'movies'], ['title', 'has value', 'labyrinth'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['movie name', 'has value', 'paprika'], ['fantasy', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['in fabric', 'has domain', 'movies'], ['subtitle language', 'has value', 'english'], ['movie name', 'has value', 'give me liberty'], ['starring', 'has value', 'elijah wood'], ['movie name', 'has value', 'ad astra'], ['count', 'has value', '2'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['riot girls', 'has domain', 'movies'], ['movies', 'has slot', 'theater name'], ['movie name', 'has value', 'brittany runs a marathon'], ['movie name', 'has value', 'in fabric'], ['roxie theater', 'has domain', 'movies'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['genre', 'has value', 'fantasy'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['theater name', 'has value', 'roxie theater'], ['elijah wood', 'has domain', 'media'], ['give me liberty', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['count', 'has value', '6'], ['movies', 'has slot', 'findmovies'], ['location', 'has value', 'san fran'], ['movie name', 'has value', 'this is not berlin'], ['movies', 'has slot', 'count'], ['museum', 'has domain', 'travel'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['title', 'has value', 'the lord of the rings three'], ['category', 'has value', 'museum'], ['movie name', 'has value', 'riot girls']]\n", + "\n", + "dialogue id: sgd-test-3272\n", + "dialogue: \"user\": \"i have a visit to sf , can you find some attractions there something like a park ?\"\n", + "\"system\": \"you will surely love fort funston , nice park .\"\n", + "\"user\": \"i would like to know whether it is child - friendly and entrance is free .\"\n", + "\"system\": \"entrance is free but not meant for kids .\"\n", + "\"user\": \"then check any other attractions are there\"\n", + "\"system\": \"another option is golden gate park , also another park .\"\n", + "\"user\": \"one more help , are there show times for movies ?\"\n", + "\"system\": \"you can enjoy from 10 movies . i think you may like ad astra , brittany runs a marathon or fiddler : a miracle of miracles .\"\n", + "\"user\": \"brittany runs a marathon will be the one i choose .\"\n", + "\"system\": \"do you need to book tickets for that ?\"\n", + "\"user\": \"not now , thank you .\"\n", + "\"system\": \"any other help ?\"\n", + "\"user\": \"check if imaginative fiction movies are available online preferably of norman bartold .\"\n", + "\"system\": \"you can watch close encounters of the third kind .\"\n", + "\"user\": \"close encounters is a good choice . please help to watch it now .\"\n", + "\"system\": \"please confirm the request , you want to watch close encounters of the third kind with english subtitles online\"\n", + "\"user\": \"correct , go on .\"\n", + "\"system\": \"sorry , it is not available , any other help ?\"\n", + "\"user\": \"no thats all .\"\n", + "\"system\": \"my pleasure to help you .\"\n", + "\n", + "terms: ['ad astra', 'brittany runs a marathon', 'close encounters', 'park', 'fiddler : a miracle of miracles', 'imaginative fiction', 'close encounters of the third kind', 'movies', 'fiddler', 'sf', 'norman bartold', 'golden gate park', 'english', '10', 'fort funston']\n", + "relations: [['location', 'has value', 'sf'], ['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['attraction name', 'has value', 'golden gate park'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['close encounters of the third kind', 'has domain', 'media'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['attraction name', 'has value', 'fort funston'], ['starring', 'has value', 'norman bartold'], ['10', 'has domain', 'movies'], ['category', 'has value', 'park'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['title', 'has value', 'close encounters of the third kind'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['movie name', 'has value', 'ad astra'], ['media', 'has slot', 'title'], ['park', 'has domain', 'travel'], ['fort funston', 'has domain', 'travel'], ['title', 'has value', 'close encounters'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['sf', 'has domain', 'travel'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['good for kids', 'has value', 'false'], ['genre', 'has value', 'imaginative fiction'], ['imaginative fiction', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['norman bartold', 'has domain', 'media'], ['false', 'has domain', 'travel'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['golden gate park', 'has domain', 'travel'], ['close encounters', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3273\n", + "dialogue: \"user\": \"find me some attractions that could interest me . i want something with no entry fee .\"\n", + "\"system\": \"what location should i scan for attractions ?\"\n", + "\"user\": \"i want to look for the attractions in san francisco .\"\n", + "\"system\": \"i have 10 attractions of interest . i want you to see alcatraz which is a historical landmark .\"\n", + "\"user\": \"is the place kid - friendly and get me their phone number ?\"\n", + "\"system\": \"yeah the place is great for kids and the digits are 415 - 561 - 4900 .\"\n", + "\"user\": \"fine . look for a movie in there .\"\n", + "\"system\": \"there are 10 movies you might like . what do you think of ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"i think fiddler would be great .\"\n", + "\"system\": \"shall i get you the tickets ?\"\n", + "\"user\": \"i can ' t purchase now .\"\n", + "\"system\": \"shall i help you with something else ?\"\n", + "\"user\": \"do you know any good online movies especially in fantasy ?\"\n", + "\"system\": \"would you like labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"labyrinth is fantastic .\"\n", + "\"system\": \"shall i play the movie ?\"\n", + "\"user\": \"yeah play it with hindi subtitles .\"\n", + "\"system\": \"so you confirm that you want labyrinth played with hindi subtitles ?\"\n", + "\"user\": \"yeah . who are the actors ?\"\n", + "\"system\": \"i have started your movie . the actor is frank oz .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"shall i do anything else for you ?\"\n", + "\"user\": \"nope . thank you .\"\n", + "\"system\": \"have a fantastic day !\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'the lord of the rings', '415 - 561 - 4900', 'frank oz', 'fiddler : a miracle of miracles', 'fiddler', 'labyrinth', 'movies', 'historical landmark', 'hindi', 'fantasy', 'location', 'phone number', '10', 'san francisco', 'the lord of the rings : the return of the king']\n", + "relations: [['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['frank oz', 'has domain', 'media'], ['free entry', 'has value', 'true'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['title', 'has value', 'labyrinth'], ['10', 'has domain', 'movies'], ['travel', 'has slot', 'phone number'], ['san francisco', 'has domain', 'travel'], ['starring', 'has value', 'frank oz'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['historical landmark', 'has domain', 'travel'], ['fantasy', 'has domain', 'media'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['hindi', 'has domain', 'media'], ['fiddler', 'has domain', 'movies'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['phone number', 'has value', '415 - 561 - 4900'], ['movie name', 'has value', 'fiddler'], ['subtitle language', 'has value', 'hindi'], ['movies', 'has slot', 'findmovies'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3274\n", + "dialogue: \"user\": \"i want to visit some nice and attractive places in san fran . do you help me to find the one with free entrance ?\"\n", + "\"system\": \"yes , what about a historical landmark named alcatraz . do you like to visit there ? this is the best place among the 10 results that i got searched .\"\n", + "\"user\": \"okay , let me know other places that you have searched for me .\"\n", + "\"system\": \"do you want to visit to a nature preserve ? if so please visit aquarium of the bay which will be nice place to visit .\"\n", + "\"user\": \"i want some other places and please suggest something different from your search list .\"\n", + "\"system\": \"how about a museum ?. i think all people like to visit museum once . do you like the same then you can try to visit cartoon art museum .\"\n", + "\"user\": \"i need a place that is suitable and safest place for kids also . is this museum is safe for kids .\"\n", + "\"system\": \"of - course , you can bring your kids to this place as this is safe and enjoyable place for kids .\"\n", + "\"user\": \"let me know their contact number to decide .\"\n", + "\"system\": \"it is 415 - 227 - 8666 .\"\n", + "\"user\": \"thanks for the details . we will discuss about this later . now i want to search for a movie to watch at amc kabuki 8 . i like mystery movies and please find me the one for regular show .\"\n", + "\"system\": \"what about official secrets ? this is also the same genre as you like .\"\n", + "\"user\": \"search for something else which could be a family movie .\"\n", + "\"system\": \"i got a movie named the farewell . do you like to watch it ?\"\n", + "\"user\": \"yes , that is great . i like to watch the farewell movie . i also want another movie which i prefer to watch online . can you search for the one ?\"\n", + "\"system\": \"let me know your favorite kind of movies to search for .\"\n", + "\"user\": \"find me the one with eccentric story .\"\n", + "\"system\": \"is the movie named once upon a time in hollywood is okay to you ?\"\n", + "\"user\": \"yes , once upon a time is nice and i like to watch it .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"yes , please do the same .\"\n", + "\"system\": \"please confirm to play the movie once upon a time in hollywood with english subtitles .\"\n", + "\"user\": \"that is confirmed and you can proceed now . what is the name of actor of this movie ?\"\n", + "\"system\": \"timothy olyphant was acted in it and the movie was started playing now .\"\n", + "\"user\": \"thanks and that ' s all i want .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'eccentric story', 'mystery', 'nature preserve', 'museum', 'regular', 'once upon a time in hollywood', 'family', 'farewell', 'genre', '415 - 227 - 8666', 'the farewell', 'amc kabuki 8', 'movies', 'historical landmark', 'english', 'official secrets', 'cartoon art museum', 'aquarium of the bay', '10', 'once upon a time']\n", + "relations: [['media', 'has slot', 'playmovie'], ['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['attraction name', 'has value', 'cartoon art museum'], ['the farewell', 'has domain', 'movies'], ['media', 'has slot', 'findmovies'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['starring', 'has value', 'timothy olyphant'], ['free entry', 'has value', 'true'], ['title', 'has value', 'once upon a time'], ['theater name', 'has value', 'amc kabuki 8'], ['genre', 'has value', 'mystery'], ['good for kids', 'has value', 'true'], ['the farewell', 'refers to same concept as', 'farewell'], ['media', 'has slot', 'starring'], ['movie name', 'has value', 'official secrets'], ['movie name', 'has value', 'the farewell'], ['official secrets', 'has domain', 'movies'], ['aquarium of the bay', 'has domain', 'travel'], ['attraction name', 'has value', 'aquarium of the bay'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['family', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['415 - 227 - 8666', 'has domain', 'travel'], ['travel', 'has slot', 'phone number'], ['once upon a time', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['once upon a time in hollywood', 'has domain', 'media'], ['genre', 'has value', 'eccentric story'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['farewell', 'has domain', 'movies'], ['travel', 'has slot', 'findattractions'], ['english', 'has domain', 'media'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['timothy olyphant', 'has domain', 'media'], ['movie name', 'has value', 'farewell'], ['10', 'has domain', 'travel'], ['title', 'has value', 'once upon a time in hollywood'], ['category', 'has value', 'nature preserve'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['alcatraz', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['mystery', 'has domain', 'movies'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movies', 'has slot', 'findmovies'], ['location', 'has value', 'san fran'], ['genre', 'has value', 'family'], ['regular', 'has domain', 'movies'], ['museum', 'has domain', 'travel'], ['eccentric story', 'has domain', 'media'], ['san fran', 'has domain', 'travel'], ['cartoon art museum', 'has domain', 'travel'], ['amc kabuki 8', 'has domain', 'movies'], ['category', 'has value', 'museum'], ['phone number', 'has value', '415 - 227 - 8666'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3275\n", + "dialogue: \"user\": \"would you show me some attractions i can visit ?\"\n", + "\"system\": \"where should i look ?\"\n", + "\"user\": \"find sf attractions .\"\n", + "\"system\": \"there are 10 attractions that should be of interest . how about alcatraz ? it ' s a historical landmark .\"\n", + "\"user\": \"can i get into the attraction free ?\"\n", + "\"system\": \"yes , it ' s free .\"\n", + "\"user\": \"nice . can you find me a movie around there too ?\"\n", + "\"system\": \"i have 10 movies you may like . what about ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"brittany runs a marathon sounds good . do you have any good movies online ?\"\n", + "\"system\": \"what sort of movies are you into ?\"\n", + "\"user\": \"comedy movies are my favorite .\"\n", + "\"system\": \"there are 5 movies that may be of interest . would you like to watch chhichhore , good boys or my big fat greek wedding ?\"\n", + "\"user\": \"do you have something else ?\"\n", + "\"system\": \"what about where ' d you go , bernadette or yesterday ?\"\n", + "\"user\": \"yesterday is good .\"\n", + "\"system\": \"would you like to play the movie ?\"\n", + "\"user\": \"yes , play me the movie .\"\n", + "\"system\": \"would you confirm that you want to play yesterday with english subtitles ?\"\n", + "\"user\": \"yes , do that . who acted in it ?\"\n", + "\"system\": \"i have started playing the movie . kate mckinnon was an actor in it .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"what else can i help with ?\"\n", + "\"user\": \"nothing else .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'fiddler : a miracle of miracles', 'fiddler', 'good boys', 'yesterday', '5', 'movies', 'historical landmark', 'chhichhore', 'sf', 'english', 'greek wedding', 'kate mckinnon', \"where ' d you go , bernadette\", '10', \"where ' d you go\", 'my big fat greek wedding']\n", + "relations: [['location', 'has value', 'sf'], ['travel', 'has slot', 'free entry'], ['comedy', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['title', 'has value', 'yesterday'], ['media', 'has slot', 'starring'], ['good boys', 'has domain', 'media'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['kate mckinnon', 'has domain', 'media'], ['travel', 'has slot', 'count'], [\"where ' d you go , bernadette\", 'has domain', 'media'], ['10', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['title', 'has value', 'good boys'], ['attraction name', 'has value', 'alcatraz'], ['5', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'chhichhore'], ['title', 'has value', 'my big fat greek wedding'], ['starring', 'has value', 'kate mckinnon'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], [\"where ' d you go , bernadette\", 'refers to same concept as', \"where ' d you go\"], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['genre', 'has value', 'comedy'], ['title', 'has value', \"where ' d you go , bernadette\"], ['movies', 'has slot', 'findmovies'], ['my big fat greek wedding', 'has domain', 'media'], ['yesterday', 'has domain', 'media'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['count', 'has value', '5'], ['media', 'has slot', 'playmovie'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3276\n", + "dialogue: \"user\": \"i ' m looking for attractions in sf . something child - friendly that would be cool to view . can you list something like that ?\"\n", + "\"system\": \"there are 10 attractions that fall under your requirements . how about the historical landmark alcatraz ?\"\n", + "\"user\": \"does such a landmark have a phone number to contact them with ?\"\n", + "\"system\": \"the number to that location is 415 - 561 - 4900 .\"\n", + "\"user\": \"i ' ll find out more about it later . thanks . now , i want to watch a movie . i ' d like to view a supernatural movie at balboa theatre .\"\n", + "\"system\": \"it chapter two is showing at the balboa theatre .\"\n", + "\"user\": \"that ' s not what i had in mind . can you help me find other movies ?\"\n", + "\"system\": \"i apologize but there are no other showings for movies that fit your tastes .\"\n", + "\"user\": \"could you try that search again ? with different criteria this time . i want to watch a family movie with a regular showing . if possible , i want to view it at regal ua stonestown twin .\"\n", + "\"system\": \"1 movie seems to be what you are looking for . would you be interested in seeing the farewell ?\"\n", + "\"user\": \"the farewell should be more than fine honestly . are there quality movies online for viewing ?\"\n", + "\"system\": \"what type of movie are you referring to ?\"\n", + "\"user\": \"drama movies are what i am in the mood for .\"\n", + "\"system\": \"there are 10 movies that fall under the drama category . would you be interested in a faithful man ? how about after the wedding ? lastly , blinded by the light is another good match .\"\n", + "\"user\": \"i would be ecstatic to see after the wedding .\"\n", + "\"system\": \"do you want me to start playing the movie ?\"\n", + "\"user\": \"you might as well . i ' m ready to relax and watch something for a bit .\"\n", + "\"system\": \"you want me to play after the wedding with subtitles in english ?\"\n", + "\"user\": \"yeah . go for it .\"\n", + "\"system\": \"i have started playing the movie you have requested . enjoy .\"\n", + "\"user\": \"who acted in this film ?\"\n", + "\"system\": \"will chase is a well known actor who starred in this movie .\"\n", + "\"user\": \"i won ' t need anything else for now . going to enjoy the movie . thank you .\"\n", + "\"system\": \"enjoy your film and have a great day .\"\n", + "\n", + "terms: ['alcatraz', 'regular', 'location', '10', 'after the wedding', 'family', 'farewell', 'category', 'supernatural', '415 - 561 - 4900', 'the farewell', 'movies', 'historical landmark', 'sf', 'english', 'phone number', 'play', 'balboa theatre', 'drama', 'a faithful man', 'regal ua stonestown twin', 'blinded by the light']\n", + "relations: [['location', 'has value', 'sf'], ['travel', 'has slot', 'good for kids'], ['the farewell', 'has domain', 'movies'], ['media', 'has slot', 'findmovies'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['balboa theatre', 'has domain', 'movies'], ['good for kids', 'has value', 'true'], ['movie name', 'has value', 'it chapter two'], ['the farewell', 'refers to same concept as', 'farewell'], ['regal ua stonestown twin', 'has domain', 'movies'], ['media', 'has slot', 'starring'], ['movie name', 'has value', 'the farewell'], ['true', 'has domain', 'travel'], ['dontcare', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['drama', 'refers to same concept as', 'play'], ['travel', 'has slot', 'phone number'], ['travel', 'has slot', 'location'], ['show type', 'has value', 'dontcare'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['theater name', 'has value', 'regal ua stonestown twin'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['subtitle language', 'has value', 'english'], ['dontcare', 'has domain', 'travel'], ['drama', 'has domain', 'media'], ['10', 'has domain', 'travel'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['movies', 'has slot', 'theater name'], ['10', 'has domain', 'media'], ['alcatraz', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['genre', 'has value', 'supernatural'], ['1', 'has domain', 'movies'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['supernatural', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['phone number', 'has value', '415 - 561 - 4900'], ['it chapter two', 'has domain', 'movies'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['starring', 'has value', 'will chase'], ['1', 'refers to same concept as', 'one'], ['movies', 'has slot', 'findmovies'], ['theater name', 'has value', 'balboa theatre'], ['count', 'has value', '1'], ['genre', 'has value', 'family'], ['regular', 'has domain', 'movies'], ['movies', 'has slot', 'count'], ['will chase', 'has domain', 'media'], ['category', 'has value', 'dontcare'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['family', 'has domain', 'movies'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3277\n", + "dialogue: \"user\": \"hey , i ' m bored . can you find me some attractions i can visit ?\"\n", + "\"system\": \"in which city ?\"\n", + "\"user\": \"in a san fran , and i want something with wildlife spot please .\"\n", + "\"system\": \"the aquarium of the bay is a great nature preserve there .\"\n", + "\"user\": \"good , can you help me find a movie i can watch there too ?\"\n", + "\"system\": \"i found 10 of them . how about ad astra , brittany runs a marathon or fiddler : a miracle of miracles ? do they sound good to you ?\"\n", + "\"user\": \"ad astra seems like a perfect one .\"\n", + "\"system\": \"should i buy the tickets ?\"\n", + "\"user\": \"not now , first check if there are any good ones available online .\"\n", + "\"system\": \"what kind of movies would you like to watch ?\"\n", + "\"user\": \"i love watching fantasy .\"\n", + "\"system\": \"there ' s either labyrinth or the lord of the rings : the return of the king . do they sound good to you ?\"\n", + "\"user\": \"anything else ? i want to see a crime story featuring peter greene .\"\n", + "\"system\": \"what about pulp fiction ? it meets your criteria .\"\n", + "\"user\": \"pulp fiction does sound great .\"\n", + "\"system\": \"should i play it ?\"\n", + "\"user\": \"please do it .\"\n", + "\"system\": \"so pulp fiction with english subtitles ?\"\n", + "\"user\": \"yes , please .\"\n", + "\"system\": \"just started playing it .\"\n", + "\"user\": \"thanks a lot !\"\n", + "\"system\": \"anything else i can help you with ?\"\n", + "\"user\": \"no , thanks a lot .\"\n", + "\"system\": \"have an amazing day .\"\n", + "\n", + "terms: ['san fran', 'ad astra', 'brittany runs a marathon', 'the lord of the rings', 'nature preserve', 'fiddler : a miracle of miracles', 'labyrinth', 'movies', 'fiddler', 'aquarium of the bay', 'crime story', 'fantasy', 'english', '10', 'peter greene', 'the lord of the rings : the return of the king', 'pulp fiction']\n", + "relations: [['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['aquarium of the bay', 'has domain', 'travel'], ['attraction name', 'has value', 'aquarium of the bay'], ['ad astra', 'has domain', 'movies'], ['nature preserve', 'has domain', 'travel'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['title', 'has value', 'labyrinth'], ['10', 'has domain', 'movies'], ['crime story', 'has domain', 'media'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['fantasy', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['pulp fiction', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['movie name', 'has value', 'ad astra'], ['peter greene', 'has domain', 'media'], ['labyrinth', 'has domain', 'media'], ['category', 'has value', 'nature preserve'], ['media', 'has slot', 'title'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['title', 'has value', 'pulp fiction'], ['movies', 'has slot', 'findmovies'], ['genre', 'has value', 'crime story'], ['location', 'has value', 'san fran'], ['starring', 'has value', 'peter greene'], ['movies', 'has slot', 'count'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3278\n", + "dialogue: \"user\": \"i want to search for some nice attractions to visit and especially i like wildlife spot . please find the one with free entrance and child - friendly .\"\n", + "\"system\": \"do you have any particular city in your mind to search for the attractions or tell me your convenient place to search the same .\"\n", + "\"user\": \"search it in sf .\"\n", + "\"system\": \"what about a nature preserve . i got 1 named aquarium of the bay . do you like to visit this place ?\"\n", + "\"user\": \"that ' s nice . can you get me their contact number ?\"\n", + "\"system\": \"yes , please note it as 415 - 623 - 5300\"\n", + "\"user\": \"sounds good . now i need your help to search for a movie to watch and i want the one at amc kabuki 8 . please search for a movie with eccentric story and i prefer regular show .\"\n", + "\"system\": \"i searched as per wish and got 1 result that is once upon a time in hollywood . do you like to watch this movie ?\"\n", + "\"user\": \"yes , once upon a time is good movie and i choose this .\"\n", + "\"system\": \"shall i book the tickets now ?\"\n", + "\"user\": \"no , may be later . now , i want to watch a movie online for which i need your help to search for the one like action movies featuring roman reigns .\"\n", + "\"system\": \"what about hobbs and shaw ? this is the 1 i got for you .\"\n", + "\"user\": \"hobbs and shaw is okay to me . can you play it now to watch .\"\n", + "\"system\": \"yes , i need your confirmation to play the movie hobbs and shaw with english subtitles .\"\n", + "\"user\": \"please play it with french subtitles and i am convenient in this language .\"\n", + "\"system\": \"that ' s okay . please confirm to play hobbs and shaw with french subtitles .\"\n", + "\"user\": \"that is correct . please proceed .\"\n", + "\"system\": \"the movie was started playing and you can enjoy it now .\"\n", + "\"user\": \"thank you so much for your help .\"\n", + "\"system\": \"anything else you need ?\"\n", + "\"user\": \"nothing for now and thanks . bye .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['hobbs and shaw', 'french', 'eccentric story', 'action', 'one', 'nature preserve', 'roman reigns', 'amc kabuki 8', 'movies', 'aquarium of the bay', 'regular', 'sf', 'english', 'once upon a time', '1', 'once upon a time in hollywood']\n", + "relations: [['media', 'has slot', 'playmovie'], ['travel', 'has slot', 'free entry'], ['location', 'has value', 'sf'], ['travel', 'has slot', 'good for kids'], ['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['once upon a time', 'has domain', 'movies'], ['roman reigns', 'has domain', 'media'], ['show type', 'has value', 'regular'], ['once upon a time in hollywood', 'has domain', 'movies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['theater name', 'has value', 'amc kabuki 8'], ['415 - 623 - 5300', 'has domain', 'travel'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['movie name', 'has value', 'once upon a time in hollywood'], ['aquarium of the bay', 'has domain', 'travel'], ['attraction name', 'has value', 'aquarium of the bay'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['action', 'has domain', 'media'], ['french', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['genre', 'has value', 'eccentric story'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['subtitle language', 'has value', 'french'], ['category', 'has value', 'nature preserve'], ['media', 'has slot', 'title'], ['eccentric story', 'has domain', 'movies'], ['movies', 'has slot', 'theater name'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['1', 'has domain', 'movies'], ['genre', 'has value', 'action'], ['sf', 'has domain', 'travel'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['1', 'refers to same concept as', 'one'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['regular', 'has domain', 'movies'], ['1', 'has domain', 'travel'], ['movies', 'has slot', 'count'], ['movie name', 'has value', 'once upon a time'], ['phone number', 'has value', '415 - 623 - 5300'], ['title', 'has value', 'hobbs and shaw'], ['1', 'has domain', 'media'], ['amc kabuki 8', 'has domain', 'movies'], ['starring', 'has value', 'roman reigns']]\n", + "\n", + "dialogue id: sgd-test-3279\n", + "dialogue: \"user\": \"i ' m interested in seeing something new . can you suggest attractions that are worth visiting ?\"\n", + "\"system\": \"i certainly can . where should i conduct this search ?\"\n", + "\"user\": \"find me interesting attractions in the sf area .\"\n", + "\"system\": \"i have found 10 attractions that could interest you . there is a historical landmark worth visiting . it is alcatraz and is located in sf .\"\n", + "\"user\": \"does this attraction have a phone number i can reach them at ?\"\n", + "\"system\": \"yes they do . their phone number is 415 - 561 - 4900 .\"\n", + "\"user\": \"alright . thank you . can you also find me a movie in a similar area ?\"\n", + "\"system\": \"of the 10 movies found , would you like ad astra , brittany runs a marathon , or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"none of those interest me sadly . can you find some other movies ?\"\n", + "\"system\": \"here are three other movies you may enjoy . give me liberty , hobbs and shaw , and hustlers . do any of these suit your tastes ?\"\n", + "\"user\": \"hustlers sounds like the perfect movie to see .\"\n", + "\"system\": \"i can buy you tickets for that right now . is that okay ?\"\n", + "\"user\": \"no thanks . i don ' t want to purchase tickets to any movie at the moment . what you can help me with is finding some good movies online . something like a dramatic story . if you can , find one with adam sietz .\"\n", + "\"system\": \"i have found 1 movie that meets that criteria . would you enjoy seeing brittany runs a marathon ?\"\n", + "\"user\": \"brittany runs a marathon ? that sounds like a great movie to watch online .\"\n", + "\"system\": \"i can play that movie for you . do you want me to ?\"\n", + "\"user\": \"yeah i want to watch that now . i can ' t wait .\"\n", + "\"system\": \"preparing to play brittany runs a marathon with english subtitles . proceed ?\"\n", + "\"user\": \"yes please do .\"\n", + "\"system\": \"i have started playing brittany runs a marathon . enjoy your movie .\"\n", + "\"user\": \"thank you very much . i appreciate it .\"\n", + "\"system\": \"my pleasure . do you require assistance with something else ?\"\n", + "\"user\": \"no . you ' ve been a big help . thanks a ton .\"\n", + "\"system\": \"enjoy your movie and have a great day .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'give me liberty', 'fiddler : a miracle of miracles', 'hobbs and shaw', 'adam sietz', 'fiddler', 'dramatic story', '415 - 561 - 4900', 'hustlers', 'one', 'movies', 'historical landmark', 'sf', 'english', 'phone number', '10', '1']\n", + "relations: [['location', 'has value', 'sf'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['dramatic story', 'has domain', 'media'], ['media', 'has slot', 'count'], ['brittany runs a marathon', 'has domain', 'media'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['10', 'has domain', 'movies'], ['travel', 'has slot', 'phone number'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['movie name', 'has value', 'give me liberty'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['starring', 'has value', 'adam sietz'], ['hustlers', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'hobbs and shaw'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['give me liberty', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['phone number', 'has value', '415 - 561 - 4900'], ['travel', 'has slot', 'category'], ['movie name', 'has value', 'hustlers'], ['genre', 'has value', 'dramatic story'], ['1', 'refers to same concept as', 'one'], ['hobbs and shaw', 'has domain', 'movies'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['title', 'has value', 'brittany runs a marathon'], ['adam sietz', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3280\n", + "dialogue: \"user\": \"can you find some attractions to visit ?\"\n", + "\"system\": \"where do you want to find attractions ?\"\n", + "\"user\": \"i ' m looking for attractions in san fran .\"\n", + "\"system\": \"i found 10 attractions . alcatraz is a historical landmark .\"\n", + "\"user\": \"is it kid - friendly ? what is the entrance fee ?\"\n", + "\"system\": \"entry is free . yes , it is child - friendly .\"\n", + "\"user\": \"okay , thank you . i want to find a movie to watch there . i want to watch a movie at four star theatre .\"\n", + "\"system\": \"i found 2 movies . what about luce or once upon a time in hollywood ?\"\n", + "\"user\": \"once upon a time sounds good .\"\n", + "\"system\": \"do you want to buy tickets ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"anything else i can do for you ?\"\n", + "\"user\": \"i want to find some movies online . cartoon movies or movies featuring thurop van orman .\"\n", + "\"system\": \"i found 1 movie . how about the angry birds movie 2 ?\"\n", + "\"user\": \"the angry birds sounds good .\"\n", + "\"system\": \"do you want to play this movie ?\"\n", + "\"user\": \"yes , thank you .\"\n", + "\"system\": \"please confirm : playing the angry birds movie 2 with english subtitles .\"\n", + "\"user\": \"yes , thank you .\"\n", + "\"system\": \"cannot play the movie right now . anything else i can do for you ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'angry birds', 'the angry birds', 'cartoon', '1', 'movies', 'historical landmark', '2', 'four star theatre', 'english', '10', 'once upon a time', 'thurop van orman', 'luce', 'once upon a time in hollywood', 'the angry birds movie 2']\n", + "relations: [['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['title', 'has value', 'the angry birds movie 2'], ['media', 'has slot', 'findmovies'], ['once upon a time', 'has domain', 'movies'], ['once upon a time in hollywood', 'has domain', 'movies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['four star theatre', 'has domain', 'movies'], ['luce', 'has domain', 'movies'], ['movies', 'has slot', 'buymovietickets'], ['genre', 'has value', 'cartoon'], ['media', 'has slot', 'starring'], ['the angry birds movie 2', 'has domain', 'media'], ['movie name', 'has value', 'once upon a time in hollywood'], ['true', 'has domain', 'travel'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['count', 'has value', '2'], ['thurop van orman', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['alcatraz', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['the angry birds', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['location', 'has value', 'san fran'], ['movie name', 'has value', 'luce'], ['movies', 'has slot', 'count'], ['movie name', 'has value', 'once upon a time'], ['san fran', 'has domain', 'travel'], ['theater name', 'has value', 'four star theatre'], ['title', 'has value', 'the angry birds'], ['starring', 'has value', 'thurop van orman'], ['media', 'has slot', 'playmovie'], ['2', 'has domain', 'movies'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['count', 'has value', '10'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-3281\n", + "dialogue: \"user\": \"hi , are there any nice attractions without an entry fee in the san fran area ?\"\n", + "\"system\": \"yes , there are 10 you may like , how about a historical landmark called alcatraz ?\"\n", + "\"user\": \"sounds great to me !\"\n", + "\"system\": \"do you need any other help ?\"\n", + "\"user\": \"yes , can you help me find a drama movie showing at amc kabuki 8 in that area ?\"\n", + "\"system\": \"would you like to watch brittany runs a marathon or hustlers ?\"\n", + "\"user\": \"are there any alternatives showing at roxie theater ?\"\n", + "\"system\": \"how about this is not berlin ?\"\n", + "\"user\": \"no , anything else ?\"\n", + "\"system\": \"sorry , there are no more available movies . how can i help you then ?\"\n", + "\"user\": \"could you help me find for a 3d ghost movie instead ?\"\n", + "\"system\": \"would you like to watch in fabric ?\"\n", + "\"user\": \"fabric sounds great !\"\n", + "\"system\": \"would you like to purchase the movie tickets ?\"\n", + "\"user\": \"no , that is not necessary .\"\n", + "\"system\": \"how can i further assist you ?\"\n", + "\"user\": \"can you help me find some good movies to watch online now ?\"\n", + "\"system\": \"any preference on the movie genre ?\"\n", + "\"user\": \"a comedy - drama movie will be great .\"\n", + "\"system\": \"there is 1 movie you might like titled give me liberty .\"\n", + "\"user\": \"i see , give me liberty sounds great !\"\n", + "\"system\": \"would you like me to play the movie for you ?\"\n", + "\"user\": \"yes please , thank you !\"\n", + "\"system\": \"please confirm your request to play give me liberty with english subtitles .\"\n", + "\"user\": \"sure , may i also know who acted in it ?\"\n", + "\"system\": \"your movie has been played . chris galust was featured in the movie .\"\n", + "\"user\": \"i see , thanks alot !\"\n", + "\"system\": \"how can i further assist you ?\"\n", + "\"user\": \"no , that is all i need . thank you !\"\n", + "\"system\": \"enjoy your movie and have a great day ahead !\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'brittany runs a marathon', 'give me liberty', '10', 'this is not berlin', 'genre', 'ghost', 'hustlers', 'in fabric', 'fabric', 'amc kabuki 8', 'movies', 'historical landmark', 'roxie theater', 'english', '3d', 'play', 'comedy - drama', 'drama', '1', 'chris galust']\n", + "relations: [['media', 'has slot', 'playmovie'], ['travel', 'has slot', 'free entry'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['genre', 'has value', 'comedy - drama'], ['media', 'has slot', 'count'], ['theater name', 'has value', 'amc kabuki 8'], ['drama', 'has domain', 'movies'], ['movies', 'has slot', 'buymovietickets'], ['in fabric', 'refers to same concept as', 'fabric'], ['media', 'has slot', 'starring'], ['this is not berlin', 'has domain', 'movies'], ['true', 'has domain', 'travel'], ['give me liberty', 'has domain', 'media'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['drama', 'refers to same concept as', 'play'], ['show type', 'has value', '3d'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['in fabric', 'has domain', 'movies'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['starring', 'has value', 'chris galust'], ['fabric', 'has domain', 'movies'], ['hustlers', 'has domain', 'movies'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['movie name', 'has value', 'in fabric'], ['roxie theater', 'has domain', 'movies'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['theater name', 'has value', 'roxie theater'], ['movie name', 'has value', 'hustlers'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['3d', 'has domain', 'movies'], ['title', 'has value', 'give me liberty'], ['comedy - drama', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['ghost', 'has domain', 'movies'], ['location', 'has value', 'san fran'], ['genre', 'has value', 'ghost'], ['count', 'has value', '1'], ['movie name', 'has value', 'this is not berlin'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['chris galust', 'has domain', 'media'], ['1', 'has domain', 'media'], ['amc kabuki 8', 'has domain', 'movies'], ['movie name', 'has value', 'fabric'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3282\n", + "dialogue: \"user\": \"i am new in san francisco . i need to find some attractions to visit that are also kid - friendly . i am not particular about the attraction type .\"\n", + "\"system\": \"i recommend that you visit this historical landmark called alcatraz .\"\n", + "\"user\": \"alright . sounds good . i am also thinking of watching a movie in that area .\"\n", + "\"system\": \"i can list you 10 movies . what do you think of ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"i like the sound of brittany runs a marathon\"\n", + "\"system\": \"shall i book you the tickets ?\"\n", + "\"user\": \"not really . do you have any good movies online that are fantasy based ? i am a fan of sean astin .\"\n", + "\"system\": \"i can suggest you the lord of the rings : the return of the king .\"\n", + "\"user\": \"oh i would love the lord of the rings .\"\n", + "\"system\": \"shall i play you the movie ?\"\n", + "\"user\": \"yeah good ahead and play the movie .\"\n", + "\"system\": \"so you confirm that you want the lord of the rings : the return of the king played with english subs ?\"\n", + "\"user\": \"yeah do that .\"\n", + "\"system\": \"i am playing the movie .\"\n", + "\"user\": \"thank you . that will do .\"\n", + "\"system\": \"i wish you a wonderful day .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'the lord of the rings', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'historical landmark', 'fantasy', 'english', '10', 'sean astin', 'san francisco', 'the lord of the rings : the return of the king']\n", + "relations: [['travel', 'has slot', 'good for kids'], ['sean astin', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['10', 'has domain', 'movies'], ['san francisco', 'has domain', 'travel'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['fantasy', 'has domain', 'media'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['dontcare', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movies', 'has slot', 'findmovies'], ['the lord of the rings', 'has domain', 'media'], ['movies', 'has slot', 'count'], ['starring', 'has value', 'sean astin'], ['brittany runs a marathon', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['category', 'has value', 'dontcare'], ['title', 'has value', 'the lord of the rings'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3283\n", + "dialogue: \"user\": \"i ' m going to san fran pull up some free attractions to do there that are kid friendly please .\"\n", + "\"system\": \"there is alcatraz , it is a historical landmark .\"\n", + "\"user\": \"alright . i would also like to watch a movie at the amc kabuki 8 , see if there are any play movies running .\"\n", + "\"system\": \"i located 2 movies , brittany runs a marathon or hustlers is playing ?\"\n", + "\"user\": \"hustlers sounds perfect .\"\n", + "\"system\": \"should we buy tickets now ?\"\n", + "\"user\": \"nope , no need . please check and see if any good movies are available online .\"\n", + "\"system\": \"sure , what kind of movies can i look up for you ?\"\n", + "\"user\": \"i would prefer some movies within the song genre please .\"\n", + "\"system\": \"alright , i located 1 movie you may be interested in called echo in the canyon .\"\n", + "\"user\": \"echo in the canyon sounds fantastic . can you play this movie now with spanish subtitles .\"\n", + "\"system\": \"sure , please confirm that you would like to play echo in the canyon with subtitles on in spanish . is that right ?\"\n", + "\"user\": \"yes it is . who all is in the movie ?\"\n", + "\"system\": \"movie has started . graham nash is an actor in the movie .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"your welcome . will that be all ?\"\n", + "\"user\": \"yes . good bye !\"\n", + "\"system\": \"good bye !\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'brittany runs a marathon', 'play', 'song', 'graham nash', 'echo in the canyon', 'hustlers', 'amc kabuki 8', 'movies', 'historical landmark', 'genre', '2', 'spanish', 'echo', '1']\n", + "relations: [['genre', 'has value', 'play'], ['travel', 'has slot', 'free entry'], ['media', 'has slot', 'playmovie'], ['travel', 'has slot', 'good for kids'], ['starring', 'has value', 'graham nash'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['theater name', 'has value', 'amc kabuki 8'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['echo in the canyon', 'refers to same concept as', 'echo'], ['true', 'has domain', 'travel'], ['dontcare', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['spanish', 'has domain', 'media'], ['title', 'has value', 'echo in the canyon'], ['travel', 'has slot', 'location'], ['show type', 'has value', 'dontcare'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['genre', 'has value', 'song'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['count', 'has value', '2'], ['hustlers', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['echo in the canyon', 'has domain', 'media'], ['song', 'has domain', 'media'], ['movies', 'has slot', 'theater name'], ['subtitle language', 'has value', 'spanish'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'hustlers'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['graham nash', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['location', 'has value', 'san fran'], ['movies', 'has slot', 'count'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['play', 'has domain', 'movies'], ['1', 'has domain', 'media'], ['amc kabuki 8', 'has domain', 'movies'], ['2', 'has domain', 'movies']]\n", + "\n", + "dialogue id: sgd-test-3284\n", + "dialogue: \"user\": \"could you tell me about several attractions to go to ?\"\n", + "\"system\": \"what location ought i look for attractions in ?\"\n", + "\"user\": \"look for attractions in sf . i want something that is friendly to children .\"\n", + "\"system\": \"there are 10 attractions that you may be interested in . you ought to try alcatraz , a historical landmark .\"\n", + "\"user\": \"is entry to this attractions at no cost ?\"\n", + "\"system\": \"yeah , the entrance is free .\"\n", + "\"user\": \"can you tell me their contact number ?\"\n", + "\"system\": \"their contact number is 415 - 561 - 4900 .\"\n", + "\"user\": \"alright , fine . i ' d like to view a film near there .\"\n", + "\"system\": \"i discovered 10 films . what do you think about ad astra , brittany runs a marathon , or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"brittany runs a marathon is lovely . are there several decent films online ?\"\n", + "\"system\": \"what sort of film do you enjoy ?\"\n", + "\"user\": \"cult films would be lovely .\"\n", + "\"system\": \"there is 1 film you might enjoy . what do you think about pulp fiction ?\"\n", + "\"user\": \"pulp fiction would be lovely .\"\n", + "\"system\": \"would you like to cast the film ?\"\n", + "\"user\": \"yeah , i ' d like to cast the film .\"\n", + "\"system\": \"please verify the following information : casting pulp fiction with english subtitles .\"\n", + "\"user\": \"nope ; i ' d like to view it with subtitles in french .\"\n", + "\"system\": \"please verify the following information : casting pulp fiction with french subtitles .\"\n", + "\"user\": \"yeah , that ' s right .\"\n", + "\"system\": \"the film began casting .\"\n", + "\"user\": \"thank you for your assistance .\"\n", + "\"system\": \"could i assist with something else ?\"\n", + "\"user\": \"nope ; thank you for your help .\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'french', '415 - 561 - 4900', 'fiddler : a miracle of miracles', 'fiddler', 'historical landmark', 'sf', 'english', 'location', '10', '1', 'pulp fiction']\n", + "relations: [['location', 'has value', 'sf'], ['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['10', 'has domain', 'movies'], ['travel', 'has slot', 'phone number'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['french', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['cult', 'has domain', 'media'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['pulp fiction', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['subtitle language', 'has value', 'french'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['genre', 'has value', 'cult'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['phone number', 'has value', '415 - 561 - 4900'], ['title', 'has value', 'pulp fiction'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3285\n", + "dialogue: \"user\": \"can you find attractions for me ?\"\n", + "\"system\": \"where do you want me to look for them ?\"\n", + "\"user\": \"i want to find something free in san francisco .\"\n", + "\"system\": \"i found 10 matching attractions . how about alcatraz ? it ' s a historical landmark .\"\n", + "\"user\": \"okay , that ' s great . i ' d like to see a film there .\"\n", + "\"system\": \"i found 10 movies for you . what about ad astra , brittany runs a marathon , or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"ad astra sounds good . do you have any thriller films online ? maybe something with edie martin .\"\n", + "\"system\": \"how about the ladykillers ?\"\n", + "\"user\": \"ladykillers should be great .\"\n", + "\"system\": \"do you want me to play it ?\"\n", + "\"user\": \"yes , please . play the film .\"\n", + "\"system\": \"please confirm : playing the ladykillers with english subtitles .\"\n", + "\"user\": \"yes , that ' d be great .\"\n", + "\"system\": \"i ' ve started the film .\"\n", + "\"user\": \"thanks , that ' ll be all !\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'edie martin', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'historical landmark', 'ladykillers', 'english', '10', 'the ladykillers', 'san francisco', 'thriller']\n", + "relations: [['travel', 'has slot', 'free entry'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['starring', 'has value', 'edie martin'], ['travel', 'has slot', 'count'], ['10', 'has domain', 'movies'], ['san francisco', 'has domain', 'travel'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['title', 'has value', 'the ladykillers'], ['media', 'has slot', 'title'], ['genre', 'has value', 'thriller'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['ladykillers', 'has domain', 'media'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['thriller', 'has domain', 'media'], ['category', 'has value', 'historical landmark'], ['edie martin', 'has domain', 'media'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movies', 'has slot', 'findmovies'], ['movies', 'has slot', 'count'], ['title', 'has value', 'ladykillers'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['media', 'has slot', 'playmovie'], ['the ladykillers', 'refers to same concept as', 'ladykillers'], ['count', 'has value', '10'], ['the ladykillers', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-3286\n", + "dialogue: \"user\": \"find me a museum to visit .\"\n", + "\"system\": \"what city shall i look for museums in ?\"\n", + "\"user\": \"find me some museums in sf .\"\n", + "\"system\": \"cable car museum is a museum in san francisco and is 1 of 10 results that search found .\"\n", + "\"user\": \"does this have free admission ?\"\n", + "\"system\": \"no , this museum does not offer free admission .\"\n", + "\"user\": \"try to find m a historical spot that doesn ' t charge an entry fee .\"\n", + "\"system\": \"alcatraz is a historical landmark and is 1 of 3 results that search returned .\"\n", + "\"user\": \"how can i contact them ?\"\n", + "\"system\": \"you can contact them at 415 - 561 - 4900 .\"\n", + "\"user\": \"that is neat . what else can you find ?\"\n", + "\"system\": \"sutro baths is also a historical landmark .\"\n", + "\"user\": \"that is fantastic . find me a 3d bizarre story movie to watch at amc kabuki 8 near there .\"\n", + "\"system\": \"search revealed 1 result which is once upon a time in hollywood .\"\n", + "\"user\": \"once upon a time works for me .\"\n", + "\"system\": \"shall i get you movie tickets ?\"\n", + "\"user\": \"no , not right now . can you find some ghost movies on the internet ?\"\n", + "\"system\": \"i found 47 meters down : uncaged , in fabric , and midsommar .\"\n", + "\"user\": \"fabric works for me .\"\n", + "\"system\": \"shall i cast the movie for you ?\"\n", + "\"user\": \"yes , cast the movie for me .\"\n", + "\"system\": \"you want me to cast the movie in fabric with english subtitles , correct ?\"\n", + "\"user\": \"that is right .\"\n", + "\"system\": \"your movie has begun .\"\n", + "\"user\": \"who starred in the movie ?\"\n", + "\"system\": \"caroline catz starred in the movie .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"do you need more help ?\"\n", + "\"user\": \"no , not right now . thanks again .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['museum', 'bizarre story', 'once upon a time in hollywood', 'uncaged', 'ghost', '415 - 561 - 4900', 'in fabric', 'fabric', 'amc kabuki 8', 'movies', 'historical landmark', 'sf', 'english', 'midsommar', '3d', '47 meters down : uncaged', '3', '10', 'once upon a time', '1']\n", + "relations: [['media', 'has slot', 'playmovie'], ['location', 'has value', 'sf'], ['travel', 'has slot', 'free entry'], ['media', 'has slot', 'findmovies'], ['once upon a time', 'has domain', 'movies'], ['cable car museum', 'has domain', 'travel'], ['sutro baths', 'has domain', 'travel'], ['once upon a time in hollywood', 'has domain', 'movies'], ['ghost', 'has domain', 'media'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'subtitle language'], ['theater name', 'has value', 'amc kabuki 8'], ['movies', 'has slot', 'buymovietickets'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['media', 'has slot', 'starring'], ['attraction name', 'has value', 'cable car museum'], ['movie name', 'has value', 'once upon a time in hollywood'], ['caroline catz', 'has domain', 'media'], ['title', 'has value', 'fabric'], ['true', 'has domain', 'travel'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['attraction name', 'has value', 'sutro baths'], ['show type', 'has value', '3d'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['bizarre story', 'has domain', 'movies'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['free entry', 'has value', 'false'], ['alcatraz', 'has domain', 'travel'], ['midsommar', 'has domain', 'media'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['in fabric', 'has domain', 'media'], ['1', 'has domain', 'movies'], ['title', 'has value', 'midsommar'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['3', 'has domain', 'travel'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['phone number', 'has value', '415 - 561 - 4900'], ['3d', 'has domain', 'movies'], ['fabric', 'has domain', 'media'], ['starring', 'has value', 'caroline catz'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['genre', 'has value', 'ghost'], ['genre', 'has value', 'bizarre story'], ['false', 'has domain', 'travel'], ['count', 'has value', '3'], ['movies', 'has slot', 'count'], ['museum', 'has domain', 'travel'], ['movie name', 'has value', 'once upon a time'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['title', 'has value', 'in fabric'], ['amc kabuki 8', 'has domain', 'movies'], ['category', 'has value', 'museum'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3287\n", + "dialogue: \"user\": \"i am looking for a pleasurable activity to engage in .\"\n", + "\"system\": \"do you have a certain location in mind ?\"\n", + "\"user\": \"select something in the san fran area please .\"\n", + "\"system\": \"i recommend a historical landmark known as alcatraz .\"\n", + "\"user\": \"good recommendation . are there any good films playing in that zone ?\"\n", + "\"system\": \"i have populated 10 choices for you . three flicks i think you may enjoy are brittany runs a marathon , ad astra and fiddler : a miracle of miracles .\"\n", + "\"user\": \"ad astra would be just right for me .\"\n", + "\"system\": \"would you like me to acquire passes for you ?\"\n", + "\"user\": \"no thanks . i do not want to spend any money right now .\"\n", + "\"system\": \"do you have any other needs i can help you with ?\"\n", + "\"user\": \"find me an interesting feature i can watch on the internet please .\"\n", + "\"system\": \"is there a certain category you are interested in ?\"\n", + "\"user\": \"i need to laugh . look for a comedy please .\"\n", + "\"system\": \"i found 5 comedies that may be of interest . are you interested in seeing my big fat greek wedding , good boys , or chhichhore ?\"\n", + "\"user\": \"i have seen those shows . can you find something starring camilla rutherford ?\"\n", + "\"system\": \"yesterday fits your stated needs .\"\n", + "\"user\": \"i can ' t make up my mind . look for a supernatural flick starring ari cohen please .\"\n", + "\"system\": \"it chapter two may be desirable for you to view .\"\n", + "\"user\": \"i like it two . fantastic suggestion . is it possible to view with the subtitles in english ?\"\n", + "\"system\": \"with your approval i will start it chapter two . i will make sure i play the one with english subtitles .\"\n", + "\"user\": \"thank you so much . please play the flick for me .\"\n", + "\"system\": \"the show you chose has begun .\"\n", + "\"user\": \"what would i do without you ?\"\n", + "\"system\": \"i can assist you with more needs if you like .\"\n", + "\"user\": \"thank you for offering . i ' m okay for now .\"\n", + "\"system\": \"enjoy the movie .\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'ad astra', 'brittany runs a marathon', 'camilla rutherford', 'fiddler : a miracle of miracles', 'it two', 'location', 'starring', 'fiddler', 'it chapter two', 'ari cohen', 'good boys', 'category', 'supernatural', '5', 'historical landmark', 'chhichhore', 'english', 'greek wedding', 'comedy', '10', 'my big fat greek wedding']\n", + "relations: [['it chapter two', 'has domain', 'media'], ['comedy', 'has domain', 'media'], ['it two', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['title', 'has value', 'yesterday'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['camilla rutherford', 'has domain', 'media'], ['good boys', 'has domain', 'media'], ['ad astra', 'has domain', 'movies'], ['title', 'has value', 'it two'], ['10', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['starring', 'has value', 'ari cohen'], ['title', 'has value', 'it chapter two'], ['travel', 'has slot', 'findattractions'], ['title', 'has value', 'good boys'], ['attraction name', 'has value', 'alcatraz'], ['5', 'has domain', 'media'], ['ari cohen', 'has domain', 'media'], ['title', 'has value', 'chhichhore'], ['title', 'has value', 'my big fat greek wedding'], ['subtitle language', 'has value', 'english'], ['it chapter two', 'refers to same concept as', 'it two'], ['movie name', 'has value', 'ad astra'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['genre', 'has value', 'supernatural'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['genre', 'has value', 'comedy'], ['starring', 'has value', 'camilla rutherford'], ['movies', 'has slot', 'findmovies'], ['my big fat greek wedding', 'has domain', 'media'], ['location', 'has value', 'san fran'], ['yesterday', 'has domain', 'media'], ['movies', 'has slot', 'count'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['supernatural', 'has domain', 'media'], ['count', 'has value', '5'], ['media', 'has slot', 'playmovie'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3288\n", + "dialogue: \"user\": \"would you find me attractions to visit ?\"\n", + "\"system\": \"where should i look for attractions ?\"\n", + "\"user\": \"find sf attractions .\"\n", + "\"system\": \"how about alcatraz ? it ' s a historical landmark .\"\n", + "\"user\": \"could you tell me the phone number ?\"\n", + "\"system\": \"the phone number is 415 - 561 - 4900 .\"\n", + "\"user\": \"okay , do you have anything else ? i want something child - friendly .\"\n", + "\"system\": \"how about aquarium of the bay ? it ' s a nature preserve .\"\n", + "\"user\": \"okay . i ' d like to watch a movie around there .\"\n", + "\"system\": \"what about ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"find me some other movies .\"\n", + "\"system\": \"how about give me liberty , hobbs and shaw or hustlers ?\"\n", + "\"user\": \"give me liberty sounds perfect .\"\n", + "\"system\": \"do you want to purchase tickets ?\"\n", + "\"user\": \"not at the moment . do you have some good movies online ?\"\n", + "\"system\": \"what sort of movies would you like ?\"\n", + "\"user\": \"play movies sound perfect .\"\n", + "\"system\": \"what about a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"blinded by the light sounds perfect .\"\n", + "\"system\": \"would you like to play the movie ?\"\n", + "\"user\": \"yes , i would like to play the movie with hindi subtitles .\"\n", + "\"system\": \"could you confirm that you want me to play blinded by the light in hindi ?\"\n", + "\"user\": \"that ' s right .\"\n", + "\"system\": \"the movie has started playing .\"\n", + "\"user\": \"who was an actor in it ?\"\n", + "\"system\": \"viveik kalra was an actor in it .\"\n", + "\"user\": \"thanks . that is what i needed .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'give me liberty', 'nature preserve', 'fiddler : a miracle of miracles', 'hobbs and shaw', 'after the wedding', 'fiddler', '415 - 561 - 4900', 'hustlers', 'movies', 'historical landmark', 'hindi', 'sf', 'phone number', 'play', 'aquarium of the bay', 'a faithful man', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'play'], ['location', 'has value', 'sf'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['play', 'has domain', 'media'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['aquarium of the bay', 'has domain', 'travel'], ['attraction name', 'has value', 'aquarium of the bay'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['viveik kalra', 'has domain', 'media'], ['travel', 'has slot', 'phone number'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['movie name', 'has value', 'give me liberty'], ['movie name', 'has value', 'ad astra'], ['hindi', 'has domain', 'media'], ['hustlers', 'has domain', 'movies'], ['category', 'has value', 'nature preserve'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'hobbs and shaw'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['give me liberty', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['phone number', 'has value', '415 - 561 - 4900'], ['travel', 'has slot', 'category'], ['movie name', 'has value', 'hustlers'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['subtitle language', 'has value', 'hindi'], ['hobbs and shaw', 'has domain', 'movies'], ['movies', 'has slot', 'findmovies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['starring', 'has value', 'viveik kalra'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-3289\n", + "dialogue: \"user\": \"can you show me attractions top visit in sf ? i prefer a museum .\"\n", + "\"system\": \"i found 10 attractions . one museum you should check out is cable car museum .\"\n", + "\"user\": \"great , are there any other attractions you can think of ?\"\n", + "\"system\": \"you could also check out the museum california academy of sciences .\"\n", + "\"user\": \"is it child - friendly ? is the attraction free ?\"\n", + "\"system\": \"no , it is not free but it is pretty nice to take your kids to .\"\n", + "\"user\": \"great . i want to watch a movie around there . any type is fine .\"\n", + "\"system\": \"i located 10 movies . would you like to see ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"fiddler sounds good . are there any good online movies featuring alexandre bourgeois ?\"\n", + "\"system\": \"what genre of movies do you like ?\"\n", + "\"user\": \"i prefer action movies .\"\n", + "\"system\": \"i found 1 movie you might like . how about riot girls ?\"\n", + "\"user\": \"riot girls sounds great . i want to watch it now .\"\n", + "\"system\": \"please confirm : play riot girls with subtitles in english .\"\n", + "\"user\": \"no i want the spanish subtitles .\"\n", + "\"system\": \"please confirm : play riot girls with spanish subtitles .\"\n", + "\"user\": \"yes , please .\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"thanks , that is all i need .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['ad astra', 'brittany runs a marathon', 'alexandre bourgeois', 'california academy of sciences', 'action', 'fiddler : a miracle of miracles', 'fiddler', 'one', 'movies', 'genre', 'museum', 'spanish', 'sf', 'english', '10', 'riot girls', '1', 'cable car museum']\n", + "relations: [['location', 'has value', 'sf'], ['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['alexandre bourgeois', 'has domain', 'media'], ['cable car museum', 'has domain', 'travel'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['california academy of sciences', 'has domain', 'travel'], ['media', 'has slot', 'starring'], ['attraction name', 'has value', 'cable car museum'], ['title', 'has value', 'riot girls'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['dontcare', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['10', 'has domain', 'movies'], ['action', 'has domain', 'media'], ['spanish', 'has domain', 'media'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['show type', 'has value', 'dontcare'], ['english', 'has domain', 'media'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['fiddler', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['free entry', 'has value', 'false'], ['movie name', 'has value', 'brittany runs a marathon'], ['subtitle language', 'has value', 'spanish'], ['attraction name', 'has value', 'california academy of sciences'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['genre', 'has value', 'action'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['sf', 'has domain', 'travel'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movie name', 'has value', 'fiddler'], ['1', 'refers to same concept as', 'one'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['false', 'has domain', 'travel'], ['movies', 'has slot', 'count'], ['museum', 'has domain', 'travel'], ['riot girls', 'has domain', 'media'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum'], ['starring', 'has value', 'alexandre bourgeois'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3290\n", + "dialogue: \"user\": \"my family is visiting and i am looking for something to do . will you search for some attractions .\"\n", + "\"system\": \"do you have a particular city you would like me to search ?\"\n", + "\"user\": \"please search in the san francisco area .\"\n", + "\"system\": \"i have 10 choices for you . one of them is an historical landmark called alcatraz .\"\n", + "\"user\": \"is this place kid - friendly and is their an admission fee ?\"\n", + "\"system\": \"the place is kid - friendly and there is no charge for admittance .\"\n", + "\"user\": \"great . i would like to see a 3d movie in the same area .\"\n", + "\"system\": \"here are some options for you : ad astra , brittany runs a marathon or fiddler : a miracle of miracles .\"\n", + "\"user\": \"i would enjoy ad astra .\"\n", + "\"system\": \"are you interested in purchasing tickets ?\"\n", + "\"user\": \"no , not at this time . i would like to see an on - line movie on play .\"\n", + "\"system\": \"would you like to see a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"no , what else is there to watch ?\"\n", + "\"system\": \"how about brittany runs a marathon , hustlers , or live flesh ?\"\n", + "\"user\": \"i would enjoy watching brittany runs a marathon . please play this with english sibtitles .\"\n", + "\"system\": \"please confirm you would like to watch brittany runs a marathon with english subtitles .\"\n", + "\"user\": \"yes , and who is the actor starring in this movie ?\"\n", + "\"system\": \"jillian bell is in this movie and it has starte playing .\"\n", + "\"user\": \"thank you . that is all i need at the moment .\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'play', 'after the wedding', 'starring', 'hustlers', 'fiddler : a miracle of miracles', 'fiddler', 'historical landmark', 'live flesh', 'english', '10', 'a faithful man', 'san francisco', '3d', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'play'], ['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['jillian bell', 'has domain', 'media'], ['free entry', 'has value', 'true'], ['brittany runs a marathon', 'has domain', 'media'], ['play', 'has domain', 'media'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['show type', 'has value', '3d'], ['san francisco', 'has domain', 'travel'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['title', 'has value', 'a faithful man'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['3d', 'has domain', 'movies'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['hustlers', 'has domain', 'media'], ['title', 'has value', 'live flesh'], ['movies', 'has slot', 'findmovies'], ['live flesh', 'has domain', 'media'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['title', 'has value', 'brittany runs a marathon'], ['starring', 'has value', 'jillian bell'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['title', 'has value', 'hustlers'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3291\n", + "dialogue: \"user\": \"i ' m interested in finding some attractions nearby .\"\n", + "\"system\": \"where would you like me to begin the search ?\"\n", + "\"user\": \"please search sfo .\"\n", + "\"system\": \"alcatraz is a very popular historical landmark .\"\n", + "\"user\": \"perfect . i ' d like to see a regular movie at the presidio theatre as well .\"\n", + "\"system\": \"may i suggest the farewell ? it has been very well received .\"\n", + "\"user\": \"farewell will be perfect . i ' d also like to stream a cartoon movie . what ' s available ?\"\n", + "\"system\": \"i have 2 options you may like . have you seen the angry birds movie 2 or toy story 4 ?\"\n", + "\"user\": \"i ' d like to see the angry birds movie . can you begin streaming it for me ?\"\n", + "\"system\": \"i ' d be happy to . would you like to view the angry birds movie 2 with english subtitles ?\"\n", + "\"user\": \"that would be fine .\"\n", + "\"system\": \"your movie selection has begun .\"\n", + "\"user\": \"thank you so much for the help .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"not right now .\"\n", + "\"system\": \"enjoy your movie .\"\n", + "\n", + "terms: ['presidio theatre', 'angry birds', 'the angry birds movie', 'farewell', 'cartoon', 'the farewell', '2', 'historical landmark', 'regular', 'toy story 4', 'english', 'sfo', 'the angry birds movie 2']\n", + "relations: [['media', 'has slot', 'playmovie'], ['title', 'has value', 'the angry birds movie 2'], ['the farewell', 'has domain', 'movies'], ['media', 'has slot', 'findmovies'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['the farewell', 'refers to same concept as', 'farewell'], ['genre', 'has value', 'cartoon'], ['the angry birds movie 2', 'has domain', 'media'], ['movie name', 'has value', 'the farewell'], ['2', 'has domain', 'media'], ['title', 'has value', 'toy story 4'], ['travel', 'has slot', 'location'], ['sfo', 'has domain', 'travel'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['movie name', 'has value', 'farewell'], ['count', 'has value', '2'], ['theater name', 'has value', 'presidio theatre'], ['the angry birds movie', 'has domain', 'media'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['alcatraz', 'has domain', 'travel'], ['location', 'has value', 'sfo'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['presidio theatre', 'has domain', 'movies'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movies', 'has slot', 'findmovies'], ['title', 'has value', 'the angry birds movie'], ['regular', 'has domain', 'movies'], ['toy story 4', 'has domain', 'media'], ['farewell', 'has domain', 'movies'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-3292\n", + "dialogue: \"user\": \"i would like to find attraction to visit . a wildlife spot that is child - friendly .\"\n", + "\"system\": \"in what location are you looking ?\"\n", + "\"user\": \"i ' m looking for attraction in sfo .\"\n", + "\"system\": \"there is aquarium of the bay that is a nature preserve .\"\n", + "\"user\": \"i would like to find a movie in that area .\"\n", + "\"system\": \"there are 10 movies . there is ad astra , brittany runs a marathon and fiddler : a miracle of miracles ?\"\n", + "\"user\": \"ad astra sounds like a good movie .\"\n", + "\"system\": \"would you like to purchase tickets ?\"\n", + "\"user\": \"no , not at the moment .\"\n", + "\"system\": \"can i help with something else ?\"\n", + "\"user\": \"i would like to find a movie online . supernatural movies featuring javier botet .\"\n", + "\"system\": \"there is 1 movie : it chapter two .\"\n", + "\"user\": \"yes it two is great , play it with english subtitles .\"\n", + "\"system\": \"playing it chapter two with english subtitles .\"\n", + "\"user\": \"yes , that sounds good .\"\n", + "\"system\": \"the movie started playing .\"\n", + "\"user\": \"that is all i needed .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['ad astra', 'brittany runs a marathon', 'javier botet', 'nature preserve', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'aquarium of the bay', 'it chapter two', 'english', 'location', 'it two', '10', 'sfo', '1', 'supernatural']\n", + "relations: [['it chapter two', 'has domain', 'media'], ['travel', 'has slot', 'good for kids'], ['it two', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['aquarium of the bay', 'has domain', 'travel'], ['attraction name', 'has value', 'aquarium of the bay'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['title', 'has value', 'it two'], ['10', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['sfo', 'has domain', 'travel'], ['javier botet', 'has domain', 'media'], ['english', 'has domain', 'media'], ['title', 'has value', 'it chapter two'], ['travel', 'has slot', 'findattractions'], ['subtitle language', 'has value', 'english'], ['it chapter two', 'refers to same concept as', 'it two'], ['movie name', 'has value', 'ad astra'], ['category', 'has value', 'nature preserve'], ['media', 'has slot', 'title'], ['movie name', 'has value', 'brittany runs a marathon'], ['location', 'has value', 'sfo'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['genre', 'has value', 'supernatural'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['starring', 'has value', 'javier botet'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['supernatural', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3293\n", + "dialogue: \"user\": \"will you show me some attractions to visit ?\"\n", + "\"system\": \"where should i look for attractions in ?\"\n", + "\"user\": \"i ' d like something without a fee for entry at a historical spot in paris .\"\n", + "\"system\": \"you can check out the catacombs of paris a historical landmark .\"\n", + "\"user\": \"cool , what other attractions can you think of ? can you find attractions in sfo ?\"\n", + "\"system\": \"you can check out alcatraz a historical landmark .\"\n", + "\"user\": \"would you say it ' s a child - friendly place and what is the phone number ?\"\n", + "\"system\": \"yes , the place is pretty nice to take kids to and the phone number is 415 - 561 - 4900 .\"\n", + "\"user\": \"okay that is great . i ' d like to watch a movie around there .\"\n", + "\"system\": \"what about ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"fiddler : a miracle of miracles is great .\"\n", + "\"system\": \"do you wish to buy tickets ?\"\n", + "\"user\": \"no , i don ' t want to buy tickets now .\"\n", + "\"system\": \"can i assist you with anything else ?\"\n", + "\"user\": \"would there be some good movies online ?\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"movies of song would be great .\"\n", + "\"system\": \"there ' s 1 movie you might like . what do you think about echo in the canyon ?\"\n", + "\"user\": \"echo in the canyon is nice . i would like to watch the movie now with english subtitles .\"\n", + "\"system\": \"please confirm details for to play echo in the canyon with subtitles in english .\"\n", + "\"user\": \"yes , please do so . who acted in the movie ?\"\n", + "\"system\": \"it started playing the movie and roger mcguinn acted in it .\"\n", + "\"user\": \"thanks so much .\"\n", + "\"system\": \"what else can i assist you with ?\"\n", + "\"user\": \"no thanks so much .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'song', 'paris', 'echo in the canyon', '415 - 561 - 4900', 'roger mcguinn', 'fiddler : a miracle of miracles', 'fiddler', 'echo', 'movies', 'historical landmark', 'english', 'phone number', 'sfo', 'catacombs of paris', '1']\n", + "relations: [['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['echo in the canyon', 'refers to same concept as', 'echo'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'phone number'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['title', 'has value', 'echo in the canyon'], ['travel', 'has slot', 'location'], ['sfo', 'has domain', 'travel'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['genre', 'has value', 'song'], ['starring', 'has value', 'roger mcguinn'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['subtitle language', 'has value', 'english'], ['movie name', 'has value', 'ad astra'], ['attraction name', 'has value', 'catacombs of paris'], ['location', 'has value', 'paris'], ['media', 'has slot', 'title'], ['echo in the canyon', 'has domain', 'media'], ['song', 'has domain', 'media'], ['paris', 'has domain', 'travel'], ['alcatraz', 'has domain', 'travel'], ['location', 'has value', 'sfo'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['catacombs of paris', 'has domain', 'travel'], ['travel', 'has slot', 'category'], ['phone number', 'has value', '415 - 561 - 4900'], ['roger mcguinn', 'has domain', 'media'], ['1', 'refers to same concept as', 'one'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-3294\n", + "dialogue: \"user\": \"can you help me to find some tourist attractions ?\"\n", + "\"system\": \"in which city ?\"\n", + "\"user\": \"in san francisco please .\"\n", + "\"system\": \"there are 10 options for you . one is alcatraz , it is a popular historical landmark .\"\n", + "\"user\": \"how much does it cost and could you give me a contact number ?\"\n", + "\"system\": \"it is free and you can contact them on 415 - 561 - 4900 .\"\n", + "\"user\": \"great , what else do you have ?\"\n", + "\"system\": \"there is also alcatraz island , it is also a historical landmark .\"\n", + "\"user\": \"okay fine .\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"yes , i would like to go to the movies when i am there . i like life history movies and i want to watch it at clay theatre .\"\n", + "\"system\": \"there is 1 option for you called fiddler : a miracle of miracles .\"\n", + "\"user\": \"fiddler is an excellent suggestion .\"\n", + "\"system\": \"will i purchase tickets for you ?\"\n", + "\"user\": \"not right now , but could you help me find a good online movie .\"\n", + "\"system\": \"what genre do you prefer ?\"\n", + "\"user\": \"scary movies are fab especially ones that have dennis price in them .\"\n", + "\"system\": \"there is 1 movie called theatre of blood .\"\n", + "\"user\": \"theatre of blood is fab !\"\n", + "\"system\": \"do you want the movie played now ?\"\n", + "\"user\": \"yes please , with spanish subtitles .\"\n", + "\"system\": \"to confirm then you want theatre of blood played wih spanish subtitles .\"\n", + "\"user\": \"yes that is right .\"\n", + "\"system\": \"movie has started .\"\n", + "\"user\": \"that is all for now , thanks .\"\n", + "\"system\": \"have a lovely day .\"\n", + "\n", + "terms: ['alcatraz', 'theatre of blood', 'clay theatre', '415 - 561 - 4900', 'dennis price', 'fiddler : a miracle of miracles', '1', 'fiddler', 'movies', 'historical landmark', 'genre', 'life history', 'spanish', 'one', '10', 'alcatraz island', 'san francisco']\n", + "relations: [['travel', 'has slot', 'free entry'], ['attraction name', 'has value', 'alcatraz island'], ['media', 'has slot', 'findmovies'], ['theater name', 'has value', 'clay theatre'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['true', 'has domain', 'travel'], ['dontcare', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['life history', 'has domain', 'movies'], ['travel', 'has slot', 'phone number'], ['san francisco', 'has domain', 'travel'], ['title', 'has value', 'theatre of blood'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['alcatraz island', 'has domain', 'travel'], ['travel', 'has slot', 'location'], ['show type', 'has value', 'dontcare'], ['spanish', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['genre', 'has value', 'scary'], ['10', 'has domain', 'travel'], ['fiddler', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['starring', 'has value', 'dennis price'], ['movies', 'has slot', 'theater name'], ['subtitle language', 'has value', 'spanish'], ['alcatraz', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['1', 'has domain', 'movies'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['phone number', 'has value', '415 - 561 - 4900'], ['travel', 'has slot', 'category'], ['movie name', 'has value', 'fiddler'], ['1', 'refers to same concept as', 'one'], ['genre', 'has value', 'life history'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['scary', 'has domain', 'media'], ['clay theatre', 'has domain', 'movies'], ['dennis price', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['theatre of blood', 'has domain', 'media'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3295\n", + "dialogue: \"user\": \"where are some good places to check out in san fran ?\"\n", + "\"system\": \"there ' s alcatraz , it ' s a famous historical landmark .\"\n", + "\"user\": \"sounds good . what about movies . any type is fine .\"\n", + "\"system\": \"i found 10 movies . would you like to see ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"brittany runs a marathon sounds good . can you look for some movies online ? something with joseph millson in it ?\"\n", + "\"system\": \"what kind of movie would you like to watch ?\"\n", + "\"user\": \"i ' d like to see an action film .\"\n", + "\"system\": \"how about angel has fallen ?\"\n", + "\"user\": \"yes , angel has fallen would be great .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"yes , please . i would like one with english subtitles .\"\n", + "\"system\": \"to verify : you would like to watch the film angel has fallen with english subtitles .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"the movie will start now .\"\n", + "\"user\": \"perfect . thank you .\"\n", + "\"system\": \"did you need anything else ?\"\n", + "\"user\": \"no thanks . i ' m good .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'ad astra', 'brittany runs a marathon', 'angel has fallen', 'action', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'historical landmark', 'english', '10', 'joseph millson']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['ad astra', 'has domain', 'movies'], ['dontcare', 'has domain', 'movies'], ['10', 'has domain', 'movies'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['show type', 'has value', 'dontcare'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['movie name', 'has value', 'ad astra'], ['starring', 'has value', 'joseph millson'], ['media', 'has slot', 'title'], ['joseph millson', 'has domain', 'media'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['genre', 'has value', 'action'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movies', 'has slot', 'findmovies'], ['location', 'has value', 'san fran'], ['movies', 'has slot', 'count'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3296\n", + "dialogue: \"user\": \"hi , could you show me some nice attractions to visit ?\"\n", + "\"system\": \"any specific place of interest ?\"\n", + "\"user\": \"something in sf will be great .\"\n", + "\"system\": \"there are 10 attractions you might like , how about a historical landmark called alcatraz ?\"\n", + "\"user\": \"i see , could you search for movies shown around that area ?\"\n", + "\"system\": \"how about ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"are there any alternative movies ? i would prefer a regular scary movie please .\"\n", + "\"system\": \"would you like to watch in fabric , one cut of the dead or theatre of blood ?\"\n", + "\"user\": \"one cut of the dead sounds great to me !\"\n", + "\"system\": \"would you like me to purchase tickets for you ?\"\n", + "\"user\": \"no , that is not necessary . thanks anyway .\"\n", + "\"system\": \"could i further assist you then ?\"\n", + "\"user\": \"could you help me find a nice online movie featuring ian holm ?\"\n", + "\"system\": \"any genre preference in particular ?\"\n", + "\"user\": \"some fantasy movie would be great .\"\n", + "\"system\": \"there is 1 movie you might like , how about the lord of the rings : the return of the king ?\"\n", + "\"user\": \"the lord of the rings three sounds perfect , could you play it with english subtitles now ?\"\n", + "\"system\": \"please confirm your request to play the lord of the rings : the return of the king with english subtitles .\"\n", + "\"user\": \"yes , that sounds great to me !\"\n", + "\"system\": \"your movie has started playing , enjoyed !\"\n", + "\"user\": \"thank you so much .\"\n", + "\"system\": \"how can i further assist you ?\"\n", + "\"user\": \"no , that is all i need . thank you !\"\n", + "\"system\": \"have a great day ahead then !\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'the lord of the rings', 'fiddler : a miracle of miracles', 'regular', 'fiddler', 'genre', 'one cut of the dead', 'the lord of the rings : the return of the king', 'ian holm', 'theatre of blood', 'in fabric', 'fabric', 'one', 'movies', 'historical landmark', 'sf', 'english', 'scary', 'fantasy', '10', '1']\n", + "relations: [['location', 'has value', 'sf'], ['movie name', 'has value', 'theatre of blood'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['the lord of the rings three', 'has domain', 'media'], ['movies', 'has slot', 'buymovietickets'], ['in fabric', 'refers to same concept as', 'fabric'], ['media', 'has slot', 'starring'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['ad astra', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['movie name', 'has value', 'one cut of the dead'], ['travel', 'has slot', 'location'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['fantasy', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['in fabric', 'has domain', 'movies'], ['subtitle language', 'has value', 'english'], ['genre', 'has value', 'scary'], ['title', 'has value', 'the lord of the rings three'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['one cut of the dead', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['ian holm', 'has domain', 'media'], ['scary', 'has domain', 'movies'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['movie name', 'has value', 'in fabric'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['theatre of blood', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['1', 'refers to same concept as', 'one'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['regular', 'has domain', 'movies'], ['starring', 'has value', 'ian holm'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3297\n", + "dialogue: \"user\": \"could you tell me about several attractions to go to ?\"\n", + "\"system\": \"what location ought i look for attractions in ?\"\n", + "\"user\": \"get me attractions in san fran .\"\n", + "\"system\": \"you ought to look for alcatraz , which is a historical landmark .\"\n", + "\"user\": \"cool , do you have some alternative attractions on your mind right now ?\"\n", + "\"system\": \"you ought to visit alcatraz island , which is a historical landmark .\"\n", + "\"user\": \"alright , fine . i ' d like to view a film near there .\"\n", + "\"system\": \"what do you think of ad astra , brittany runs a marathon , or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"please get me alternative films ; i ' d like to view a regular show .\"\n", + "\"system\": \"i discovered 7 films . what do you think of give me liberty , hobbs and shaw , or hustlers ?\"\n", + "\"user\": \"hobbs and shaw is fine . are there several lovely films online ?\"\n", + "\"system\": \"what sort of films do you enjoy ?\"\n", + "\"user\": \"i ' d love some action films .\"\n", + "\"system\": \"do you enjoy angel has fallen , hobbs and shaw , or mission mangal ?\"\n", + "\"user\": \"angel has fallen would be lovely .\"\n", + "\"system\": \"would you like to cast the film ?\"\n", + "\"user\": \"yeah , i ' d like to cast the film .\"\n", + "\"system\": \"please verify the following information : casting angel has fallen with english subtitles .\"\n", + "\"user\": \"yeah , please d oso .\"\n", + "\"system\": \"the film began to play .\"\n", + "\"user\": \"thank you ; that is all i require .\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'ad astra', 'brittany runs a marathon', 'give me liberty', 'hobbs and shaw', 'angel has fallen', 'action', 'hustlers', 'fiddler : a miracle of miracles', '7', 'mission mangal', 'fiddler', 'historical landmark', 'regular', 'english', 'location', 'alcatraz island']\n", + "relations: [['mission mangal', 'has domain', 'media'], ['attraction name', 'has value', 'alcatraz island'], ['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['count', 'has value', '7'], ['angel has fallen', 'has domain', 'media'], ['ad astra', 'has domain', 'movies'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['alcatraz island', 'has domain', 'travel'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['movie name', 'has value', 'give me liberty'], ['movie name', 'has value', 'ad astra'], ['hustlers', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'hobbs and shaw'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['genre', 'has value', 'action'], ['movie name', 'has value', 'hustlers'], ['category', 'has value', 'historical landmark'], ['give me liberty', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['hobbs and shaw', 'has domain', 'movies'], ['movies', 'has slot', 'findmovies'], ['location', 'has value', 'san fran'], ['regular', 'has domain', 'movies'], ['movies', 'has slot', 'count'], ['7', 'has domain', 'movies'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['title', 'has value', 'hobbs and shaw'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-3298\n", + "dialogue: \"user\": \"its time to visit some attractions , can you help ?\"\n", + "\"system\": \"which location do you prefer ?\"\n", + "\"user\": \"i am looking for something in san fran .\"\n", + "\"system\": \"there alcatraz will be a nice experience . it is a historical landmark .\"\n", + "\"user\": \"should i pay at the entrance ?\"\n", + "\"system\": \"yes you have to take entry tickets .\"\n", + "\"user\": \"good , now look for some movie to watch there . i am fond of bizarre story movie . find a regular show at amc kabuki 8 .\"\n", + "\"system\": \"there is 1 , once upon a time in hollywood .\"\n", + "\"user\": \"once upon a time is ok . what about online movies ? are there funny movies especially ed sheeran featuring ?\"\n", + "\"system\": \"yesterday is there .\"\n", + "\"user\": \"yesterday is right choice , play it online .\"\n", + "\"system\": \"please confirm your request , online play of yesterday with english subtitles .\"\n", + "\"user\": \"please play with spanish subtitles .\"\n", + "\"system\": \"ok , your request is playing yesterday with spanish subtitles , correct ?\"\n", + "\"user\": \"yeah , thank you .\"\n", + "\"system\": \"it started , enjoy it .\"\n", + "\"user\": \"great , thank you .\"\n", + "\"system\": \"any other help needed ?\"\n", + "\"user\": \"not thats all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'yesterday', 'funny', 'amc kabuki 8', 'movies', 'historical landmark', 'spanish', 'regular', 'english', 'location', 'ed sheeran', 'once upon a time', 'bizarre story', '1', 'once upon a time in hollywood']\n", + "relations: [['media', 'has slot', 'playmovie'], ['travel', 'has slot', 'free entry'], ['media', 'has slot', 'findmovies'], ['once upon a time', 'has domain', 'movies'], ['show type', 'has value', 'regular'], ['once upon a time in hollywood', 'has domain', 'movies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['title', 'has value', 'yesterday'], ['theater name', 'has value', 'amc kabuki 8'], ['media', 'has slot', 'starring'], ['movie name', 'has value', 'once upon a time in hollywood'], ['true', 'has domain', 'travel'], ['movies', 'has slot', 'genre'], ['spanish', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['bizarre story', 'has domain', 'movies'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['media', 'has slot', 'title'], ['starring', 'has value', 'ed sheeran'], ['movies', 'has slot', 'theater name'], ['subtitle language', 'has value', 'spanish'], ['alcatraz', 'has domain', 'travel'], ['genre', 'has value', 'funny'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['1', 'has domain', 'movies'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['funny', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['location', 'has value', 'san fran'], ['genre', 'has value', 'bizarre story'], ['regular', 'has domain', 'movies'], ['ed sheeran', 'has domain', 'media'], ['movies', 'has slot', 'count'], ['movie name', 'has value', 'once upon a time'], ['yesterday', 'has domain', 'media'], ['san fran', 'has domain', 'travel'], ['amc kabuki 8', 'has domain', 'movies']]\n", + "\n", + "dialogue id: sgd-test-3299\n", + "dialogue: \"user\": \"i wanted child friendly museum and would you help me some attractions ?\"\n", + "\"system\": \"which place you wanted attractions in ?\"\n", + "\"user\": \"i wanted attractions in san francisco\"\n", + "\"system\": \"you can look into cable car museum which is a museum\"\n", + "\"user\": \"is the attraction free there and can i have their contact number ?\"\n", + "\"system\": \"the attraction is not free there and their contact number is 415 - 474 - 1887\"\n", + "\"user\": \"i wanted to watch a regular show movie balboa theatre there\"\n", + "\"system\": \"what is your opinion on ad astra , it chapter two and official secrets ?\"\n", + "\"user\": \"i want you to look for other movies\"\n", + "\"system\": \"sorry , i failed your choice . any other help ?\"\n", + "\"user\": \"i want you to try again with movie sfmoma - phyllis wattis theater as i like 3d thriller movie shows\"\n", + "\"system\": \"what is your opinion about madeline ' s madeline ?\"\n", + "\"user\": \"madeline is great .. is there any online movies ?\"\n", + "\"system\": \"type of movies you like ?\"\n", + "\"user\": \"for me action movies is better .\"\n", + "\"system\": \"i found 5 movies of your choice . what about angel has fallen , hobbs and shaw or mission mangal ?\"\n", + "\"user\": \"for me angel has fallen is better . i like to watch the movie now .\"\n", + "\"system\": \"please give confirmation details : running angel has fallen in english\"\n", + "\"user\": \"okay .. fine ..\"\n", + "\"system\": \"the movie started playing now ..\"\n", + "\"user\": \"can i know the actor ?\"\n", + "\"system\": \"the actor is antonio bustorff .\"\n", + "\"user\": \"thank you so much .\"\n", + "\"system\": \"any other help you want ?\"\n", + "\"user\": \"no , thanks a lot\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['ad astra', 'museum', 'regular', 'sfmoma - phyllis wattis theater', 'cable car museum', 'thriller', 'hobbs and shaw', 'action', 'it chapter two', 'angel has fallen', '5', 'movies', 'official secrets', '3d', 'antonio bustorff', 'mission mangal', \"madeline ' s madeline\", 'madeline', 'balboa theatre']\n", + "relations: [['travel', 'has slot', 'free entry'], ['theater name', 'has value', 'sfmoma - phyllis wattis theater'], ['mission mangal', 'has domain', 'media'], ['travel', 'has slot', 'good for kids'], ['phone number', 'has value', '415 - 474 - 1887'], ['media', 'has slot', 'findmovies'], ['hobbs and shaw', 'has domain', 'media'], ['cable car museum', 'has domain', 'travel'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['angel has fallen', 'has domain', 'media'], ['media', 'has slot', 'count'], ['balboa theatre', 'has domain', 'movies'], ['good for kids', 'has value', 'true'], ['movie name', 'has value', 'it chapter two'], ['movie name', 'has value', 'madeline'], ['starring', 'has value', 'antonio bustorff'], ['media', 'has slot', 'starring'], ['attraction name', 'has value', 'cable car museum'], ['location', 'has value', 'san francisco'], ['movie name', 'has value', 'official secrets'], ['official secrets', 'has domain', 'movies'], ['movie name', 'has value', \"madeline ' s madeline\"], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['madeline', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['sfmoma - phyllis wattis theater', 'has domain', 'movies'], ['travel', 'has slot', 'phone number'], ['san francisco', 'has domain', 'travel'], ['show type', 'has value', '3d'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['movies', 'has slot', 'show type'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['5', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['thriller', 'has domain', 'movies'], ['movie name', 'has value', 'ad astra'], ['media', 'has slot', 'title'], ['title', 'has value', 'mission mangal'], ['genre', 'has value', 'thriller'], ['movies', 'has slot', 'theater name'], ['free entry', 'has value', 'false'], ['415 - 474 - 1887', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['genre', 'has value', 'action'], ['antonio bustorff', 'has domain', 'media'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['3d', 'has domain', 'movies'], ['it chapter two', 'has domain', 'movies'], ['movies', 'has slot', 'findmovies'], ['theater name', 'has value', 'balboa theatre'], ['false', 'has domain', 'travel'], ['regular', 'has domain', 'movies'], ['museum', 'has domain', 'travel'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], [\"madeline ' s madeline\", 'has domain', 'movies'], ['title', 'has value', 'hobbs and shaw'], ['count', 'has value', '5'], ['media', 'has slot', 'playmovie'], ['category', 'has value', 'museum']]\n", + "\n", + "dialogue id: sgd-test-3300\n", + "dialogue: \"user\": \"i want to go to some attractive places and i need your help to search for the good one .\"\n", + "\"system\": \"in which city you want me to search for the attractive places ?\"\n", + "\"user\": \"search it in san francisco and the same should also be a good place for kids .\"\n", + "\"system\": \"i got 10 attractions . do you like to visit a historical landmark ? if so then you can try the place alcatraz which is the interested one to you .\"\n", + "\"user\": \"thanks for the details . please also search for a nice movie to watch there .\"\n", + "\"system\": \"got 10 movies . what is your best choice among ad astra , brittany runs a marathon and fiddler : a miracle of miracles ? these are good movies i think .\"\n", + "\"user\": \"search for something else an i like to prefer an imax show .\"\n", + "\"system\": \"what about your opinion on movies like hobbs and shaw , hustlers or it chapter two ? do you like any one of this ?\"\n", + "\"user\": \"yes , i choose hobbs and shaw .\"\n", + "\"system\": \"that is nice movie . shall i book the tickets now ?\"\n", + "\"user\": \"no , not now and may be later .\"\n", + "\"system\": \"how can i help you further ?\"\n", + "\"user\": \"i like to watch a movie online . find me the one featuring stephanie vogt and i like action movies .\"\n", + "\"system\": \"what about hobbs and shaw . is it okay to you ?\"\n", + "\"user\": \"hobbs and shaw is okay and i like to watch it now with english subtitles .\"\n", + "\"system\": \"need your confirmation to play the movie hobbs and shaw with english subtitles .\"\n", + "\"user\": \"okay , you go ahead .\"\n", + "\"system\": \"movie started playing now and you can enjoy the same .\"\n", + "\"user\": \"that ' s all i need . thanks .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'hobbs and shaw', 'action', 'hustlers', 'fiddler : a miracle of miracles', 'stephanie vogt', 'fiddler', 'movies', 'historical landmark', 'it chapter two', 'english', '10', 'imax', 'san francisco']\n", + "relations: [['stephanie vogt', 'has domain', 'media'], ['travel', 'has slot', 'good for kids'], ['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['good for kids', 'has value', 'true'], ['movie name', 'has value', 'it chapter two'], ['movies', 'has slot', 'buymovietickets'], ['show type', 'has value', 'imax'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['10', 'has domain', 'movies'], ['action', 'has domain', 'media'], ['san francisco', 'has domain', 'travel'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['starring', 'has value', 'stephanie vogt'], ['hustlers', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'hobbs and shaw'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['genre', 'has value', 'action'], ['movie name', 'has value', 'hustlers'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['it chapter two', 'has domain', 'movies'], ['imax', 'has domain', 'movies'], ['hobbs and shaw', 'has domain', 'movies'], ['movies', 'has slot', 'findmovies'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['title', 'has value', 'hobbs and shaw'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3301\n", + "dialogue: \"user\": \"what are some good attractions locally ?\"\n", + "\"system\": \"where are you wanting to check ?\"\n", + "\"user\": \"check san francisco .\"\n", + "\"system\": \"try to visit alcatraz , it ' s an iconic historical landmark there .\"\n", + "\"user\": \"how may i phone for information ? is it child friendly ?\"\n", + "\"system\": \"yes , it ' s historically relevant and kids like it . you can call 415 - 561 - 4900 .\"\n", + "\"user\": \"fine , how about a movie nearby ?\"\n", + "\"system\": \"well , you can see ad astra , brittany runs a marathon or even fiddler : a miracle of miracles .\"\n", + "\"user\": \"nope , hard pass . try again .\"\n", + "\"system\": \"i suggest either give me liberty , hobbs and shaw or perhaps hustlers .\"\n", + "\"user\": \"no , i want something better , just a regular type show .\"\n", + "\"system\": \"here are another trio of options of the 4 left : it chapter two , in fabric , or labyrinth .\"\n", + "\"user\": \"i think it chapter two sounds interesting .\"\n", + "\"system\": \"how about some tickets then ?\"\n", + "\"user\": \"no , maybe i should see something online . can you suggest a fantasy movie ?\"\n", + "\"system\": \"you could see either labyrinth or the lord of the rings : the return of the king .\"\n", + "\"user\": \"labyrinth sounds good , let ' s just watch now .\"\n", + "\"system\": \"to confirm these details : watch labyrinth now with english subtitles .\"\n", + "\"user\": \"no give me hindi subtitles .\"\n", + "\"system\": \"to confirm : playing labyrinth with hindi subtitles .\"\n", + "\"user\": \"yes , do that .\"\n", + "\"system\": \"i ' m starting the show now .\"\n", + "\"user\": \"fine , thanks .\"\n", + "\"system\": \"what more can i get you ?\"\n", + "\"user\": \"nothing , i ' m good .\"\n", + "\"system\": \"enjoy labyrinth now .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'give me liberty', 'the lord of the rings', 'fiddler : a miracle of miracles', 'regular', 'hobbs and shaw', 'fiddler', 'it chapter two', 'the lord of the rings : the return of the king', '415 - 561 - 4900', 'hustlers', 'in fabric', 'labyrinth', 'fabric', 'historical landmark', 'hindi', 'english', '4', 'fantasy', 'san francisco']\n", + "relations: [['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['movie name', 'has value', 'labyrinth'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['good for kids', 'has value', 'true'], ['movie name', 'has value', 'it chapter two'], ['movies', 'has slot', 'buymovietickets'], ['in fabric', 'refers to same concept as', 'fabric'], ['location', 'has value', 'san francisco'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['labyrinth', 'has domain', 'movies'], ['title', 'has value', 'labyrinth'], ['travel', 'has slot', 'phone number'], ['san francisco', 'has domain', 'travel'], ['count', 'has value', '4'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['4', 'has domain', 'movies'], ['travel', 'has slot', 'findattractions'], ['fantasy', 'has domain', 'media'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['movie name', 'has value', 'give me liberty'], ['in fabric', 'has domain', 'movies'], ['subtitle language', 'has value', 'english'], ['san francisco', 'refers to same concept as', 'san fran'], ['movie name', 'has value', 'ad astra'], ['hindi', 'has domain', 'media'], ['hustlers', 'has domain', 'movies'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['movie name', 'has value', 'in fabric'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'hobbs and shaw'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['movie name', 'has value', 'hustlers'], ['category', 'has value', 'historical landmark'], ['give me liberty', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['phone number', 'has value', '415 - 561 - 4900'], ['travel', 'has slot', 'category'], ['it chapter two', 'has domain', 'movies'], ['subtitle language', 'has value', 'hindi'], ['hobbs and shaw', 'has domain', 'movies'], ['movies', 'has slot', 'findmovies'], ['regular', 'has domain', 'movies'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-3302\n", + "dialogue: \"user\": \"can you please find me some free attractions to visit in sf ?\"\n", + "\"system\": \"there ' s alcatraz , an amazing historical landmark that you should ' n miss !\"\n", + "\"user\": \"do you have a number where i can reach them ?\"\n", + "\"system\": \"sure , it ' s 415 - 561 - 4900 .\"\n", + "\"user\": \"could you recommend other attractions , preferably child - friendly ?\"\n", + "\"system\": \"sure ! i found 9 attractions that i think you ' ll enjoy , out of which i recommend a fantastic nature preserve , the aquarium of the bay .\"\n", + "\"user\": \"perfect . now let ' s find me a mysterious movie to watch in the area , in a regular show .\"\n", + "\"system\": \"there are 2 movies matching your criteria - luce and official secrets .\"\n", + "\"user\": \"i ' d prefer luce . do you know if any good movies are online ?\"\n", + "\"system\": \"what type of movie do you prefer ?\"\n", + "\"user\": \"i ' d go for a family movie .\"\n", + "\"system\": \"may i recommend steel magnolias and the farewell ?\"\n", + "\"user\": \"steel magnolias is supposed to be awesome . please play it for me , without subtitles .\"\n", + "\"system\": \"can you please confirm that you want me to play steel magnolias with english subtitles .\"\n", + "\"user\": \"on second thought , better make the subtitles spanish .\"\n", + "\"system\": \"can you please confirm that you want me to play steel magnolias with spanish subtitles ?\"\n", + "\"user\": \"yes , please do .\"\n", + "\"system\": \"i ' ve started playing the movie . enjoy !\"\n", + "\"user\": \"thank you . that will be all for now .\"\n", + "\"system\": \"my pleasure . have a nice day !\"\n", + "\n", + "terms: ['alcatraz', 'nature preserve', '2', 'regular', 'family', 'farewell', 'spanish', 'luce', '415 - 561 - 4900', 'the farewell', 'movies', 'historical landmark', 'sf', 'english', 'official secrets', 'steel magnolias', 'mysterious', 'aquarium of the bay', '9']\n", + "relations: [['travel', 'has slot', 'free entry'], ['location', 'has value', 'sf'], ['genre', 'has value', 'mysterious'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['show type', 'has value', 'regular'], ['steel magnolias', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['good for kids', 'has value', 'true'], ['luce', 'has domain', 'movies'], ['the farewell', 'refers to same concept as', 'farewell'], ['movie name', 'has value', 'official secrets'], ['family', 'has domain', 'media'], ['official secrets', 'has domain', 'movies'], ['aquarium of the bay', 'has domain', 'travel'], ['attraction name', 'has value', 'aquarium of the bay'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['spanish', 'has domain', 'media'], ['the farewell', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['title', 'has value', 'steel magnolias'], ['travel', 'has slot', 'findattractions'], ['mysterious', 'has domain', 'movies'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['subtitle language', 'has value', 'english'], ['dontcare', 'has domain', 'travel'], ['count', 'has value', '2'], ['title', 'has value', 'the farewell'], ['category', 'has value', 'nature preserve'], ['media', 'has slot', 'title'], ['dontcare', 'has domain', 'media'], ['subtitle language', 'has value', 'spanish'], ['alcatraz', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['count', 'has value', '9'], ['movies', 'has slot', 'movie name'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['phone number', 'has value', '415 - 561 - 4900'], ['travel', 'has slot', 'category'], ['movies', 'has slot', 'findmovies'], ['subtitle language', 'has value', 'dontcare'], ['genre', 'has value', 'family'], ['regular', 'has domain', 'movies'], ['movie name', 'has value', 'luce'], ['movies', 'has slot', 'count'], ['9', 'has domain', 'travel'], ['category', 'has value', 'dontcare'], ['media', 'has slot', 'playmovie'], ['2', 'has domain', 'movies']]\n", + "\n", + "dialogue id: sgd-test-3303\n", + "dialogue: \"user\": \"can you find me some attractions in san fran ?\"\n", + "\"system\": \"you should check the historical landmark named alcatraz .\"\n", + "\"user\": \"is this a free kid - friendly place ?\"\n", + "\"system\": \"yes , it is both kid - friendly and free .\"\n", + "\"user\": \"great . i want to watch a movie at the regal ua stonestown twin .\"\n", + "\"system\": \"the farewell is one option .\"\n", + "\"user\": \"farewell sounds great .\"\n", + "\"system\": \"should i reserve tickets ?\"\n", + "\"user\": \"not right now . do you have any online movies with megan mullally ?\"\n", + "\"system\": \"what kind of movie ?\"\n", + "\"user\": \"i would prefer a comedy .\"\n", + "\"system\": \"where ' d you go , bernadette is one option .\"\n", + "\"user\": \"where would you go sounds good . i want to see it with english subtitles .\"\n", + "\"system\": \"please confirm you want to see where ' d you go , bernadette with english subtitles .\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"the movie has started playing .\"\n", + "\"user\": \"great . thank you .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"no . thank you .\"\n", + "\"system\": \"you ' re welcome . goodbye .\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'farewell', 'comedy', 'movies', 'historical landmark', \"where ' d you go , bernadette\", 'english', 'regal ua stonestown twin', \"where ' d you go\", 'megan mullally']\n", + "relations: [['media', 'has slot', 'playmovie'], ['travel', 'has slot', 'free entry'], ['comedy', 'has domain', 'media'], ['travel', 'has slot', 'good for kids'], ['the farewell', 'has domain', 'movies'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['the farewell', 'refers to same concept as', 'farewell'], ['regal ua stonestown twin', 'has domain', 'movies'], ['media', 'has slot', 'starring'], ['movie name', 'has value', 'the farewell'], ['true', 'has domain', 'travel'], [\"where ' d you go , bernadette\", 'has domain', 'media'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['theater name', 'has value', 'regal ua stonestown twin'], ['attraction name', 'has value', 'alcatraz'], ['starring', 'has value', 'megan mullally'], ['subtitle language', 'has value', 'english'], ['movie name', 'has value', 'farewell'], ['where would you go', 'has domain', 'media'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['alcatraz', 'has domain', 'travel'], ['media', 'has slot', 'genre'], [\"where ' d you go , bernadette\", 'refers to same concept as', \"where ' d you go\"], ['movies', 'has slot', 'movie name'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['megan mullally', 'has domain', 'media'], ['genre', 'has value', 'comedy'], ['title', 'has value', \"where ' d you go , bernadette\"], ['movies', 'has slot', 'findmovies'], ['location', 'has value', 'san fran'], ['san fran', 'has domain', 'travel'], ['title', 'has value', 'where would you go'], ['farewell', 'has domain', 'movies']]\n", + "\n", + "dialogue id: sgd-test-3304\n", + "dialogue: \"user\": \"i want to find some attractive places to visit . i need your help to find the interesting one for me .\"\n", + "\"system\": \"do you want to search for the attractive places in any particular city which is convenient to you to travel ?\"\n", + "\"user\": \"yes , find me something in sf .\"\n", + "\"system\": \"what about a historical landmark . do you like historical place ? if so then you can try to visit alcatraz which is the best place among the 10 that i have in my search list .\"\n", + "\"user\": \"let me decide , before that i want to know whether this place is safe for kids and also i want their contact number for my reference .\"\n", + "\"system\": \"yes this is the safest place for children and you can contact them at any time using the phone number 415 - 561 - 4900 .\"\n", + "\"user\": \"thanks for the details . search for some nice movies to watch at the same place .\"\n", + "\"system\": \"you can choose any one of the movie from ad astra , brittany runs a marathon and fiddler : a miracle of miracles .\"\n", + "\"user\": \"i choose brittany runs a marathon .\"\n", + "\"system\": \"that is nice movie . shall i book the tickets now ?\"\n", + "\"user\": \"do it later and i will ask you the same later .\"\n", + "\"system\": \"how can i assist you further ?\"\n", + "\"user\": \"i want to watch a movie online and again search for good movies to watch online .\"\n", + "\"system\": \"this time you have any particular type of movie to search for ?\"\n", + "\"user\": \"i like to watch family movies as i need to watch it online in my place .\"\n", + "\"system\": \"what about steel magnolias or do you like the farewell ?\"\n", + "\"user\": \"i prefer steel magnolias .\"\n", + "\"system\": \"shall i play it now online for you ?\"\n", + "\"user\": \"yes , play it with subtitles in hindi language .\"\n", + "\"system\": \"please confirm to play the movie steel magnolias with subtitles in hindi language .\"\n", + "\"user\": \"that is confirmed to proceed .\"\n", + "\"system\": \"the movie was started playing now and you can enjoy the same .\"\n", + "\"user\": \"what is the actor name ?\"\n", + "\"system\": \"daryl hannah acted in this movie .\"\n", + "\"user\": \"that ' s okay . thanks .\"\n", + "\"system\": \"anything else you need ?\"\n", + "\"user\": \"nothing for now and thanks for everything .\"\n", + "\"system\": \"its my pleasure . have a great day .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'family', 'farewell', '415 - 561 - 4900', 'the farewell', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'historical landmark', 'travel', 'hindi', 'sf', 'phone number', '10', 'steel magnolias']\n", + "relations: [['location', 'has value', 'sf'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['steel magnolias', 'has domain', 'media'], ['media', 'has slot', 'subtitle language'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['the farewell', 'refers to same concept as', 'farewell'], ['media', 'has slot', 'starring'], ['family', 'has domain', 'media'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['the farewell', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['historical landmark', 'has domain', 'travel'], ['title', 'has value', 'steel magnolias'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['daryl hannah', 'has domain', 'media'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['hindi', 'has domain', 'media'], ['title', 'has value', 'the farewell'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['phone number', 'has value', '415 - 561 - 4900'], ['travel', 'has slot', 'category'], ['subtitle language', 'has value', 'hindi'], ['movies', 'has slot', 'findmovies'], ['genre', 'has value', 'family'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['starring', 'has value', 'daryl hannah'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3305\n", + "dialogue: \"user\": \"could you help me find an attraction to go to ?\"\n", + "\"system\": \"of course , where would you like me to look ?\"\n", + "\"user\": \"i ' d like to find something in sf .\"\n", + "\"system\": \"i have 10 attractions to recommend to you . how about the historical landmark alcatraz ?\"\n", + "\"user\": \"ok , what is the telephone number there ?\"\n", + "\"system\": \"their phone number is 415 - 561 - 4900 .\"\n", + "\"user\": \"do they have free admission ?\"\n", + "\"system\": \"yes , they sure do .\"\n", + "\"user\": \"ok , that ' s a possibility . what else can you recommend ? any type of attraction is fine .\"\n", + "\"system\": \"i have 9 options for you . a very interesting historical landmark is alcatraz island .\"\n", + "\"user\": \"sounds cool . i ' d also like to find a movie to see in this area .\"\n", + "\"system\": \"i have 10 movies i can recommend . perhaps you ' d like ad astra , brittany runs a marathon or fiddler : a miracle of miracles .\"\n", + "\"user\": \"fiddler : a miracle of miracles would work . and how about a movie online as well ?\"\n", + "\"system\": \"what type of movie are you thinking about ?\"\n", + "\"user\": \"i love imaginative fiction films .\"\n", + "\"system\": \"i can suggest ad astra or close encounters of the third kind .\"\n", + "\"user\": \"yes , close encounters would be great . i ' d like to watch it now with the english subtitles turned on .\"\n", + "\"system\": \"confirming playback of close encounters of the third kind with english subtitles enabled .\"\n", + "\"user\": \"perfect . who is in the cast ?\"\n", + "\"system\": \"the movie has begun . and stephen powers is one of the actors in it .\"\n", + "\"user\": \"great , i ' m all set .\"\n", + "\"system\": \"thank you very much .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'close encounters', 'stephen powers', '415 - 561 - 4900', 'imaginative fiction', 'fiddler : a miracle of miracles', 'close encounters of the third kind', 'fiddler', 'movies', 'historical landmark', 'sf', 'english', 'phone number', '10', '9', 'alcatraz island']\n", + "relations: [['location', 'has value', 'sf'], ['travel', 'has slot', 'free entry'], ['attraction name', 'has value', 'alcatraz island'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['media', 'has slot', 'starring'], ['close encounters of the third kind', 'has domain', 'media'], ['starring', 'has value', 'stephen powers'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['10', 'has domain', 'movies'], ['travel', 'has slot', 'phone number'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['alcatraz island', 'has domain', 'travel'], ['travel', 'has slot', 'location'], ['title', 'has value', 'close encounters of the third kind'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['subtitle language', 'has value', 'english'], ['dontcare', 'has domain', 'travel'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['title', 'has value', 'close encounters'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['count', 'has value', '9'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['phone number', 'has value', '415 - 561 - 4900'], ['travel', 'has slot', 'category'], ['genre', 'has value', 'imaginative fiction'], ['imaginative fiction', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['title', 'has value', 'ad astra'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['9', 'has domain', 'travel'], ['category', 'has value', 'dontcare'], ['close encounters', 'has domain', 'media'], ['stephen powers', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3306\n", + "dialogue: \"user\": \"i want to visit an attraction in san fran .\"\n", + "\"system\": \"i have 10 options . you can go to alcatraz , a historical landmark .\"\n", + "\"user\": \"is it child friendly , though ?\"\n", + "\"system\": \"yes , it ' s fine for kids .\"\n", + "\"user\": \"what is the number ? is there an entrance fee ?\"\n", + "\"system\": \"no , entry is free and the number is 415 - 561 - 4900 .\"\n", + "\"user\": \"okay , can you find me a movie to watch there too . maybe , presidio theatre . it should be a family movie .\"\n", + "\"system\": \"i have 1 for you . the farewell .\"\n", + "\"user\": \"the farewell is good , what about some online movies . animation movies with tom hanks would be good .\"\n", + "\"system\": \"do you like toy story 4 ?\"\n", + "\"user\": \"yes , toy story 4 is a good shout .\"\n", + "\"system\": \"let ' s confirm the details then . toy story 4 with english subtitles .\"\n", + "\"user\": \"yeah , that ' s it .\"\n", + "\"system\": \"the movie is now playing .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"what else can i do for you ?\"\n", + "\"user\": \"nothing , that will be all .\"\n", + "\"system\": \"enjoy the film then !\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'presidio theatre', 'family', 'tom hanks', 'farewell', '415 - 561 - 4900', 'the farewell', 'movies', 'historical landmark', 'animation', 'toy story 4', 'english', '10', 'kids', '1']\n", + "relations: [['travel', 'has slot', 'free entry'], ['travel', 'has slot', 'good for kids'], ['the farewell', 'has domain', 'movies'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['tom hanks', 'has domain', 'media'], ['animation', 'has domain', 'media'], ['good for kids', 'has value', 'true'], ['the farewell', 'refers to same concept as', 'farewell'], ['media', 'has slot', 'starring'], ['movie name', 'has value', 'the farewell'], ['true', 'has domain', 'travel'], ['dontcare', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['title', 'has value', 'toy story 4'], ['travel', 'has slot', 'location'], ['show type', 'has value', 'dontcare'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['theater name', 'has value', 'presidio theatre'], ['media', 'has slot', 'title'], ['genre', 'has value', 'animation'], ['movies', 'has slot', 'theater name'], ['animation', 'refers to same concept as', 'kids'], ['alcatraz', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['presidio theatre', 'has domain', 'movies'], ['1', 'has domain', 'movies'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['phone number', 'has value', '415 - 561 - 4900'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['location', 'has value', 'san fran'], ['genre', 'has value', 'family'], ['movies', 'has slot', 'count'], ['starring', 'has value', 'tom hanks'], ['san fran', 'has domain', 'travel'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['family', 'has domain', 'movies'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3307\n", + "dialogue: \"user\": \"find me some places to see .\"\n", + "\"system\": \"what city shall i look in ?\"\n", + "\"user\": \"find me fun things in sfo .\"\n", + "\"system\": \"alcatraz is a historical landmark in sfo .\"\n", + "\"user\": \"i see . find me any type of life history movies to see near there .\"\n", + "\"system\": \"do you like fiddler : a miracle of miracles ?\"\n", + "\"user\": \"fiddler : a miracle of miracles works just fine for me .\"\n", + "\"system\": \"shall i get you tickets to see it ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"do you need more help ?\"\n", + "\"user\": \"find me some movies starring anthony jackson to see on the internet .\"\n", + "\"system\": \"what genre of movies shall i look in ?\"\n", + "\"user\": \"search for fantasy movies .\"\n", + "\"system\": \"do you like the movie labyrinth ?\"\n", + "\"user\": \"labyrinth works for me .\"\n", + "\"system\": \"shall i start the movie for you now ?\"\n", + "\"user\": \"yes , start playing the movie for me .\"\n", + "\"system\": \"you want me to play the movie labyrinth with english subtitles , correct ?\"\n", + "\"user\": \"that is right .\"\n", + "\"system\": \"your movie is starting .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"do you need more help ?\"\n", + "\"user\": \"no , not right now . thanks .\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['starring', 'fiddler : a miracle of miracles', 'labyrinth', 'fiddler', 'movies', 'historical landmark', 'genre', 'life history', 'anthony jackson', 'fantasy', 'english', 'sfo']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['starring', 'has value', 'anthony jackson'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['dontcare', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['title', 'has value', 'labyrinth'], ['life history', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['sfo', 'has domain', 'travel'], ['show type', 'has value', 'dontcare'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['fantasy', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['english', 'has domain', 'media'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['location', 'has value', 'sfo'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['anthony jackson', 'has domain', 'media'], ['genre', 'has value', 'life history'], ['movies', 'has slot', 'findmovies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-3308\n", + "dialogue: \"user\": \"can you please find me some nice attractions in san fran ? attraction type is not important .\"\n", + "\"system\": \"i found 10 which i think you ' d like . i recommend checking out a great historical landmark , alcatraz .\"\n", + "\"user\": \"perfect . now let ' s find a mystery movie to watch in a regular show at balboa theatre .\"\n", + "\"system\": \"do you think you ' d like to watch official secrets ?\"\n", + "\"user\": \"actually , official secrets sounds awesome .\"\n", + "\"system\": \"is there anything else i could do for you ?\"\n", + "\"user\": \"yes , i ' d like you to find me some good scary movies online featuring isabelle grill .\"\n", + "\"system\": \"there ' s just 1 movie matching your criteria - midsommar .\"\n", + "\"user\": \"midsommar sounds perfect . please play it for me and bear in mind that i do not need subtitles .\"\n", + "\"system\": \"can you please confirm that you want me to play midsommar with english subtitles ?\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"i ' ve started playing it . enjoy !\"\n", + "\"user\": \"thanks a lot !\"\n", + "\"system\": \"is there anything else i could do for you ?\"\n", + "\"user\": \"no , not at the moment . thanks !\"\n", + "\"system\": \"my pleasure . have a nice day !\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'scary', 'mystery', 'midsommar', 'movies', 'historical landmark', 'balboa theatre', 'regular', 'isabelle grill', 'english', '10', 'official secrets', '1']\n", + "relations: [['media', 'has slot', 'findmovies'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['genre', 'has value', 'mystery'], ['balboa theatre', 'has domain', 'movies'], ['media', 'has slot', 'starring'], ['movie name', 'has value', 'official secrets'], ['official secrets', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['dontcare', 'has domain', 'travel'], ['genre', 'has value', 'scary'], ['10', 'has domain', 'travel'], ['media', 'has slot', 'title'], ['dontcare', 'has domain', 'media'], ['movies', 'has slot', 'theater name'], ['isabelle grill', 'has domain', 'media'], ['alcatraz', 'has domain', 'travel'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['title', 'has value', 'midsommar'], ['mystery', 'has domain', 'movies'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movies', 'has slot', 'findmovies'], ['theater name', 'has value', 'balboa theatre'], ['location', 'has value', 'san fran'], ['count', 'has value', '1'], ['subtitle language', 'has value', 'dontcare'], ['regular', 'has domain', 'movies'], ['san fran', 'has domain', 'travel'], ['scary', 'has domain', 'media'], ['category', 'has value', 'dontcare'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['starring', 'has value', 'isabelle grill'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3309\n", + "dialogue: \"user\": \"i ' d like to find some attractions to possibly go and see .\"\n", + "\"system\": \"what location would you like ?\"\n", + "\"user\": \"something in london , england please .\"\n", + "\"system\": \"you might enjoy 30 st mary axe ( the gherkin ), which is a historical landmark .\"\n", + "\"user\": \"okay , maybe . what else can you recommend ? maybe a nature preserve in the the sf area ?\"\n", + "\"system\": \"you might enjoy the nature preserve known as aquarium of the bay .\"\n", + "\"user\": \"is it a good place for kids ? and also what is the phone number ?\"\n", + "\"system\": \"yes , it is a child friendly place and the phone number there is 415 - 623 - 5300 .\"\n", + "\"user\": \"thanks , that ' s good . i am also looking for a movie in that area , a play movie please .\"\n", + "\"system\": \"i have 4 movies you might like . would you be interested in either brittany runs a marathon , hustlers or live flesh ?\"\n", + "\"user\": \"what else do you have please ?\"\n", + "\"system\": \"you might enjoy this is not berlin .\"\n", + "\"user\": \"yes , this is not berlin is great .\"\n", + "\"system\": \"shall i purchase tickets for you ?\"\n", + "\"user\": \"that ' s okay , no . how about some online movies ?\"\n", + "\"system\": \"what type of film ?\"\n", + "\"user\": \"a play movie is fine .\"\n", + "\"system\": \"i have 10 options for you . would you like to watch a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"maybe something else ? how about something in the fantasy genre with francis wright in it ?\"\n", + "\"system\": \"i have 1 movie which you might like , which is labyrinth .\"\n", + "\"user\": \"yes , labyrinth will work , thanks .\"\n", + "\"system\": \"shall i play the movie for you now ?\"\n", + "\"user\": \"yes , please do , thanks .\"\n", + "\"system\": \"confirming playback of labyrinth with english subtitles enabled .\"\n", + "\"user\": \"thanks , that ' s great .\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"i ' m all set then , thanks .\"\n", + "\"system\": \"you are very welcome .\"\n", + "\n", + "terms: ['brittany runs a marathon', 'nature preserve', 'location', '415 - 623 - 5300', 'after the wedding', 'this is not berlin', 'genre', 'live flesh', 'hustlers', 'labyrinth', 'francis wright', 'movies', 'historical landmark', 'sf', 'english', 'phone number', 'london , england', 'play', '4', 'aquarium of the bay', 'fantasy', '10', 'a faithful man', '1', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'play'], ['location', 'has value', 'sf'], ['30 st mary axe ( the gherkin )', 'has domain', 'travel'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['415 - 623 - 5300', 'has domain', 'travel'], ['play', 'has domain', 'media'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['this is not berlin', 'has domain', 'movies'], ['aquarium of the bay', 'has domain', 'travel'], ['london , england', 'has domain', 'travel'], ['attraction name', 'has value', 'aquarium of the bay'], ['nature preserve', 'has domain', 'travel'], ['true', 'has domain', 'travel'], ['movies', 'has slot', 'genre'], ['title', 'has value', 'labyrinth'], ['travel', 'has slot', 'phone number'], ['count', 'has value', '4'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['4', 'has domain', 'movies'], ['fantasy', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['francis wright', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['attraction name', 'has value', '30 st mary axe ( the gherkin )'], ['hustlers', 'has domain', 'movies'], ['labyrinth', 'has domain', 'media'], ['category', 'has value', 'nature preserve'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['starring', 'has value', 'francis wright'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['movie name', 'has value', 'brittany runs a marathon'], ['live flesh', 'has domain', 'movies'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['movies', 'has slot', 'movie name'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['movie name', 'has value', 'hustlers'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movie name', 'has value', 'live flesh'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['1', 'refers to same concept as', 'one'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['movie name', 'has value', 'this is not berlin'], ['movies', 'has slot', 'count'], ['brittany runs a marathon', 'has domain', 'movies'], ['location', 'has value', 'london , england'], ['phone number', 'has value', '415 - 623 - 5300'], ['play', 'has domain', 'movies'], ['title', 'has value', 'blinded by the light'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3310\n", + "dialogue: \"user\": \"i would like to find an attraction to go to please , something in san fran .\"\n", + "\"system\": \"i have 10 possibilities to tell you about . perhaps you ' d be interested in the historical landmark alcatraz .\"\n", + "\"user\": \"ok that ' s possible . what else could you suggest ?\"\n", + "\"system\": \"i have 9 other options to share with you . alcatraz island is a fascinating historical landmark .\"\n", + "\"user\": \"is there an admission price ? and do you know the phone number ?\"\n", + "\"system\": \"yes , there is a charge for admission . the phone number is 415 - 561 - 4900 .\"\n", + "\"user\": \"ok , sounds good . i ' d also like to see a film in that area .\"\n", + "\"system\": \"certainly . would you be interested in seeing ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"i don ' t think so , what else is there ? i ' d like to go to balboa theatre if possible .\"\n", + "\"system\": \"i have 2 possibilities for you . would you be interested in either official secrets for it chapter two ?\"\n", + "\"user\": \"it two would be great . how about some online movies in the comedy genre ?\"\n", + "\"system\": \"i have 5 movies to tell you about . i recommend good boys , my big fat greek wedding and chhichhore .\"\n", + "\"user\": \"i ' d like to see good boys .\"\n", + "\"system\": \"how else may i help you today ?\"\n", + "\"user\": \"i ' d like to go ahead and start watching that movie right now , with english subtitles turned on please .\"\n", + "\"system\": \"confirming playback of good boys with subtitles in english enabled .\"\n", + "\"user\": \"great , thank you very much .\"\n", + "\"system\": \"the movie has started .\"\n", + "\"user\": \"that ' s all i need , thanks again .\"\n", + "\"system\": \"i ' m happy to help .\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'ad astra', 'brittany runs a marathon', 'fiddler : a miracle of miracles', '2', 'fiddler', 'genre', 'it chapter two', 'good boys', '415 - 561 - 4900', '5', 'movies', 'historical landmark', 'chhichhore', 'english', 'phone number', 'official secrets', 'alcatraz island', 'greek wedding', 'comedy', 'balboa theatre', 'two', '10', '9', 'my big fat greek wedding']\n", + "relations: [['travel', 'has slot', 'free entry'], ['attraction name', 'has value', 'alcatraz island'], ['comedy', 'has domain', 'media'], ['movie name', 'has value', 'it two'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['balboa theatre', 'has domain', 'movies'], ['movie name', 'has value', 'it chapter two'], ['movie name', 'has value', 'official secrets'], ['official secrets', 'has domain', 'movies'], ['good boys', 'has domain', 'media'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['2', 'refers to same concept as', 'two'], ['travel', 'has slot', 'phone number'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['alcatraz island', 'has domain', 'travel'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['title', 'has value', 'good boys'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['5', 'has domain', 'media'], ['title', 'has value', 'chhichhore'], ['dontcare', 'has domain', 'travel'], ['title', 'has value', 'my big fat greek wedding'], ['subtitle language', 'has value', 'english'], ['it chapter two', 'refers to same concept as', 'it two'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['free entry', 'has value', 'false'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['count', 'has value', '9'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['phone number', 'has value', '415 - 561 - 4900'], ['it chapter two', 'has domain', 'movies'], ['genre', 'has value', 'comedy'], ['it two', 'has domain', 'movies'], ['movies', 'has slot', 'findmovies'], ['theater name', 'has value', 'balboa theatre'], ['location', 'has value', 'san fran'], ['my big fat greek wedding', 'has domain', 'media'], ['false', 'has domain', 'travel'], ['movies', 'has slot', 'count'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['9', 'has domain', 'travel'], ['category', 'has value', 'dontcare'], ['count', 'has value', '5'], ['media', 'has slot', 'playmovie'], ['2', 'has domain', 'movies'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3311\n", + "dialogue: \"user\": \"will you show me some attractions to visit because i need a historical spot ?\"\n", + "\"system\": \"where should i look for attractions in ?\"\n", + "\"user\": \"please find attractions in san fran .\"\n", + "\"system\": \"there are 8 attraction that might interest you so check out alcatraz a historical landmark .\"\n", + "\"user\": \"okay that is great . i ' d like to watch a movie around here .\"\n", + "\"system\": \"i have 10 movies including ad astra , brittany runs a marathon , or fiddler : a miracle of miracles .\"\n", + "\"user\": \"fiddler is good and are there good movies online ?\"\n", + "\"system\": \"which kind of movies do you like ?\"\n", + "\"user\": \"thriller movies are great .\"\n", + "\"system\": \"would you like madeline ' s madeline , rojo , or the art of self - defense ?\"\n", + "\"user\": \"the art of self - defense is good . i would like to watch the movie now .\"\n", + "\"system\": \"please confirm details for the art of self - defense with subtitles in english .\"\n", + "\"user\": \"yes , please do so .\"\n", + "\"system\": \"i started playing the movie .\"\n", + "\"user\": \"who was acting in it ?\"\n", + "\"system\": \"davey johnson was an actor in it .\"\n", + "\"user\": \"thanks , that is all i want .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'ad astra', 'brittany runs a marathon', 'rojo', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'historical landmark', '8', \"madeline ' s madeline\", 'madeline', 'english', '10', 'the art of self - defense']\n", + "relations: [['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], [\"madeline ' s madeline\", 'has domain', 'media'], ['count', 'has value', '8'], ['media', 'has slot', 'starring'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['10', 'has domain', 'movies'], ['davey johnson', 'has domain', 'media'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['rojo', 'has domain', 'media'], ['the art of self - defense', 'has domain', 'media'], ['movie name', 'has value', 'ad astra'], ['fiddler', 'has domain', 'movies'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['genre', 'has value', 'thriller'], ['8', 'has domain', 'travel'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['thriller', 'has domain', 'media'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movie name', 'has value', 'fiddler'], ['title', 'has value', 'rojo'], ['movies', 'has slot', 'findmovies'], ['location', 'has value', 'san fran'], ['movies', 'has slot', 'count'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['starring', 'has value', 'davey johnson'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3312\n", + "dialogue: \"user\": \"i wish to see some attractions . i wish to see a historical spot .\"\n", + "\"system\": \"where shall i search in ?\"\n", + "\"user\": \"search attractions in sf .\"\n", + "\"system\": \"i searched and found 8 attractions . your check out is alcatraz . it is a historical landmark .\"\n", + "\"user\": \"nice . can you find some other attractions ?\"\n", + "\"system\": \"your check out is alcatraz island . it is a historical landmark .\"\n", + "\"user\": \"okay . good . i wish to see the movie there .\"\n", + "\"system\": \"what is your opinion about ad astra , brittany runs a marathon or fiddler : a miracle of miracles ?\"\n", + "\"user\": \"please find some other movies . i love fantasy movies and i wish to see a regular show .\"\n", + "\"system\": \"i searched and found 1 movie . what is your opinion about labyrinth ?\"\n", + "\"user\": \"labyrinth is nice .\"\n", + "\"system\": \"shall i get the tickets ?\"\n", + "\"user\": \"nope . i don ' t need to get it now . is there any other movies available online ?\"\n", + "\"system\": \"what type of movie do you prefer ?\"\n", + "\"user\": \"i prefer scary movies .\"\n", + "\"system\": \"are you interested in 47 meters down : uncaged , in fabric or midsommar ?\"\n", + "\"user\": \"do you have any other options ? i like fantasy movies .\"\n", + "\"system\": \"are you interested in labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"lord of the rings is nice . i wish to watch it now and i do not have any specifications about the subtitles .\"\n", + "\"system\": \"kindly ensure that , playing the lord of the rings : the return of the king with english subtitles .\"\n", + "\"user\": \"yes . go ahead .\"\n", + "\"system\": \"movie started .\"\n", + "\"user\": \"thank you so much .\"\n", + "\"system\": \"do you need any other help ?\"\n", + "\"user\": \"nope . thank you so much .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'the lord of the rings', 'fiddler : a miracle of miracles', 'regular', 'uncaged', 'fiddler', 'the lord of the rings : the return of the king', 'in fabric', 'labyrinth', 'fabric', 'movies', 'historical landmark', '8', 'sf', 'english', 'midsommar', 'alcatraz island', 'scary', 'lord of the rings', '47 meters down : uncaged', 'fantasy', '1']\n", + "relations: [['location', 'has value', 'sf'], ['attraction name', 'has value', 'alcatraz island'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['movie name', 'has value', 'labyrinth'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['fantasy', 'has domain', 'movies'], ['count', 'has value', '8'], ['movies', 'has slot', 'buymovietickets'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['ad astra', 'has domain', 'movies'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['labyrinth', 'has domain', 'movies'], ['title', 'has value', 'labyrinth'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['alcatraz island', 'has domain', 'travel'], ['travel', 'has slot', 'location'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['fantasy', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'lord of the rings'], ['genre', 'has value', 'scary'], ['movie name', 'has value', 'ad astra'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['dontcare', 'has domain', 'media'], ['8', 'has domain', 'travel'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['movies', 'has slot', 'movie name'], ['in fabric', 'has domain', 'media'], ['1', 'has domain', 'movies'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['title', 'has value', 'midsommar'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['lord of the rings', 'has domain', 'media'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['subtitle language', 'has value', 'dontcare'], ['regular', 'has domain', 'movies'], ['movies', 'has slot', 'count'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['scary', 'has domain', 'media'], ['47 meters down : uncaged', 'has domain', 'media'], ['title', 'has value', 'in fabric'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-3313\n", + "dialogue: \"user\": \"find me attraction to visit please .\"\n", + "\"system\": \"where should i look ?\"\n", + "\"user\": \"in san francisco .\"\n", + "\"system\": \"here are the first 10 this is one of the best known one ' s its alcatraz a historical landmark .\"\n", + "\"user\": \"that ' s good but how about some more - something a kid could get into .\"\n", + "\"system\": \"okay what about these 9 the nature preserve called the aquarium of the bay is a big hit with families .\"\n", + "\"user\": \"that works , i will probably want to take in a movie to i want to see it at the century san francisco centre 9 and xd and my favorite genre is supernatural .\"\n", + "\"system\": \"maybe it chapter two ?\"\n", + "\"user\": \"it chapter two alright that has to be a good one .\"\n", + "\"system\": \"will you be needing me further ?\"\n", + "\"user\": \"yes , find a good online movie that has daniel veronese as a main character .\"\n", + "\"system\": \"what genre ?\"\n", + "\"user\": \"exotic genre would be nice this time thanks .\"\n", + "\"system\": \"i found 1 its is called zama what do you think ?\"\n", + "\"user\": \"zama would be good .\"\n", + "\"system\": \"should i start it now ?\"\n", + "\"user\": \"yes i want to see it now and i want subtitles - in english please .\"\n", + "\"system\": \"that ' s zama with english subtitles correct ?\"\n", + "\"user\": \"you got it .\"\n", + "\"system\": \"the movie has begun .\"\n", + "\"user\": \"appreciate it you can go now .\"\n", + "\"system\": \"have a really nice day .\"\n", + "\n", + "terms: ['alcatraz', 'one', 'nature preserve', '1', 'historical landmark', 'aquarium of the bay', 'genre', 'it chapter two', 'zama', 'english', '10', '9', 'century san francisco centre 9 and xd', 'san francisco', 'supernatural', 'daniel veronese']\n", + "relations: [['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['century san francisco centre 9 and xd', 'has domain', 'movies'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['good for kids', 'has value', 'true'], ['movie name', 'has value', 'it chapter two'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['aquarium of the bay', 'has domain', 'travel'], ['attraction name', 'has value', 'aquarium of the bay'], ['true', 'has domain', 'travel'], ['nature preserve', 'has domain', 'travel'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['san francisco', 'has domain', 'travel'], ['starring', 'has value', 'daniel veronese'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['title', 'has value', 'zama'], ['category', 'has value', 'nature preserve'], ['media', 'has slot', 'title'], ['theater name', 'has value', 'century san francisco centre 9 and xd'], ['movies', 'has slot', 'theater name'], ['alcatraz', 'has domain', 'travel'], ['daniel veronese', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['count', 'has value', '9'], ['genre', 'has value', 'supernatural'], ['movies', 'has slot', 'movie name'], ['supernatural', 'has domain', 'movies'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['genre', 'has value', 'exotic'], ['it chapter two', 'has domain', 'movies'], ['1', 'refers to same concept as', 'one'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['9', 'has domain', 'travel'], ['zama', 'has domain', 'media'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['exotic', 'has domain', 'media'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3314\n", + "dialogue: \"user\": \"i need some recommendations for attractions ?\"\n", + "\"system\": \"where would you like them to be located ?\"\n", + "\"user\": \"oh , sorry , they should be in sf .\"\n", + "\"system\": \"there are 10 attractions you might enjoy . there ' s alcatraz which is an interesting historical landmark .\"\n", + "\"user\": \"cool . i ' d also like to go to a movie when i ' m there .\"\n", + "\"system\": \"would ad astra , brittany runs a marathon , or fiddler : a miracle of miracles interest you ?\"\n", + "\"user\": \"fiddler seems really interesting .\"\n", + "\"system\": \"do you want me to purchase tickets ?\"\n", + "\"user\": \"no , not right now . how about movies online . something that ' s action and stars stephanie vogt would hit the spot .\"\n", + "\"system\": \"what do you think of hobbs and shaw ?\"\n", + "\"user\": \"i would be down for some hobbs and shaw .\"\n", + "\"system\": \"would you like to watch the movie now ?\"\n", + "\"user\": \"yes , please . and subtitles don ' t matter .\"\n", + "\"system\": \"i ' ll play hobbs and shaw with english subtitles , is that okay ?\"\n", + "\"user\": \"yes , please play it .\"\n", + "\"system\": \"the movie is now starting .\"\n", + "\"user\": \"thanks , i don ' t need anything else .\"\n", + "\"system\": \"enjoy the movie and have a great day .\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'hobbs and shaw', 'action', 'stephanie vogt', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'historical landmark', 'sf', 'english', '10']\n", + "relations: [['location', 'has value', 'sf'], ['stephanie vogt', 'has domain', 'media'], ['hobbs and shaw', 'has domain', 'media'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['action', 'has domain', 'media'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['starring', 'has value', 'stephanie vogt'], ['fiddler', 'has domain', 'movies'], ['media', 'has slot', 'title'], ['dontcare', 'has domain', 'media'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['genre', 'has value', 'action'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['sf', 'has domain', 'travel'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movie name', 'has value', 'fiddler'], ['movies', 'has slot', 'findmovies'], ['subtitle language', 'has value', 'dontcare'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['title', 'has value', 'hobbs and shaw'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3315\n", + "dialogue: \"user\": \"i ' m looking for attractions to visit\"\n", + "\"system\": \"in which city do you want to search for ?\"\n", + "\"user\": \"i would like attractions in san francisco\"\n", + "\"system\": \"i found 10 attractions , for example alcatraz , a historical landmark\"\n", + "\"user\": \"is it a child - friendly place ? is entry free ?\"\n", + "\"system\": \"the entry is free and it ' s a good place for kids\"\n", + "\"user\": \"very good ! can you give me any other suggestions ? any attraction is fine\"\n", + "\"system\": \"i found 9 attractions . i suggest alcatraz island , a historical landmark\"\n", + "\"user\": \"this is fine too\"\n", + "\"system\": \"you need anything else ?\"\n", + "\"user\": \"yes , i ' d like to watch a movie there , preferably a 3d show\"\n", + "\"system\": \"there are ad astra , brittany runs a marathon and fiddler : a miracle of miracles .\"\n", + "\"user\": \"i ' d like other proposals\"\n", + "\"system\": \"there are hobbs and shaw , it chapter two and in fabric\"\n", + "\"user\": \"i like it two ! what online movies do you propose ?\"\n", + "\"system\": \"what kind of movie do you prefer ?\"\n", + "\"user\": \"i love suspense movies\"\n", + "\"system\": \"i found 4 movies : do you prefer madeline ' s madeline , rojo or the art of self - defense ?\"\n", + "\"user\": \"i prefer the art of self - defense ! i want to watch it now with english subtitles\"\n", + "\"system\": \"playing the art of self - defense with english subtitles : do you confirm ?\"\n", + "\"user\": \"no , i prefer with french subtitles , thanks !\"\n", + "\"system\": \"playing the art of self - defense with french subtitles : do you confirm ?\"\n", + "\"user\": \"now it ' s correct , i confirm .\"\n", + "\"system\": \"the movie is starting !\"\n", + "\"user\": \"who is the main actor ?\"\n", + "\"system\": \"the mai actor is alessandro nivola .\"\n", + "\"user\": \"thank you ! it ' s all for now !\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['alcatraz', 'ad astra', 'brittany runs a marathon', 'fiddler : a miracle of miracles', 'it two', 'hobbs and shaw', 'rojo', 'fiddler', 'it chapter two', 'the art of self - defense', 'french', 'alessandro nivola', 'movies', 'english', 'alcatraz island', '3d', '4', \"madeline ' s madeline\", 'madeline', '10', '9', 'suspense']\n", + "relations: [['travel', 'has slot', 'free entry'], ['attraction name', 'has value', 'alcatraz island'], ['travel', 'has slot', 'good for kids'], ['movie name', 'has value', 'it two'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['media', 'has slot', 'count'], [\"madeline ' s madeline\", 'has domain', 'media'], ['alessandro nivola', 'has domain', 'media'], ['good for kids', 'has value', 'true'], ['movie name', 'has value', 'it chapter two'], ['in fabric', 'refers to same concept as', 'fabric'], ['media', 'has slot', 'starring'], ['location', 'has value', 'san francisco'], ['suspense', 'has domain', 'media'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['show type', 'has value', '3d'], ['san francisco', 'has domain', 'travel'], ['count', 'has value', '4'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['alcatraz island', 'has domain', 'travel'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['french', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['san francisco', 'refers to same concept as', 'san fran'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['in fabric', 'has domain', 'movies'], ['subtitle language', 'has value', 'english'], ['subtitle language', 'has value', 'french'], ['dontcare', 'has domain', 'travel'], ['rojo', 'has domain', 'media'], ['the art of self - defense', 'has domain', 'media'], ['it chapter two', 'refers to same concept as', 'it two'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['starring', 'has value', 'alessandro nivola'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['movie name', 'has value', 'in fabric'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['count', 'has value', '9'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'hobbs and shaw'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['4', 'has domain', 'media'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['3d', 'has domain', 'movies'], ['it chapter two', 'has domain', 'movies'], ['title', 'has value', 'rojo'], ['hobbs and shaw', 'has domain', 'movies'], ['it two', 'has domain', 'movies'], ['movies', 'has slot', 'findmovies'], ['genre', 'has value', 'suspense'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['brittany runs a marathon', 'has domain', 'movies'], ['9', 'has domain', 'travel'], ['category', 'has value', 'dontcare'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3316\n", + "dialogue: \"user\": \"i ' d like to find some attractions .\"\n", + "\"system\": \"what location should i search in ?\"\n", + "\"user\": \"search for attractions in san fran .\"\n", + "\"system\": \"i found 10 attractions that you might be interested in . how about a historical landmark like alcatraz ?\"\n", + "\"user\": \"can you give me the phone number ?\"\n", + "\"system\": \"you can contact them at 415 - 561 - 4900 .\"\n", + "\"user\": \"is this attraction child - friendly ?\"\n", + "\"system\": \"yes , it is a nice place to take children .\"\n", + "\"user\": \"great ! can you find me a movie nearby ?\"\n", + "\"system\": \"you might like ad astra , brittany runs a marathon , or fiddler : a miracle of miracles .\"\n", + "\"user\": \"brittany runs a marathon sounds perfect .\"\n", + "\"system\": \"do you want to buy tickets ?\"\n", + "\"user\": \"no , not at this time .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"can you find me some good maisa abd elhadi movies online ?\"\n", + "\"system\": \"what genre would you like to search ?\"\n", + "\"user\": \"exotic movies would be fine .\"\n", + "\"system\": \"how about tel aviv on fire ?\"\n", + "\"user\": \"tel aviv on fire would be great .\"\n", + "\"system\": \"would you like to watch the movie ?\"\n", + "\"user\": \"yes , please . can you play it with english subtitles ?\"\n", + "\"system\": \"confirming that you want to watch tel aviv on fire with english subtitles ?\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"i have started playing your movie .\"\n", + "\"user\": \"thank you . that ' s all i need .\"\n", + "\"system\": \"you ' re welcome . have a good day .\"\n", + "\n", + "terms: ['alcatraz', 'san fran', 'ad astra', 'brittany runs a marathon', 'tel aviv on fire', 'maisa abd elhadi', '415 - 561 - 4900', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'historical landmark', 'genre', 'english', 'location', 'phone number', '10']\n", + "relations: [['maisa abd elhadi', 'has domain', 'media'], ['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['true', 'has domain', 'travel'], ['ad astra', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['tel aviv on fire', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['10', 'has domain', 'travel'], ['movie name', 'has value', 'ad astra'], ['media', 'has slot', 'title'], ['alcatraz', 'has domain', 'travel'], ['movie name', 'has value', 'brittany runs a marathon'], ['starring', 'has value', 'maisa abd elhadi'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['phone number', 'has value', '415 - 561 - 4900'], ['travel', 'has slot', 'category'], ['genre', 'has value', 'exotic'], ['title', 'has value', 'tel aviv on fire'], ['movies', 'has slot', 'findmovies'], ['location', 'has value', 'san fran'], ['san fran', 'has domain', 'travel'], ['brittany runs a marathon', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['media', 'has slot', 'playmovie'], ['exotic', 'has domain', 'media'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3317\n", + "dialogue: \"user\": \"i ' d like to visit some attractions .\"\n", + "\"system\": \"where would you like me to look ?\"\n", + "\"user\": \"look for some in san fran .\"\n", + "\"system\": \"alcatraz is a historical landmark there .\"\n", + "\"user\": \"i want to watch a movie there at clay theatre . i enjoy life history movies . a regular show is fine .\"\n", + "\"system\": \"what about fiddler : a miracle of miracles ?\"\n", + "\"user\": \"fiddler is a good one .\"\n", + "\"system\": \"do you want to buy tickets ?\"\n", + "\"user\": \"not right now . what are some good movies online ? i like foreign movies . ashraf farah is my favorite actor .\"\n", + "\"system\": \"i found 1 movie . tel aviv on fire is available .\"\n", + "\"user\": \"tel aviv on fire is a good one .\"\n", + "\"system\": \"would you like to watch the movie ?\"\n", + "\"user\": \"yes . play it with english subtitles .\"\n", + "\"system\": \"play tel aviv on fire with english subtitles . is this correct ?\"\n", + "\"user\": \"no , make them hindi subtitles .\"\n", + "\"system\": \"play tel aviv on fire with hindi subtitles . is this correct ?\"\n", + "\"user\": \"yes it is .\"\n", + "\"system\": \"the movie has begun .\"\n", + "\"user\": \"thanks . that ' s all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['san fran', 'tel aviv on fire', 'foreign', 'clay theatre', 'one', 'fiddler : a miracle of miracles', 'fiddler', 'movies', 'historical landmark', 'life history', 'hindi', 'regular', 'ashraf farah', 'english', '1']\n", + "relations: [['media', 'has slot', 'findmovies'], ['theater name', 'has value', 'clay theatre'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['movies', 'has slot', 'buymovietickets'], ['media', 'has slot', 'starring'], ['ashraf farah', 'has domain', 'media'], ['movies', 'has slot', 'genre'], ['life history', 'has domain', 'movies'], ['fiddler : a miracle of miracles', 'has domain', 'movies'], ['travel', 'has slot', 'location'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['tel aviv on fire', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['hindi', 'has domain', 'media'], ['fiddler', 'has domain', 'movies'], ['starring', 'has value', 'ashraf farah'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['alcatraz', 'has domain', 'travel'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['movie name', 'has value', 'fiddler : a miracle of miracles'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movie name', 'has value', 'fiddler'], ['subtitle language', 'has value', 'hindi'], ['1', 'refers to same concept as', 'one'], ['genre', 'has value', 'life history'], ['foreign', 'has domain', 'media'], ['title', 'has value', 'tel aviv on fire'], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['location', 'has value', 'san fran'], ['regular', 'has domain', 'movies'], ['san fran', 'has domain', 'travel'], ['genre', 'has value', 'foreign'], ['fiddler : a miracle of miracles', 'refers to same concept as', 'fiddler'], ['clay theatre', 'has domain', 'movies'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-3318\n", + "dialogue: \"user\": \"can you find me good attractions in san francisco ? maybe a child - friendly historical landmark .\"\n", + "\"system\": \"how about alcatraz ? that ' s a matching historical landmark .\"\n", + "\"user\": \"that sounds great . can you find me a nearby movie as well ? a regular showing of a family film at amc kabuki 8 .\"\n", + "\"system\": \"i found 1 option for you . do you want to see the farewell ?\"\n", + "\"user\": \"farewell will be perfect .\"\n", + "\"system\": \"do you want me to buy tickets for you ?\"\n", + "\"user\": \"no thank you . do you know of any good movies online ?\"\n", + "\"system\": \"what genres do you prefer ?\"\n", + "\"user\": \"i like funny movies .\"\n", + "\"system\": \"i found 5 options for you . how about chhichhore , good boys , or my big fat greek wedding ?\"\n", + "\"user\": \"do you have other options ?\"\n", + "\"system\": \"how about yesterday or where ' d you go , bernadette ?\"\n", + "\"user\": \"do you have more options ? maybe kids movies with kristen schaal .\"\n", + "\"system\": \"sure , i found 1 option . what do you think of toy story 4 ?\"\n", + "\"user\": \"toy story four sounds great to me .\"\n", + "\"system\": \"can i help you with anything else ?\"\n", + "\"user\": \"i ' d like you to play the film now .\"\n", + "\"system\": \"please confirm : play toy story 4 with english subtitles .\"\n", + "\"user\": \"yes , that ' s all correct .\"\n", + "\"system\": \"the movie has begun .\"\n", + "\"user\": \"thank you so much !\"\n", + "\"system\": \"can i do anything else for you ?\"\n", + "\"user\": \"no thank you , that ' ll be all .\"\n", + "\"system\": \"have a wonderful evening .\"\n", + "\n", + "terms: ['alcatraz', 'regular', 'toy story 4', 'kids', 'family', 'farewell', 'funny', 'good boys', 'yesterday', \"where ' d you go\", 'the farewell', 'kristen schaal', 'amc kabuki 8', 'movies', 'historical landmark', '5', 'chhichhore', 'english', 'greek wedding', \"where ' d you go , bernadette\", '1', 'san francisco', 'my big fat greek wedding']\n", + "relations: [['media', 'has slot', 'playmovie'], ['starring', 'has value', 'kristen schaal'], ['travel', 'has slot', 'good for kids'], ['the farewell', 'has domain', 'movies'], ['media', 'has slot', 'findmovies'], ['show type', 'has value', 'regular'], ['media', 'has slot', 'subtitle language'], ['media', 'has slot', 'count'], ['title', 'has value', 'yesterday'], ['theater name', 'has value', 'amc kabuki 8'], ['good for kids', 'has value', 'true'], ['movies', 'has slot', 'buymovietickets'], ['the farewell', 'refers to same concept as', 'farewell'], ['media', 'has slot', 'starring'], ['kristen schaal', 'has domain', 'media'], ['location', 'has value', 'san francisco'], ['movie name', 'has value', 'the farewell'], ['good boys', 'has domain', 'media'], ['true', 'has domain', 'travel'], ['movies', 'has slot', 'genre'], [\"where ' d you go , bernadette\", 'has domain', 'media'], ['san francisco', 'has domain', 'travel'], ['title', 'has value', 'toy story 4'], ['english', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['chhichhore', 'has domain', 'media'], ['title', 'has value', 'toy story four'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['farewell', 'has domain', 'movies'], ['travel', 'has slot', 'findattractions'], ['title', 'has value', 'good boys'], ['attraction name', 'has value', 'alcatraz'], ['5', 'has domain', 'media'], ['subtitle language', 'has value', 'english'], ['title', 'has value', 'chhichhore'], ['title', 'has value', 'my big fat greek wedding'], ['movie name', 'has value', 'farewell'], ['san francisco', 'refers to same concept as', 'san fran'], ['media', 'has slot', 'title'], ['toy story 4', 'refers to same concept as', 'toy story four'], ['movies', 'has slot', 'theater name'], ['alcatraz', 'has domain', 'travel'], ['genre', 'has value', 'funny'], ['kids', 'has domain', 'media'], ['media', 'has slot', 'genre'], [\"where ' d you go , bernadette\", 'refers to same concept as', \"where ' d you go\"], ['movies', 'has slot', 'movie name'], ['1', 'has domain', 'movies'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['funny', 'has domain', 'media'], ['toy story four', 'has domain', 'media'], ['genre', 'has value', 'kids'], ['title', 'has value', \"where ' d you go , bernadette\"], ['movies', 'has slot', 'findmovies'], ['count', 'has value', '1'], ['my big fat greek wedding', 'has domain', 'media'], ['genre', 'has value', 'family'], ['regular', 'has domain', 'movies'], ['yesterday', 'has domain', 'media'], ['movies', 'has slot', 'count'], ['toy story 4', 'has domain', 'media'], ['count', 'has value', '5'], ['1', 'has domain', 'media'], ['amc kabuki 8', 'has domain', 'movies'], ['family', 'has domain', 'movies'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding']]\n", + "\n", + "dialogue id: sgd-test-3319\n", + "dialogue: \"user\": \"can you help me find any child - friendly attractions in sfo ?\"\n", + "\"system\": \"no problem . i ' ve found 10 attractions that may interest you . i recommend checking out alcatraz . it ' s a very popular historical landmark .\"\n", + "\"user\": \"okay , that sounds great . are their any good movies playing in the area ? find something good at the roxie theater , any type of show is fine with me .\"\n", + "\"system\": \"i ' ve found 3 movies you may like . how about give me liberty , in fabric or labyrinth ? i hear they are all good .\"\n", + "\"user\": \"labyrinth sounds great ! could you also check and see if their are any good movies to watch online ?\"\n", + "\"system\": \"sure thing . what kind of movie would you like to see ?\"\n", + "\"user\": \"i ' m really into anything with an eccentric story .\"\n", + "\"system\": \"how about once upon a time in hollywood ?\"\n", + "\"user\": \"once upon a time in hollywood sounds great .\"\n", + "\"system\": \"anything else i can help you with ?\"\n", + "\"user\": \"yeah , i ' d like to watch the movie now please .\"\n", + "\"system\": \"okay , just confirm the following . now playing once upon a time in hollywood with english subtitles . correct ?\"\n", + "\"user\": \"yeah that ' s it . can you also tell me who stars in it ?\"\n", + "\"system\": \"your movie is now playing . one of the stars of the movie is timothy olyphant .\"\n", + "\"user\": \"okay , thanks . that ' s all i need .\"\n", + "\"system\": \"my pleasure . have a good day .\"\n", + "\n", + "terms: ['alcatraz', 'give me liberty', 'timothy olyphant', 'eccentric story', 'in fabric', 'labyrinth', 'fabric', 'movies', 'historical landmark', 'roxie theater', 'english', '10', 'sfo', 'once upon a time in hollywood', 'once upon a time']\n", + "relations: [['travel', 'has slot', 'good for kids'], ['media', 'has slot', 'findmovies'], ['movie name', 'has value', 'labyrinth'], ['media', 'has slot', 'subtitle language'], ['starring', 'has value', 'timothy olyphant'], ['title', 'has value', 'once upon a time'], ['good for kids', 'has value', 'true'], ['in fabric', 'refers to same concept as', 'fabric'], ['media', 'has slot', 'starring'], ['english', 'has domain', 'media'], ['true', 'has domain', 'travel'], ['dontcare', 'has domain', 'movies'], ['labyrinth', 'has domain', 'movies'], ['travel', 'has slot', 'count'], ['once upon a time', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['sfo', 'has domain', 'travel'], ['show type', 'has value', 'dontcare'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['genre', 'has value', 'eccentric story'], ['travel', 'has slot', 'findattractions'], ['once upon a time in hollywood', 'has domain', 'media'], ['attraction name', 'has value', 'alcatraz'], ['in fabric', 'has domain', 'movies'], ['movie name', 'has value', 'give me liberty'], ['subtitle language', 'has value', 'english'], ['timothy olyphant', 'has domain', 'media'], ['10', 'has domain', 'travel'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['movies', 'has slot', 'theater name'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['alcatraz', 'has domain', 'travel'], ['location', 'has value', 'sfo'], ['movie name', 'has value', 'in fabric'], ['roxie theater', 'has domain', 'movies'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['theater name', 'has value', 'roxie theater'], ['category', 'has value', 'historical landmark'], ['give me liberty', 'has domain', 'movies'], ['travel', 'has slot', 'attraction name'], ['travel', 'has slot', 'category'], ['movies', 'has slot', 'findmovies'], ['eccentric story', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3320\n", + "dialogue: \"user\": \"find me some attractions to visit .\"\n", + "\"system\": \"where should i find attractions ?\"\n", + "\"user\": \"look for attractions in sfo .\"\n", + "\"system\": \"there are 10 attractions that should be of interest . what about alcatraz ? it ' s a historical landmark .\"\n", + "\"user\": \"could you tell me their phone number ?\"\n", + "\"system\": \"the phone number is 415 - 561 - 4900 .\"\n", + "\"user\": \"is entrance to the attraction free ?\"\n", + "\"system\": \"yes , it ' s free .\"\n", + "\"user\": \"fantastic . i ' d like to watch a movie there at the roxie theater . i ' m into ghost movies . i ' d love to watch a 3d show .\"\n", + "\"system\": \"what about in fabric ?\"\n", + "\"user\": \"in fabric is great . could you find me some good dramatic story movies online ?\"\n", + "\"system\": \"how about a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"blinded by the light is a good one .\"\n", + "\"system\": \"would you like to play it ?\"\n", + "\"user\": \"yes , play it .\"\n", + "\"system\": \"please confirm that you want to play blinded by the light in english .\"\n", + "\"user\": \"no , put it on in french subtitles .\"\n", + "\"system\": \"so you want to play blinded by the light in french subtitles ?\"\n", + "\"user\": \"no , put it on with spanish subtitles .\"\n", + "\"system\": \"please confirm that you want to play blinded by the light with spanish subtitles .\"\n", + "\"user\": \"yes , that ' s great . who acte idn it ?\"\n", + "\"system\": \"i have started playing it . frankie fox acted in it .\"\n", + "\"user\": \"thanks . that is what i needed .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['alcatraz', 'after the wedding', 'spanish', 'french', 'ghost', 'dramatic story', '415 - 561 - 4900', 'in fabric', 'fabric', 'movies', 'historical landmark', 'roxie theater', 'english', 'phone number', 'sfo', '3d', 'frankie fox', '10', 'a faithful man', 'blinded by the light']\n", + "relations: [['travel', 'has slot', 'free entry'], ['media', 'has slot', 'findmovies'], ['media', 'has slot', 'subtitle language'], ['free entry', 'has value', 'true'], ['dramatic story', 'has domain', 'media'], ['in fabric', 'refers to same concept as', 'fabric'], ['media', 'has slot', 'starring'], ['true', 'has domain', 'travel'], ['movies', 'has slot', 'genre'], ['travel', 'has slot', 'count'], ['travel', 'has slot', 'phone number'], ['show type', 'has value', '3d'], ['spanish', 'has domain', 'media'], ['french', 'has domain', 'media'], ['travel', 'has slot', 'location'], ['sfo', 'has domain', 'travel'], ['english', 'has domain', 'media'], ['historical landmark', 'has domain', 'travel'], ['movies', 'has slot', 'show type'], ['frankie fox', 'has domain', 'media'], ['travel', 'has slot', 'findattractions'], ['attraction name', 'has value', 'alcatraz'], ['415 - 561 - 4900', 'has domain', 'travel'], ['in fabric', 'has domain', 'movies'], ['subtitle language', 'has value', 'english'], ['subtitle language', 'has value', 'french'], ['10', 'has domain', 'travel'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['movies', 'has slot', 'theater name'], ['subtitle language', 'has value', 'spanish'], ['alcatraz', 'has domain', 'travel'], ['location', 'has value', 'sfo'], ['movie name', 'has value', 'in fabric'], ['roxie theater', 'has domain', 'movies'], ['media', 'has slot', 'genre'], ['movies', 'has slot', 'movie name'], ['theater name', 'has value', 'roxie theater'], ['starring', 'has value', 'frankie fox'], ['title', 'has value', 'a faithful man'], ['category', 'has value', 'historical landmark'], ['travel', 'has slot', 'attraction name'], ['phone number', 'has value', '415 - 561 - 4900'], ['travel', 'has slot', 'category'], ['3d', 'has domain', 'movies'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['movies', 'has slot', 'findmovies'], ['ghost', 'has domain', 'movies'], ['genre', 'has value', 'ghost'], ['title', 'has value', 'blinded by the light'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3915\n", + "dialogue: \"user\": \"i would like to find songs from seven years ago . i heard the album welcome to the fishbowl was great .\"\n", + "\"system\": \"how about come over by kenny chesney from the welcome to the fishbowl album ?\"\n", + "\"user\": \"yes , that is the one . are there good movies online ?\"\n", + "\"system\": \"what movie genre do you like ?\"\n", + "\"user\": \"i like thriller movies .\"\n", + "\"system\": \"do you prefer madeline ' s madeline , rojo or the art of self - defense ?\"\n", + "\"user\": \"rojo sounds great . can you play the song you found ?\"\n", + "\"system\": \"please confirm : play the song come over in the living room .\"\n", + "\"user\": \"that is correct . what kind of music is that ?\"\n", + "\"system\": \"is is a country song .\"\n", + "\"user\": \"can you tell me my alarms\"\n", + "\"system\": \"you have an alarm for 7 : 30 am named running .\"\n", + "\"user\": \"okay , that is all i needed\"\n", + "\"system\": \"thank you .\"\n", + "\n", + "terms: ['kenny chesney', 'country', 'welcome to the fishbowl', 'music', 'come over', 'rojo', \"madeline ' s madeline\", 'genre', 'madeline', '7 : 30 am', 'living room', 'running', 'the art of self - defense', 'album', 'thriller', 'alarm']\n", + "relations: [['track', 'has value', 'come over'], ['7 : 30 am', 'has domain', 'alarm'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['alarm time', 'has value', '7 : 30 am'], ['come over', 'has domain', 'music'], ['alarm name', 'has value', 'running'], [\"madeline ' s madeline\", 'has domain', 'media'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['artist', 'has value', 'kenny chesney'], ['album', 'has value', 'welcome to the fishbowl'], ['alarm', 'has slot', 'alarm name'], ['kenny chesney', 'has domain', 'music'], ['genre', 'has value', 'country'], ['country', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['rojo', 'has domain', 'media'], ['the art of self - defense', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['genre', 'has value', 'thriller'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['welcome to the fishbowl', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['thriller', 'has domain', 'media'], ['music', 'has slot', 'track'], ['running', 'has domain', 'alarm'], ['title', 'has value', 'rojo'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['music', 'has slot', 'lookupmusic']]\n", + "\n", + "dialogue id: sgd-test-3916\n", + "dialogue: \"user\": \"can you find me some 2019 madonna songs ?\"\n", + "\"system\": \"what is your opinion of the song batuka that ' s by madonna and from her album madame x ?\"\n", + "\"user\": \"that ' s exactly the one i wanted .\"\n", + "\"system\": \"do you want to listen to the song ?\"\n", + "\"user\": \"not right now . can you find me some interesting movies that are online ?\"\n", + "\"system\": \"what are the type of movies you want ?\"\n", + "\"user\": \"i would like some violent movies that have michael gilden in them .\"\n", + "\"system\": \"i found 1 movie that may work . what do you think about pulp fiction ?\"\n", + "\"user\": \"pulp fiction would be awesome .\"\n", + "\"system\": \"would you like me to play the movie for you ?\"\n", + "\"user\": \"not at this time , no . will you play the song you found on the patio speaker ?\"\n", + "\"system\": \"begin the song batuka in patio . is that correct ?\"\n", + "\"user\": \"yes , that would be right . what is the music genre ?\"\n", + "\"system\": \"it ' s pop genre and hope you like it .\"\n", + "\"user\": \"will you tell me the alarms i have ?\"\n", + "\"system\": \"there is on alarm set for 10 am and titled commute .\"\n", + "\"user\": \"alright , good .\"\n", + "\"system\": \"do you need more help with anything else ?\"\n", + "\"user\": \"nope , thanks so much !\"\n", + "\"system\": \"thanks right back at you .\"\n", + "\n", + "terms: ['violent', 'pop', 'music', 'madame x', 'batuka', '1', 'one', 'madonna', 'genre', 'patio', 'commute', '2019', 'michael gilden', 'album', '10 am', 'pulp fiction', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['commute', 'has domain', 'alarm'], ['media', 'has slot', 'count'], ['track', 'has value', 'batuka'], ['device', 'has value', 'patio'], ['media', 'has slot', 'starring'], ['madame x', 'has domain', 'music'], ['10 am', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm name'], ['2019', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['pulp fiction', 'has domain', 'media'], ['madonna', 'has domain', 'music'], ['artist', 'has value', 'madonna'], ['music', 'has slot', 'playmedia'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['album', 'has value', 'madame x'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['starring', 'has value', 'michael gilden'], ['music', 'has slot', 'track'], ['genre', 'has value', 'violent'], ['alarm time', 'has value', '10 am'], ['1', 'refers to same concept as', 'one'], ['title', 'has value', 'pulp fiction'], ['alarm', 'has slot', 'alarm time'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['alarm name', 'has value', 'commute'], ['michael gilden', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['violent', 'has domain', 'media'], ['batuka', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['year', 'has value', '2019']]\n", + "\n", + "dialogue id: sgd-test-3917\n", + "dialogue: \"user\": \"i want to find some songs .\"\n", + "\"system\": \"what about options by pitbull from the album climate change ?\"\n", + "\"user\": \"yes , that ' s correct . are there any good movies online ?\"\n", + "\"system\": \"what kind of movies are you looking for ?\"\n", + "\"user\": \"i want to find supernatural movies .\"\n", + "\"system\": \"it chapter two is a supernatural .\"\n", + "\"user\": \"it chapter two is a good movie .\"\n", + "\"system\": \"do you want to play it now ?\"\n", + "\"user\": \"no , not now .\"\n", + "\"system\": \"anything else i can do for you ?\"\n", + "\"user\": \"i want to play the song you found on the living room device .\"\n", + "\"system\": \"please confirm : playing options in the living room .\"\n", + "\"user\": \"yes , that ' s right . did it come out six years back ? what ' s the genre ?\"\n", + "\"system\": \"the song is from 2017 . it is a pop song .\"\n", + "\"user\": \"thank you . can you tell me my alarms ?\"\n", + "\"system\": \"you have an alarm called workout at 8 am .\"\n", + "\"user\": \"okay thanks . that ' s all .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['options', 'pop', '2017', 'pitbull', 'genre', 'climate change', 'living room', 'workout', 'device', 'album', 'supernatural', '8 am', 'alarm']\n", + "relations: [['it chapter two', 'has domain', 'media'], ['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['album', 'has value', 'climate change'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['climate change', 'has domain', 'music'], ['workout', 'has domain', 'alarm'], ['alarm name', 'has value', 'workout'], ['alarm time', 'has value', '8 am'], ['alarm', 'has slot', 'alarm name'], ['2013', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['title', 'has value', 'it chapter two'], ['pop', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['artist', 'has value', 'pitbull'], ['media', 'has slot', 'title'], ['8 am', 'has domain', 'alarm'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'supernatural'], ['music', 'has slot', 'track'], ['pitbull', 'has domain', 'music'], ['2017', 'has domain', 'music'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['year', 'has value', '2013'], ['options', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['track', 'has value', 'options'], ['supernatural', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n", + "dialogue id: sgd-test-3918\n", + "dialogue: \"user\": \"i want to look for some good songs from 2012 that i can listen to . halcyon is an album worth listening to , i ' m told . can you help me pick something ?\"\n", + "\"system\": \"there is 1 song that you might find cool . it ' s from the album halcyon and it ' s called burn . the artist is ellie goulding .\"\n", + "\"user\": \"perfect . that ' s it . now , can you help me look for some nice movie options online ?\"\n", + "\"system\": \"are you interested in a particular genre ?\"\n", + "\"user\": \"sure , i like sci - fi a lot .\"\n", + "\"system\": \"there are 2 movies that fit with your preferences . there ' s ad astra and also close encounters of the third kind .\"\n", + "\"user\": \"close encounters sounds really cool . actually , i ' d like to listen to the song you just mentioned .\"\n", + "\"system\": \"you want to listen to burn in the living room , correct ?\"\n", + "\"user\": \"perfect , that ' s it . what genre does this song fall under ?\"\n", + "\"system\": \"the song is considered pop music . happy listening !\"\n", + "\"user\": \"great . i want to review my current alarms , please .\"\n", + "\"system\": \"you have an alarm called badminton that is set for 9 am .\"\n", + "\"user\": \"excellent . thank you !\"\n", + "\"system\": \"are you looking to create a new alarm ?\"\n", + "\"user\": \"not at this time , thanks . that was everything i needed for now .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['ad astra', 'close encounters', 'sci - fi', '2', '2012', 'genre', 'burn', 'music', 'badminton', 'artist', 'ellie goulding', 'living room', 'album', 'pop', 'close encounters of the third kind', '9 am', 'halcyon', '1', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['album', 'has value', 'halcyon'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['media', 'has slot', 'count'], ['alarm name', 'has value', 'badminton'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['burn', 'has domain', 'music'], ['2', 'has domain', 'media'], ['close encounters of the third kind', 'has domain', 'media'], ['9 am', 'has domain', 'alarm'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['title', 'has value', 'close encounters of the third kind'], ['halcyon', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['alarm', 'has slot', 'addalarm'], ['1', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['title', 'has value', 'close encounters'], ['media', 'has slot', 'genre'], ['track', 'has value', 'burn'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['ellie goulding', 'has domain', 'music'], ['alarm', 'has slot', 'alarm time'], ['title', 'has value', 'ad astra'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['alarm time', 'has value', '9 am'], ['badminton', 'has domain', 'alarm'], ['artist', 'has value', 'ellie goulding'], ['music', 'has slot', 'lookupmusic'], ['sci - fi', 'has domain', 'media'], ['close encounters', 'has domain', 'media'], ['genre', 'has value', 'sci - fi']]\n", + "\n", + "dialogue id: sgd-test-3919\n", + "dialogue: \"user\": \"i ' m looking for some hillbilly songs .\"\n", + "\"system\": \"i found 10 songs for you . how about a little bit stronger by sara evans from the album stronger ?\"\n", + "\"user\": \"yes , that sounds great .\"\n", + "\"system\": \"do you want to play the song ?\"\n", + "\"user\": \"not right now . what movies are available to watch online ? i like movies with devan richardson .\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"a fight movie would be awesome .\"\n", + "\"system\": \"how about pulp fiction ?\"\n", + "\"user\": \"pulp fiction sounds great .\"\n", + "\"system\": \"do you want to play the movie ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"i ' d like to play that song in the kitchen .\"\n", + "\"system\": \"okay , you want to play a little bit stronger in the kitchen , right ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"i have started playing the song .\"\n", + "\"user\": \"thank you ! what alarms do i have set ?\"\n", + "\"system\": \"you have 1 alarm set , it is for 6 am and is titled wake up .\"\n", + "\"user\": \"okay , thanks .\"\n", + "\"system\": \"do you want to add a new alarm ?\"\n", + "\"user\": \"no , thank you . that is all i needed .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['a little bit stronger', 'stronger', '6 am', 'sara evans', 'devan richardson', 'kitchen', '1', 'fight', 'wake up', 'hillbilly', '10', 'album', 'pulp fiction', 'alarm']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['genre', 'has value', 'hillbilly'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['stronger', 'has domain', 'music'], ['alarm time', 'has value', '6 am'], ['wake up', 'has domain', 'alarm'], ['media', 'has slot', 'starring'], ['album', 'has value', 'stronger'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['alarm name', 'has value', 'wake up'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['pulp fiction', 'has domain', 'media'], ['alarm', 'has slot', 'addalarm'], ['a little bit stronger', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['sara evans', 'has domain', 'music'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['fight', 'has domain', 'media'], ['music', 'has slot', 'artist'], ['starring', 'has value', 'devan richardson'], ['devan richardson', 'has domain', 'media'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['hillbilly', 'has domain', 'music'], ['title', 'has value', 'pulp fiction'], ['alarm', 'has slot', 'alarm time'], ['artist', 'has value', 'sara evans'], ['6 am', 'has domain', 'alarm'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['count', 'has value', '1'], ['music', 'has slot', 'lookupmusic'], ['track', 'has value', 'a little bit stronger'], ['1', 'has domain', 'alarm'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10'], ['genre', 'has value', 'fight']]\n", + "\n", + "dialogue id: sgd-test-3920\n", + "dialogue: \"user\": \"can you search for songs by cody johnson , maybe something three years back from the album gotta be me ?\"\n", + "\"system\": \"i found with you i am by cody johnson from the album gotta be me .\"\n", + "\"user\": \"yes , perfect !\"\n", + "\"system\": \"would you like to hear it now ?\"\n", + "\"user\": \"no , not right now thanks !\"\n", + "\"system\": \"can i assist you with anything else ?\"\n", + "\"user\": \"yes , can you help me find some science related movies featuring justin dreyfuss ?\"\n", + "\"system\": \"i found 1 you may like called close encounters of the third kind .\"\n", + "\"user\": \"close encounters would be perfect !\"\n", + "\"system\": \"would you like to see the movie now ?\"\n", + "\"user\": \"no , not at this time , but can you cast the song you just found in my kitchen ?\"\n", + "\"system\": \"please confirm you would like to hear with you i am in the kitchen .\"\n", + "\"user\": \"yes , and what kind of music is that ?\"\n", + "\"system\": \"it is a country song , enjoy !\"\n", + "\"user\": \"thanks , can you show me my alarms ?\"\n", + "\"system\": \"you have 1 alarm set for 4 pm with the name shopping .\"\n", + "\"user\": \"okay , perfect , that will be all for now !\"\n", + "\"system\": \"thank you very much !\"\n", + "\n", + "terms: ['close encounters', 'with you i am', 'country', 'music', 'shopping', 'kitchen', 'justin dreyfuss', '1', 'close encounters of the third kind', 'gotta be me', 'cody johnson', '4 pm', 'science related', 'album', 'alarm']\n", + "relations: [['alarm name', 'has value', 'shopping'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['track', 'has value', 'with you i am'], ['media', 'has slot', 'count'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['2016', 'has domain', 'music'], ['justin dreyfuss', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['close encounters of the third kind', 'has domain', 'media'], ['gotta be me', 'has domain', 'music'], ['alarm', 'has slot', 'alarm name'], ['title', 'has value', 'close encounters of the third kind'], ['device', 'has value', 'kitchen'], ['kitchen', 'has domain', 'music'], ['genre', 'has value', 'country'], ['country', 'has domain', 'music'], ['4 pm', 'has domain', 'alarm'], ['year', 'has value', '2016'], ['starring', 'has value', 'justin dreyfuss'], ['music', 'has slot', 'playmedia'], ['genre', 'has value', 'science related'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['title', 'has value', 'close encounters'], ['artist', 'has value', 'cody johnson'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['science related', 'has domain', 'media'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['alarm', 'has slot', 'alarm time'], ['album', 'has value', 'gotta be me'], ['with you i am', 'has domain', 'music'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['cody johnson', 'has domain', 'music'], ['alarm time', 'has value', '4 pm'], ['music', 'has slot', 'lookupmusic'], ['close encounters', 'has domain', 'media'], ['1', 'has domain', 'alarm'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['shopping', 'has domain', 'alarm']]\n", + "\n", + "dialogue id: sgd-test-3921\n", + "dialogue: \"user\": \"i ' d like to search for some metal songs from the year ' 19 . i ' ve heard good things about the album the nothing .\"\n", + "\"system\": \"how about cold by korn from the album the nothing ?\"\n", + "\"user\": \"yes , that ' s it . are there any good movies online featuring brad pitt ?\"\n", + "\"system\": \"what type of movies do you want ?\"\n", + "\"user\": \"i like future scientific fiction movies .\"\n", + "\"system\": \"how about ad astra ?\"\n", + "\"user\": \"ad astra sounds good . can you play that song ?\"\n", + "\"system\": \"alright . you want me to play cold in the living room , right ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"enjoy the song !\"\n", + "\"user\": \"what alarms do i have ?\"\n", + "\"system\": \"you currently have 2 alarms . there ' s on for 7 : 30 am named get up .\"\n", + "\"user\": \"okay , that ' s fine .\"\n", + "\"system\": \"do you want to add another ?\"\n", + "\"user\": \"no , i don ' t need any more .\"\n", + "\"system\": \"is there anything else i can do ?\"\n", + "\"user\": \"no . thank you so much .\"\n", + "\"system\": \"thanks . have a good one !\"\n", + "\n", + "terms: ['year', 'ad astra', 'korn', 'album', 'the nothing', '2', 'get up', 'future scientific fiction', 'brad pitt', '7 : 30 am', 'living room', 'cold', 'metal']\n", + "relations: [['7 : 30 am', 'has domain', 'alarm'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['alarm time', 'has value', '7 : 30 am'], ['album', 'has value', 'the nothing'], ['future scientific fiction', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['metal', 'has domain', 'music'], ['2', 'has domain', 'alarm'], ['the nothing', 'has domain', 'music'], ['alarm', 'has slot', 'alarm name'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['get up', 'has domain', 'alarm'], ['alarm', 'has slot', 'addalarm'], ['cold', 'has domain', 'music'], ['brad pitt', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['track', 'has value', 'cold'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['ad astra', 'has domain', 'media'], ['starring', 'has value', 'brad pitt'], ['genre', 'has value', 'future scientific fiction'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'metal'], ['music', 'has slot', 'track'], ['artist', 'has value', 'korn'], ['alarm', 'has slot', 'count'], ['alarm', 'has slot', 'alarm time'], ['title', 'has value', 'ad astra'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['korn', 'has domain', 'music'], ['music', 'has slot', 'device'], ['alarm name', 'has value', 'get up'], ['music', 'has slot', 'lookupmusic'], ['year', 'has value', '2019']]\n", + "\n", + "dialogue id: sgd-test-3922\n", + "dialogue: \"user\": \"can you put on some rock - and - roll music while i work ? i ' ve heard the red hot chili peppers album the getaway is pretty good .\"\n", + "\"system\": \"sure , i could play dark necessities by the red hot chili peppers form the album the getaway ?\"\n", + "\"user\": \"is that from ' 13 ?\"\n", + "\"system\": \"no , it ' s from 2016 .\"\n", + "\"user\": \"ok , that sounds perfect . can you also see if there are any good scary movies online ?\"\n", + "\"system\": \"sure , i found 6 you might like . how about 47 meters down : uncaged , in fabric , or midsommar ?\"\n", + "\"user\": \"what else did you find ?\"\n", + "\"system\": \"there ' s also one cut of the dead , scary stories to tell in the dark , and theatre of blood .\"\n", + "\"user\": \"ah , scary stories is good .\"\n", + "\"system\": \"ok , do you want me to play it now ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"ok , anything else i can help with ?\"\n", + "\"user\": \"yes , can you go back and play that song you found on the kitchen speaker ?\"\n", + "\"system\": \"sure , to confirm , you ' d like to play dark necessities on the kitchen speaker , is that right ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"your song is playing , enjoy !\"\n", + "\"user\": \"thanks . can you tell me what alarms i have set really quick ?\"\n", + "\"system\": \"sure , you have an alarm called paper set for 10 am .\"\n", + "\"user\": \"great , thanks . that ' s all for now .\"\n", + "\"system\": \"ok , thank you .\"\n", + "\n", + "terms: ['dark necessities', 'scary stories', 'scary stories to tell in the dark', '6', 'uncaged', 'one cut of the dead', 'red hot chili peppers', 'paper', 'the getaway', 'music', 'theatre of blood', '2016', 'in fabric', 'fabric', 'midsommar', 'album', 'rock - and - roll', 'scary', 'kitchen', '47 meters down : uncaged', '10 am', 'alarm']\n", + "relations: [['music', 'has slot', 'album'], ['album', 'has value', 'the getaway'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['media', 'has slot', 'count'], ['scary stories to tell in the dark', 'has domain', 'media'], ['2016', 'has domain', 'music'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['red hot chili peppers', 'has domain', 'music'], ['10 am', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm name'], ['title', 'has value', 'theatre of blood'], ['dark necessities', 'has domain', 'music'], ['kitchen', 'has domain', 'music'], ['2013', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['6', 'has domain', 'media'], ['artist', 'has value', 'red hot chili peppers'], ['year', 'has value', '2016'], ['the getaway', 'has domain', 'music'], ['genre', 'has value', 'scary'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['rock - and - roll', 'has domain', 'music'], ['media', 'has slot', 'title'], ['midsommar', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'one cut of the dead'], ['title', 'has value', 'midsommar'], ['music', 'has slot', 'artist'], ['in fabric', 'has domain', 'media'], ['music', 'has slot', 'track'], ['alarm time', 'has value', '10 am'], ['alarm name', 'has value', 'paper'], ['title', 'has value', 'scary stories to tell in the dark'], ['one cut of the dead', 'has domain', 'media'], ['count', 'has value', '6'], ['title', 'has value', 'scary stories'], ['alarm', 'has slot', 'alarm time'], ['music', 'has slot', 'genre'], ['year', 'has value', '2013'], ['music', 'has slot', 'device'], ['genre', 'has value', 'rock - and - roll'], ['scary', 'has domain', 'media'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'in fabric'], ['paper', 'has domain', 'alarm'], ['track', 'has value', 'dark necessities'], ['media', 'has slot', 'playmovie'], ['theatre of blood', 'has domain', 'media'], ['scary stories', 'has domain', 'media'], ['scary stories to tell in the dark', 'refers to same concept as', 'scary stories']]\n", + "\n", + "dialogue id: sgd-test-3923\n", + "dialogue: \"user\": \"i would like to find a rock song by radwimps from the ' 16 .\"\n", + "\"system\": \"there is dream lantern by radwimps from the album your name .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"would you like to play the song ?\"\n", + "\"user\": \"maybe later not at the moment .\"\n", + "\"system\": \"can i help with something else ?\"\n", + "\"user\": \"i would like to find a family movie online .\"\n", + "\"system\": \"there is steel magnolias or the farewell ?\"\n", + "\"user\": \"steel magnolias sounds good can you cast it on patio ?\"\n", + "\"system\": \"playing the song dream lantern in patio .\"\n", + "\"user\": \"cast it in the living room speaker instead .\"\n", + "\"system\": \"playing dream lantern in living room .\"\n", + "\"user\": \"yes , that is good .\"\n", + "\"system\": \"enjoy your music .\"\n", + "\"user\": \"can you show my alarm ?\"\n", + "\"system\": \"there are 3 alarms . there is one at 10 : 30 am for class .\"\n", + "\"user\": \"ok , that sounds good .\"\n", + "\"system\": \"do you want to add an alarm ?\"\n", + "\"user\": \"not at the moment .\"\n", + "\"system\": \"can i help with something else ?\"\n", + "\"user\": \"no , that ' s all i needed .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['your name', 'steel magnolias', 'music', 'family', '10 : 30 am', 'farewell', 'class', 'the farewell', '3', 'radwimps', 'dream lantern', 'patio', 'living room', 'rock', 'album', 'alarm']\n", + "relations: [['music', 'has slot', 'album'], ['rock', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['steel magnolias', 'has domain', 'media'], ['alarm', 'has slot', 'getalarms'], ['10 : 30 am', 'has domain', 'alarm'], ['device', 'has value', 'patio'], ['2016', 'has domain', 'music'], ['the farewell', 'refers to same concept as', 'farewell'], ['artist', 'has value', 'radwimps'], ['family', 'has domain', 'media'], ['your name', 'has domain', 'music'], ['track', 'has value', 'dream lantern'], ['alarm', 'has slot', 'alarm name'], ['the farewell', 'has domain', 'media'], ['title', 'has value', 'steel magnolias'], ['living room', 'has domain', 'music'], ['alarm name', 'has value', 'class'], ['alarm', 'has slot', 'addalarm'], ['year', 'has value', '2016'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['album', 'has value', 'your name'], ['music', 'has slot', 'year'], ['title', 'has value', 'the farewell'], ['genre', 'has value', 'rock'], ['media', 'has slot', 'title'], ['dream lantern', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['radwimps', 'has domain', 'music'], ['alarm time', 'has value', '10 : 30 am'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['genre', 'has value', 'family'], ['3', 'has domain', 'alarm'], ['count', 'has value', '3'], ['music', 'has slot', 'lookupmusic'], ['class', 'has domain', 'alarm']]\n", + "\n", + "dialogue id: sgd-test-3924\n", + "dialogue: \"user\": \"i ' m looking for a song .\"\n", + "\"system\": \"i found 10 songs for you . how about the song tough lover by christina aguilera from the song burlesque original motion picture soundtrack ?\"\n", + "\"user\": \"what type of song is it and when did it come out ?\"\n", + "\"system\": \"it is a soundtracks song and it came out in 2010 .\"\n", + "\"user\": \"yes , that is the one . i ' m also looking for an online ghost movie .\"\n", + "\"system\": \"how about 47 meters down : uncaged , in fabric , or midsommar ?\"\n", + "\"user\": \"what else is there ?\"\n", + "\"system\": \"there is one cut of the dead , scary stories to tell in the dark , or theatre of blood .\"\n", + "\"user\": \"theatre of blood sounds great .\"\n", + "\"system\": \"do you want to watch the movie ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"i ' d like to play that song now .\"\n", + "\"system\": \"you want to play the song tough lover in the living room , right ?\"\n", + "\"user\": \"no , play it in my kitchen .\"\n", + "\"system\": \"okay , you want to play the song tough lover in the kitchen , correct ?\"\n", + "\"user\": \"yes , that is right .\"\n", + "\"system\": \"i have started playing the song .\"\n", + "\"user\": \"what alarms do i have set ?\"\n", + "\"system\": \"you have 3 alarms set . there is an alarm for 4 : 30 pm titled piano time .\"\n", + "\"user\": \"okay , thanks .\"\n", + "\"system\": \"do you want to add an alarm ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['soundtracks', 'christina aguilera', 'scary stories', 'scary stories to tell in the dark', 'uncaged', 'one cut of the dead', 'piano time', '4 : 30 pm', 'ghost', 'theatre of blood', 'in fabric', '2010', 'fabric', 'burlesque original motion picture soundtrack', 'living room', 'midsommar', 'kitchen', '47 meters down : uncaged', '3', 'tough lover', '10', 'alarm']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['track', 'has value', 'tough lover'], ['ghost', 'has domain', 'media'], ['alarm', 'has slot', 'getalarms'], ['scary stories to tell in the dark', 'has domain', 'media'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['soundtracks', 'has domain', 'music'], ['piano time', 'has domain', 'alarm'], ['music', 'has slot', 'count'], ['artist', 'has value', 'christina aguilera'], ['alarm', 'has slot', 'alarm name'], ['burlesque original motion picture soundtrack', 'has domain', 'music'], ['year', 'has value', '2010'], ['title', 'has value', 'theatre of blood'], ['album', 'has value', 'burlesque original motion picture soundtrack'], ['device', 'has value', 'kitchen'], ['kitchen', 'has domain', 'music'], ['christina aguilera', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['4 : 30 pm', 'has domain', 'alarm'], ['alarm time', 'has value', '4 : 30 pm'], ['alarm', 'has slot', 'addalarm'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['genre', 'has value', 'soundtracks'], ['media', 'has slot', 'title'], ['tough lover', 'has domain', 'music'], ['midsommar', 'has domain', 'media'], ['alarm name', 'has value', 'piano time'], ['media', 'has slot', 'genre'], ['title', 'has value', 'one cut of the dead'], ['title', 'has value', 'midsommar'], ['music', 'has slot', 'artist'], ['in fabric', 'has domain', 'media'], ['music', 'has slot', 'track'], ['title', 'has value', 'scary stories to tell in the dark'], ['one cut of the dead', 'has domain', 'media'], ['alarm', 'has slot', 'count'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['genre', 'has value', 'ghost'], ['music', 'has slot', 'device'], ['3', 'has domain', 'alarm'], ['count', 'has value', '3'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['2010', 'has domain', 'music'], ['title', 'has value', 'in fabric'], ['media', 'has slot', 'playmovie'], ['theatre of blood', 'has domain', 'media'], ['count', 'has value', '10'], ['scary stories to tell in the dark', 'refers to same concept as', 'scary stories']]\n", + "\n", + "dialogue id: sgd-test-3925\n", + "dialogue: \"user\": \"can you find me a song from the album high expectations , i heard it was great , or a song that was released in ' 19 .\"\n", + "\"system\": \"there are 3 songs applicable to your preferences , would you be interested in bad behaviour by mabel from the high expectations album ?\"\n", + "\"user\": \"what genre is bad behaviour classified under ?\"\n", + "\"system\": \"bad behaviour is considered a pop song .\"\n", + "\"user\": \"that song sounds perfect , can you also find me a good movie to watch online ?\"\n", + "\"system\": \"any particular movie genre you enjoy watching ?\"\n", + "\"user\": \"i tend to enjoy watching drama movies .\"\n", + "\"system\": \"would you be interested in a faithful man , after the wedding , or blinded by the light .\"\n", + "\"user\": \"i think a faithful man sounds good to watch , please play the song you found earlier for me .\"\n", + "\"system\": \"the song bad behaviour will now play in the living room .\"\n", + "\"user\": \"actually cast the song on the speaker in kitchen .\"\n", + "\"system\": \"understood , the song bad behaviour will now play in the kitchen .\"\n", + "\"user\": \"that is correct , thank you .\"\n", + "\"system\": \"the song is now playing , please enjoy .\"\n", + "\"user\": \"what alarms do i have active at the moment .\"\n", + "\"system\": \"you currently have an alarm at 9 am , titled catch train .\"\n", + "\"user\": \"good to know , thanks .\"\n", + "\"system\": \"would you like to add another alarm at the moment ?\"\n", + "\"user\": \"not right now , i don ' t need a new alarm at the moment .\"\n", + "\"system\": \"is there anything else i can help you with for today ?\"\n", + "\"user\": \"i don ' t need any further help , thanks a ton for everything .\"\n", + "\"system\": \"your welcome , enjoy your day .\"\n", + "\n", + "terms: ['catch train', 'pop', 'after the wedding', 'play', 'kitchen', 'album', '3', '9 am', 'mabel', 'bad behaviour', 'genre', 'living room', 'drama', 'a faithful man', 'high expectations', 'blinded by the light', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['mabel', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['alarm name', 'has value', 'catch train'], ['bad behaviour', 'has domain', 'music'], ['3', 'has domain', 'music'], ['9 am', 'has domain', 'alarm'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['drama', 'refers to same concept as', 'play'], ['album', 'has value', 'high expectations'], ['device', 'has value', 'kitchen'], ['kitchen', 'has domain', 'music'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['catch train', 'has domain', 'alarm'], ['alarm', 'has slot', 'addalarm'], ['high expectations', 'has domain', 'music'], ['drama', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['title', 'has value', 'a faithful man'], ['artist', 'has value', 'mabel'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['alarm time', 'has value', '9 am'], ['count', 'has value', '3'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'blinded by the light'], ['track', 'has value', 'bad behaviour'], ['year', 'has value', '2019']]\n", + "\n", + "dialogue id: sgd-test-3926\n", + "dialogue: \"user\": \"i would like to find songs . could you look for songs from one years back ? the album slow air by still corners is nice .\"\n", + "\"system\": \"i have 2 songs that should wor . how about black lagoon by still corners from the slow air album ?\"\n", + "\"user\": \"what sort of music is it ?\"\n", + "\"system\": \"it ' s a pop song .\"\n", + "\"user\": \"yes , that ' s the right one .\"\n", + "\"system\": \"shall i play the song ?\"\n", + "\"user\": \"in a little bit . do you have any good movies online ?\"\n", + "\"system\": \"what sort of movies do you like ?\"\n", + "\"user\": \"i would like movies with kumiko izumi in them , and kids movies are best .\"\n", + "\"system\": \"how about paprika ?\"\n", + "\"user\": \"paprika is fantastic .\"\n", + "\"system\": \"would you like to play the movie ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"could i assist with anything else ?\"\n", + "\"user\": \"would you play the song you just found ?\"\n", + "\"system\": \"could you confirm the following details , like playing the song black lagoon in living room ?\"\n", + "\"user\": \"no , cast it on the speaker in patio .\"\n", + "\"system\": \"would you confirm that i should play black lagoon in patio ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"please enjoy your music .\"\n", + "\"user\": \"thanks . please show me my alarms .\"\n", + "\"system\": \"you have 2 alarms at the moment . there ' s a 4 pm alarm called event .\"\n", + "\"user\": \"sounds good . that ' ll be it .\"\n", + "\"system\": \"thanks .\"\n", + "\n", + "terms: ['still corners', 'pop', 'music', 'slow air', 'paprika', '2', 'black lagoon', 'kumiko izumi', '4 pm', 'patio', 'living room', 'kids', 'album', 'event', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['media', 'has slot', 'playmovie'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['kumiko izumi', 'has domain', 'media'], ['device', 'has value', 'patio'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'alarm'], ['music', 'has slot', 'count'], ['slow air', 'has domain', 'music'], ['alarm', 'has slot', 'alarm name'], ['2018', 'has domain', 'music'], ['paprika', 'has domain', 'media'], ['black lagoon', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['4 pm', 'has domain', 'alarm'], ['still corners', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['alarm name', 'has value', 'event'], ['patio', 'has domain', 'music'], ['event', 'has domain', 'alarm'], ['music', 'has slot', 'playmedia'], ['artist', 'has value', 'still corners'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['starring', 'has value', 'kumiko izumi'], ['kids', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['title', 'has value', 'paprika'], ['year', 'has value', '2018'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['2', 'has domain', 'music'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['track', 'has value', 'black lagoon'], ['alarm time', 'has value', '4 pm'], ['music', 'has slot', 'lookupmusic'], ['genre', 'has value', 'kids'], ['album', 'has value', 'slow air']]\n", + "\n", + "dialogue id: sgd-test-3927\n", + "dialogue: \"user\": \"i need to search for songs now .\"\n", + "\"system\": \"i found 10 songs including boyfriend by justin bieber from the album believe . what do you think ?\"\n", + "\"user\": \"yes , that would be it . tell me if there are some good movies online .\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"i like fantasy movies as they are great .\"\n", + "\"system\": \"they ' re 2 movies you might like . what about the movies labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"the lord of the rings would be good . can you play that song you found just now by casting it on the living room speaker ?\"\n", + "\"system\": \"please confirm details to play the song boyfriend in living room .\"\n", + "\"user\": \"no , cast it on my kitchen .\"\n", + "\"system\": \"please confirm details to play the song boyfriend in the kitchen .\"\n", + "\"user\": \"yes , that would be correct .\"\n", + "\"system\": \"enjoy the music .\"\n", + "\"user\": \"please show me my alarms .\"\n", + "\"system\": \"i have 3 alarms set currently . one is for 6 : 30 am with the name get up .\"\n", + "\"user\": \"okay that is great .\"\n", + "\"system\": \"would you like to add an alarm ?\"\n", + "\"user\": \"no , i don ' t need any new alarms now .\"\n", + "\"system\": \"is there anything else i can assist with ?\"\n", + "\"user\": \"no thanks so much .\"\n", + "\"system\": \"thanks to you .\"\n", + "\n", + "terms: ['the lord of the rings', 'music', '6 : 30 am', 'kitchen', '3', 'labyrinth', '2', 'get up', 'boyfriend', 'fantasy', 'believe', '10', 'living room', 'album', 'the lord of the rings : the return of the king', 'justin bieber', 'alarm']\n", + "relations: [['boyfriend', 'has domain', 'music'], ['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['alarm', 'has slot', 'getalarms'], ['album', 'has value', 'believe'], ['media', 'has slot', 'count'], ['2', 'has domain', 'media'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['title', 'has value', 'labyrinth'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['believe', 'has domain', 'music'], ['fantasy', 'has domain', 'media'], ['track', 'has value', 'boyfriend'], ['living room', 'has domain', 'music'], ['get up', 'has domain', 'alarm'], ['alarm', 'has slot', 'addalarm'], ['artist', 'has value', 'justin bieber'], ['music', 'has slot', 'playmedia'], ['count', 'has value', '2'], ['justin bieber', 'has domain', 'music'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['alarm time', 'has value', '6 : 30 am'], ['alarm', 'has slot', 'count'], ['6 : 30 am', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['3', 'has domain', 'alarm'], ['the lord of the rings', 'has domain', 'media'], ['alarm name', 'has value', 'get up'], ['count', 'has value', '3'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'the lord of the rings'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3928\n", + "dialogue: \"user\": \"hey , i want to find some tunes to listen to .\"\n", + "\"system\": \"you might like if i told you . it ' s by darius rucker from the album when was the last time .\"\n", + "\"user\": \"sure , that sounds perfect . can you tell me if there are any movies worth seeing online ?\"\n", + "\"system\": \"are you interested in any specific genre of movies ?\"\n", + "\"user\": \"sure , fight films are cool , especially if john travolta is in them .\"\n", + "\"system\": \"there ' s 1 movie like that , it ' s called pulp fiction .\"\n", + "\"user\": \"pulp fiction sounds like a winner !\"\n", + "\"system\": \"would you like to watch this movie now ?\"\n", + "\"user\": \"no , not right at this time . actually , can you play the song you mentioned earlier ? any device is fine .\"\n", + "\"system\": \"so you would like to hear if i told you in your living room , right ?\"\n", + "\"user\": \"no . actually let me hear it on my patio device please .\"\n", + "\"system\": \"so again , you want to hear if i told you on patio , correct ?\"\n", + "\"user\": \"yes , that ' s it exactly . do you know what genre of music this song falls under and the year it was released ?\"\n", + "\"system\": \"the song is considered a country song and it was released in 2017 . happy listening !\"\n", + "\"user\": \"i would like to see my existing alarms now , please .\"\n", + "\"system\": \"you have an alarm titled wake up for 7 : 30 am\"\n", + "\"user\": \"excellent . thank you .\"\n", + "\"system\": \"are you looking to create a new alarm now ?\"\n", + "\"user\": \"not at the present time , thanks .\"\n", + "\"system\": \"was there anything additional that you need assistance with ?\"\n", + "\"user\": \"no , you ' ve been really helpful . thanks again\"\n", + "\"system\": \"have a lovely day .\"\n", + "\n", + "terms: ['when was the last time', 'year', 'if i told you', 'music', 'country', '2017', 'john travolta', 'darius rucker', '1', 'fight', 'genre', 'wake up', 'patio', 'living room', 'device', 'album', 'pulp fiction', 'alarm']\n", + "relations: [['7 : 30 am', 'has domain', 'alarm'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['alarm time', 'has value', '7 : 30 am'], ['media', 'has slot', 'count'], ['wake up', 'has domain', 'alarm'], ['device', 'has value', 'patio'], ['darius rucker', 'has domain', 'music'], ['track', 'has value', 'if i told you'], ['media', 'has slot', 'starring'], ['album', 'has value', 'when was the last time'], ['if i told you', 'has domain', 'music'], ['alarm', 'has slot', 'alarm name'], ['alarm name', 'has value', 'wake up'], ['genre', 'has value', 'country'], ['country', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['starring', 'has value', 'john travolta'], ['pulp fiction', 'has domain', 'media'], ['alarm', 'has slot', 'addalarm'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['john travolta', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['fight', 'has domain', 'media'], ['when was the last time', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['2017', 'has domain', 'music'], ['title', 'has value', 'pulp fiction'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['artist', 'has value', 'darius rucker'], ['dontcare', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['device', 'has value', 'dontcare'], ['genre', 'has value', 'fight']]\n", + "\n", + "dialogue id: sgd-test-3929\n", + "dialogue: \"user\": \"could you search country songs for me now ? i want songs by little big town .\"\n", + "\"system\": \"i have short listed 2 songs of your choice . what is your opinion about the song girl crush from the album pain killer by little big town .\"\n", + "\"user\": \"can you tell me in which year it is released ?\"\n", + "\"system\": \"this song is from the year 2014 .\"\n", + "\"user\": \"okay this is fine .. do you know any good online movies ?\"\n", + "\"system\": \"what type of film you like ?\"\n", + "\"user\": \"i like crime films .\"\n", + "\"system\": \"what is your opinion about pulp fiction ?\"\n", + "\"user\": \"the film pulp fiction is good .. could you run the song you just found for me and i want to run it on any device .\"\n", + "\"system\": \"please give the confirmation details : run the song girl crush in living room .\"\n", + "\"user\": \"okay .. this is perfect ..\"\n", + "\"system\": \"have fun with your music ..\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"any other help you want ?\"\n", + "\"user\": \"please show my alarms now ..\"\n", + "\"system\": \"the alarm is at 7 am with name wake up .\"\n", + "\"user\": \"this is cool .. this much is okay for now ..\"\n", + "\"system\": \"thank you so much ..\"\n", + "\n", + "terms: ['country', 'year', 'crime', 'music', 'pulp fiction', '7 am', '2', 'wake up', 'pain killer', '2014', 'living room', 'device', 'album', 'girl crush', 'little big town', 'alarm']\n", + "relations: [['album', 'has value', 'pain killer'], ['crime', 'has domain', 'media'], ['music', 'has slot', 'album'], ['artist', 'has value', 'little big town'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['track', 'has value', 'girl crush'], ['2014', 'has domain', 'music'], ['wake up', 'has domain', 'alarm'], ['little big town', 'has domain', 'music'], ['music', 'has slot', 'count'], ['genre', 'has value', 'crime'], ['alarm', 'has slot', 'alarm name'], ['alarm name', 'has value', 'wake up'], ['year', 'has value', '2014'], ['genre', 'has value', 'country'], ['country', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pulp fiction', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['pain killer', 'has domain', 'music'], ['music', 'has slot', 'track'], ['girl crush', 'has domain', 'music'], ['2', 'has domain', 'music'], ['title', 'has value', 'pulp fiction'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['alarm time', 'has value', '7 am'], ['device', 'has value', 'dontcare'], ['7 am', 'has domain', 'alarm'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-3930\n", + "dialogue: \"user\": \"let ' s search songs from five years back by ariana grande please .\"\n", + "\"system\": \"sure , how about best mistake by ariana grande from her album my everything ?\"\n", + "\"user\": \"what kind of genre of music is this ?\"\n", + "\"system\": \"this is a pop album .\"\n", + "\"user\": \"yes that is the right album .\"\n", + "\"system\": \"great , should i play this now for you ?\"\n", + "\"user\": \"maybe later . are there any good movies playng online ?\"\n", + "\"system\": \"i ' ll look for you . any preference ?\"\n", + "\"user\": \"foreign story would be great !\"\n", + "\"system\": \"there ' re 2 movies you may be interested in . what about tel aviv on fire or zama ?\"\n", + "\"user\": \"any other options ?\"\n", + "\"system\": \"i apologize i have not been able to locate any other movies for you .\"\n", + "\"user\": \"let ' s continue searching . how about ghost movies featuring robert coote .\"\n", + "\"system\": \"there is 1 movie i ' ve found , called theatre of blood .\"\n", + "\"user\": \"theatre of blood sounds wonderful .\"\n", + "\"system\": \"great , should i play this movie for you ?\"\n", + "\"user\": \"no , not now . can you play the song we found earlier please .\"\n", + "\"system\": \"sure , please confirm . you would like to play best mistake in the living room . is that right ?\"\n", + "\"user\": \"yes that is correct .\"\n", + "\"system\": \"enjoy your music .\"\n", + "\"user\": \"can you show me my alarms .\"\n", + "\"system\": \"you have 1 alarm currently set . there is an alarm set for 3 pm under errands .\"\n", + "\"user\": \"ok , thank you for that .\"\n", + "\"system\": \"your welcome , would you like to add another alarm ?\"\n", + "\"user\": \"no not right now . that will be all .\"\n", + "\"system\": \"ok , great . have a great day !\"\n", + "\n", + "terms: ['tel aviv on fire', 'my everything', 'music', 'best mistake', 'pop', 'ghost', 'robert coote', 'theatre of blood', '3 pm', '1', 'errands', '2', 'genre', 'zama', 'ariana grande', 'living room', 'album', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['best mistake', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['alarm', 'has slot', 'getalarms'], ['2014', 'has domain', 'music'], ['media', 'has slot', 'count'], ['album', 'has value', 'my everything'], ['foreign story', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['ariana grande', 'has domain', 'music'], ['2', 'has domain', 'media'], ['starring', 'has value', 'robert coote'], ['genre', 'has value', 'foreign story'], ['alarm', 'has slot', 'alarm name'], ['title', 'has value', 'theatre of blood'], ['year', 'has value', '2014'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['alarm', 'has slot', 'addalarm'], ['tel aviv on fire', 'has domain', 'media'], ['alarm name', 'has value', 'errands'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['title', 'has value', 'zama'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['my everything', 'has domain', 'music'], ['3 pm', 'has domain', 'alarm'], ['artist', 'has value', 'ariana grande'], ['robert coote', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['alarm', 'has slot', 'alarm time'], ['title', 'has value', 'tel aviv on fire'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['genre', 'has value', 'ghost'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['zama', 'has domain', 'media'], ['alarm time', 'has value', '3 pm'], ['errands', 'has domain', 'alarm'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['1', 'has domain', 'alarm'], ['track', 'has value', 'best mistake'], ['theatre of blood', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-3931\n", + "dialogue: \"user\": \"hi , could you find me some pop songs from the album warrior in 2012 ?\"\n", + "\"system\": \"how about die young by kesha in her album warrior ?\"\n", + "\"user\": \"yes ! that is the one i was looking for . could you get me some nice movies to watch too ?\"\n", + "\"system\": \"any type of movie you are looking for ?\"\n", + "\"user\": \"some ghost movies would be great .\"\n", + "\"system\": \"how about 47 meters down : uncaged , in fabric or midsommar ?\"\n", + "\"user\": \"are there any alternatives , preferably one feature harumi shuhama ?\"\n", + "\"system\": \"there is 1 you might like , how about one cut of the dead ?\"\n", + "\"user\": \"one cut of the dead sounds great ! could you play the song you found just now ?\"\n", + "\"system\": \"please confirm your request to play die young in the living room .\"\n", + "\"user\": \"yes , that is correct !\"\n", + "\"system\": \"enjoy listening to your music .\"\n", + "\"user\": \"could you also show me my alarms please ?\"\n", + "\"system\": \"you currently have 3 alarm sets , one titled running at 7 : 30 am .\"\n", + "\"user\": \"i see , that is all i need . thanks !\"\n", + "\"system\": \"have a pleasant day ahead !\"\n", + "\n", + "terms: ['2012', 'uncaged', 'one cut of the dead', '7 : 30 am', 'running', 'music', 'ghost', 'in fabric', 'fabric', 'one', 'warrior', 'living room', 'midsommar', 'album', 'harumi shuhama', 'pop', '47 meters down : uncaged', '3', 'die young', 'kesha', '1', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['7 : 30 am', 'has domain', 'alarm'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['alarm', 'has slot', 'getalarms'], ['alarm time', 'has value', '7 : 30 am'], ['media', 'has slot', 'count'], ['alarm name', 'has value', 'running'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['in fabric', 'refers to same concept as', 'fabric'], ['title', 'has value', '47 meters down : uncaged'], ['media', 'has slot', 'starring'], ['artist', 'has value', 'kesha'], ['alarm', 'has slot', 'alarm name'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['harumi shuhama', 'has domain', 'media'], ['warrior', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['starring', 'has value', 'harumi shuhama'], ['midsommar', 'has domain', 'media'], ['kesha', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['track', 'has value', 'die young'], ['title', 'has value', 'midsommar'], ['music', 'has slot', 'artist'], ['in fabric', 'has domain', 'media'], ['title', 'has value', 'one cut of the dead'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['alarm', 'has slot', 'count'], ['one cut of the dead', 'has domain', 'media'], ['running', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['genre', 'has value', 'ghost'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['3', 'has domain', 'alarm'], ['count', 'has value', '3'], ['album', 'has value', 'warrior'], ['47 meters down : uncaged', 'refers to same concept as', 'uncaged'], ['47 meters down : uncaged', 'has domain', 'media'], ['music', 'has slot', 'lookupmusic'], ['die young', 'has domain', 'music'], ['title', 'has value', 'in fabric'], ['1', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-3932\n", + "dialogue: \"user\": \"i want to hear songs from outsider .\"\n", + "\"system\": \"right left wrong by three days grace from outsider is really good .\"\n", + "\"user\": \"anything else ? i do like three days grace !\"\n", + "\"system\": \"the mountain is another great song by three days grace from outsider .\"\n", + "\"user\": \"what year did it come out ?' 12 ?\"\n", + "\"system\": \"it come out in 2018 .\"\n", + "\"user\": \"yes , that is it !\"\n", + "\"system\": \"would you like to play the song ?\"\n", + "\"user\": \"later , i want to watch a movie now .\"\n", + "\"system\": \"what kind of movies ?\"\n", + "\"user\": \"movies based on a play are my favorite .\"\n", + "\"system\": \"i found a faithful man , after the wedding , and blinded by the light .\"\n", + "\"user\": \"anything else ? i would like to watch a bizarre story with rebecca rittenhouse .\"\n", + "\"system\": \"once upon a time in hollywood is new and is bizarre .\"\n", + "\"user\": \"once upon a time in hollywood is perfect ! can you play the song you found earlier ?\"\n", + "\"system\": \"confirm , playing the mountain in the living room .\"\n", + "\"user\": \"no , play it on the speaker outside .\"\n", + "\"system\": \"confirming , playing the mountain outside on the patio .\"\n", + "\"user\": \"yes , what is the music genre ?\"\n", + "\"system\": \"it is a rock song .\"\n", + "\"user\": \"can you tell me about the alarms i have set ?\"\n", + "\"system\": \"you have 3 alarms including one at 10 am called study .\"\n", + "\"user\": \"ok , thanks ! that is all i need .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['year', 'bizarre story', 'after the wedding', 'genre', 'study', 'music', 'patio', 'living room', '2018', 'play', 'outsider', 'three days grace', 'the mountain', '3', 'rock', 'three', 'a faithful man', 'rebecca rittenhouse', '10 am', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'play'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['rock', 'has domain', 'music'], ['alarm', 'has slot', 'getalarms'], ['device', 'has value', 'patio'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['play', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['artist', 'has value', 'three days grace'], ['track', 'has value', 'the mountain'], ['right left wrong', 'has domain', 'music'], ['10 am', 'has domain', 'alarm'], ['rebecca rittenhouse', 'has domain', 'media'], ['alarm', 'has slot', 'alarm name'], ['album', 'has value', 'outsider'], ['2018', 'has domain', 'music'], ['once upon a time in hollywood', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['outsider', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['genre', 'has value', 'rock'], ['a faithful man', 'has domain', 'media'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['the mountain', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['three days grace', 'has domain', 'music'], ['bizarre story', 'has domain', 'media'], ['music', 'has slot', 'track'], ['track', 'has value', 'right left wrong'], ['year', 'has value', '2018'], ['title', 'has value', 'a faithful man'], ['alarm time', 'has value', '10 am'], ['study', 'has domain', 'alarm'], ['alarm', 'has slot', 'count'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['3', 'has domain', 'alarm'], ['genre', 'has value', 'bizarre story'], ['count', 'has value', '3'], ['starring', 'has value', 'rebecca rittenhouse'], ['music', 'has slot', 'lookupmusic'], ['3', 'refers to same concept as', 'three'], ['alarm name', 'has value', 'study'], ['title', 'has value', 'blinded by the light']]\n", + "\n", + "dialogue id: sgd-test-3933\n", + "dialogue: \"user\": \"can you help me to find some songs ?\"\n", + "\"system\": \"there are 10 songs that you might like . do you like the song dance macabre by ghost from the album prequelle ?\"\n", + "\"user\": \"what genre is it ?\"\n", + "\"system\": \"it is a metal song .\"\n", + "\"user\": \"yes , that ' s the one i was looking for . can you find some family movies starring tom hodges that i can watch online ?\"\n", + "\"system\": \"there is 1 movie based on your preferences and it is steel magnolias .\"\n", + "\"user\": \"steel magnolias is a great movie ! can you play the song that you found for me ?\"\n", + "\"system\": \"please confirm that you would like to listen to the song dance macabre in the living room .\"\n", + "\"user\": \"yes , that ' s right . please proceed .\"\n", + "\"system\": \"song is now playing . enjoy the music !\"\n", + "\"user\": \"can you show me my alarms ?\"\n", + "\"system\": \"you have 1 alarm set for 4 : 30 pm named meeting .\"\n", + "\"user\": \"great ! thank you . that ' s all for now .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['4 : 30 pm', 'steel magnolias', 'music', 'ghost', 'family', 'starring', 'one', '1', 'meeting', 'prequelle', 'genre', 'dance macabre', 'living room', '10', 'tom hodges', 'album', 'metal', 'alarm']\n", + "relations: [['prequelle', 'has domain', 'music'], ['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['steel magnolias', 'has domain', 'media'], ['media', 'has slot', 'count'], ['10', 'refers to same concept as', 'ten'], ['track', 'has value', 'dance macabre'], ['media', 'has slot', 'starring'], ['metal', 'has domain', 'music'], ['family', 'has domain', 'media'], ['music', 'has slot', 'count'], ['meeting', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm name'], ['dance macabre', 'has domain', 'music'], ['alarm name', 'has value', 'meeting'], ['title', 'has value', 'steel magnolias'], ['living room', 'has domain', 'music'], ['4 : 30 pm', 'has domain', 'alarm'], ['starring', 'has value', 'tom hodges'], ['music', 'has slot', 'playmedia'], ['album', 'has value', 'prequelle'], ['ghost', 'has domain', 'music'], ['media', 'has slot', 'title'], ['artist', 'has value', 'ghost'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'metal'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['alarm', 'has slot', 'count'], ['tom hodges', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['genre', 'has value', 'family'], ['music', 'has slot', 'device'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'alarm'], ['1', 'has domain', 'media'], ['alarm time', 'has value', '4 : 30 pm'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3934\n", + "dialogue: \"user\": \"i would like to search for a song to listen to .\"\n", + "\"system\": \"i found 10 songs available , including airplane mode by limbo from the album holo .\"\n", + "\"user\": \"what kind of music is that song ?\"\n", + "\"system\": \"it ' s a pop song .\"\n", + "\"user\": \"what other music do you have ?\"\n", + "\"system\": \"there is ik vaari aa by arijit singh from the album raabta .\"\n", + "\"user\": \"what year did it come out ?\"\n", + "\"system\": \"it was released in 2017 .\"\n", + "\"user\": \"yeah , that one sounds good , thanks . are there any good movies online ?\"\n", + "\"system\": \"what kind of movies would you like to find ?\"\n", + "\"user\": \"we are looking for kids movies .\"\n", + "\"system\": \"there are 2 movies in that category , the angry birds movie 2 and toy story 4 .\"\n", + "\"user\": \"they will probably like the angry birds .\"\n", + "\"system\": \"would you like to play the movie now ?\"\n", + "\"user\": \"no , not right now , thank you . can you play the song you found ?\"\n", + "\"system\": \"you would like to play the song ik vaari aa in the living room , is that correct ?\"\n", + "\"user\": \"yes , that ' s right . what kind of music is it ?\"\n", + "\"system\": \"your song is starting , enjoy the music ! it is a song from south asia .\"\n", + "\"user\": \"ok , thanks . can i take look at my alarms , please ?\"\n", + "\"system\": \"there is an alarm for 3 : 30 pm with the name dentist .\"\n", + "\"user\": \"ok , good . that ' ll be all , thank you .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['year', 'the angry birds', 'raabta', '2', 'toy story 4', 'kids', 'arijit singh', 'the angry birds movie 2', 'music', '2017', 'holo', 'airplane mode', 'living room', 'south asia', 'album', 'angry birds', 'pop', '3 : 30 pm', 'limbo', 'ik vaari aa', '10', 'dentist', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['media', 'has slot', 'playmovie'], ['10', 'has domain', 'music'], ['limbo', 'has domain', 'music'], ['title', 'has value', 'the angry birds movie 2'], ['track', 'has value', 'airplane mode'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['album', 'has value', 'holo'], ['south asia', 'has domain', 'music'], ['media', 'has slot', 'count'], ['10', 'refers to same concept as', 'ten'], ['album', 'has value', 'raabta'], ['ik vaari aa', 'has domain', 'music'], ['the angry birds movie 2', 'has domain', 'media'], ['2', 'has domain', 'media'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['title', 'has value', 'toy story 4'], ['airplane mode', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['dentist', 'has domain', 'alarm'], ['pop', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['3 : 30 pm', 'has domain', 'alarm'], ['media', 'has slot', 'title'], ['arijit singh', 'has domain', 'music'], ['holo', 'has domain', 'music'], ['kids', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['raabta', 'has domain', 'music'], ['music', 'has slot', 'track'], ['2017', 'has domain', 'music'], ['the angry birds', 'has domain', 'media'], ['alarm time', 'has value', '3 : 30 pm'], ['alarm', 'has slot', 'alarm time'], ['alarm name', 'has value', 'dentist'], ['genre', 'has value', 'south asia'], ['track', 'has value', 'ik vaari aa'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['title', 'has value', 'the angry birds'], ['music', 'has slot', 'lookupmusic'], ['toy story 4', 'has domain', 'media'], ['artist', 'has value', 'limbo'], ['genre', 'has value', 'kids'], ['artist', 'has value', 'arijit singh'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3935\n", + "dialogue: \"user\": \"i want to search for some nice songs to hear now and i need your help to find the one which should be a rock - and - roll song .\"\n", + "\"system\": \"i got 10 songs and what about the one named be somebody by thousand foot krutch from the album the end is where we begin .\"\n", + "\"user\": \"that is nice song and i choose this one . now , i want to find some nice movies to watch it online and can you help me to find the good one ?\"\n", + "\"system\": \"yes , let me know your interested kind of movies to search for the similar one .\"\n", + "\"user\": \"i like to watch the movie featuring mikey day and i like drama type of movies the most .\"\n", + "\"system\": \"do you like the movie named brittany runs a marathon which is the 1 i got for you in the requested type .\"\n", + "\"user\": \"yes brittany runs a marathon is great movie and i fix this .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"no , i will watch it later .\"\n", + "\"system\": \"how can i assist you further ?\"\n", + "\"user\": \"now , i want to hear the song that i have selected before and can you play it now ?\"\n", + "\"system\": \"yes , please confirm to play the song be somebody in living room speaker .\"\n", + "\"user\": \"please continue to play .\"\n", + "\"system\": \"song started playing now and you can enjoy the same .\"\n", + "\"user\": \"thanks . now do me one more favor . i want to view my listed alarms and please show me the same .\"\n", + "\"system\": \"you have an alarm for 9 am in the name get up .\"\n", + "\"user\": \"okay . do i have some other alarms in my list ?\"\n", + "\"system\": \"yes , another alarm at 11 am in the name study .\"\n", + "\"user\": \"what else i have in my list ?\"\n", + "\"system\": \"one more alarm name busy for the time 3 pm .\"\n", + "\"user\": \"that ' s all okay .\"\n", + "\"system\": \"do you want to add a new alarm now ?\"\n", + "\"user\": \"no , i just want to view my alarm list . that ' s all .\"\n", + "\"system\": \"okay . what else you need to do now ?\"\n", + "\"user\": \"nothing and thanks for your help .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['brittany runs a marathon', '3 pm', 'be somebody', '10', 'mikey day', '11 am', 'study', 'one', '1', 'living room', 'album', 'rock - and - roll', 'thousand foot krutch', 'play', 'busy', '9 am', 'get up', 'the end is where we begin', 'drama', 'alarm name', 'alarm']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['11 am', 'has domain', 'alarm'], ['media', 'has slot', 'count'], ['brittany runs a marathon', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['9 am', 'has domain', 'alarm'], ['artist', 'has value', 'thousand foot krutch'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['drama', 'refers to same concept as', 'play'], ['album', 'has value', 'the end is where we begin'], ['living room', 'has domain', 'music'], ['get up', 'has domain', 'alarm'], ['alarm', 'has slot', 'addalarm'], ['drama', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['rock - and - roll', 'has domain', 'music'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['starring', 'has value', 'mikey day'], ['3 pm', 'has domain', 'alarm'], ['mikey day', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['study', 'has domain', 'alarm'], ['1', 'refers to same concept as', 'one'], ['be somebody', 'has domain', 'music'], ['thousand foot krutch', 'has domain', 'music'], ['busy', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm time'], ['track', 'has value', 'be somebody'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['alarm time', 'has value', '9 am'], ['genre', 'has value', 'rock - and - roll'], ['alarm name', 'has value', 'get up'], ['alarm time', 'has value', '11 am'], ['title', 'has value', 'brittany runs a marathon'], ['music', 'has slot', 'lookupmusic'], ['alarm name', 'has value', 'busy'], ['the end is where we begin', 'has domain', 'music'], ['alarm time', 'has value', '3 pm'], ['alarm name', 'has value', 'study'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3936\n", + "dialogue: \"user\": \"can you help me look up some good tunes from one years ago . the album narrated for you is definitely worth hearing , i ' ve been informed .\"\n", + "\"system\": \"there are 6 tunes that you may enjoy . one is boy in the bubble by alec benjamin and it is from the narrated for you album .\"\n", + "\"user\": \"perfect . that ' s what i was looking for !\"\n", + "\"system\": \"you want to listen to this track ?\"\n", + "\"user\": \"not this second . i want to search for some films worth watching right now instead .\"\n", + "\"system\": \"shall i search in a specific movie category ?\"\n", + "\"user\": \"sure , i would love a good suspense movie .\"\n", + "\"system\": \"there are at least 4 movies that match your tastes . there ' s madeline ' s madeline , rojo , and the art of self - defense , all good choices .\"\n", + "\"user\": \"madeline ' s madeline sounds like a winner . now i ' d like to go ahead and listen to the song you told me about earlier .\"\n", + "\"system\": \"you want to listen to boy in the bubble in your living room , correct ?\"\n", + "\"user\": \"yes , that would be awesome . what genre of music is this song ?\"\n", + "\"system\": \"the song is in the pop music category . hope you like it .\"\n", + "\"user\": \"oh , i ' d like to review my current alarms , please .\"\n", + "\"system\": \"presently , you have 3 alarms . one is called coffee and it is an 8 : 30 am alarm .\"\n", + "\"user\": \"what are the other ones ?\"\n", + "\"system\": \"there is also an alarm , catch bus , with a time of 9 : 30 am .\"\n", + "\"user\": \"what are the remaining alarms ?\"\n", + "\"system\": \"you also have an alarm called pick up kids that has a 4 : 30 pm time .\"\n", + "\"user\": \"excellent , thank you . that ' s everything for me for now .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['6', 'rojo', 'genre', 'narrated for you', 'the art of self - defense', '4 : 30 pm', 'music', '8 : 30 am', 'pick up kids', 'coffee', 'living room', 'alec benjamin', 'album', 'pop', '3', '4', 'track', \"madeline ' s madeline\", 'madeline', '9 : 30 am', 'catch bus', 'boy in the bubble', 'suspense', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['narrated for you', 'has domain', 'music'], ['8 : 30 am', 'has domain', 'alarm'], ['artist', 'has value', 'alec benjamin'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['9 : 30 am', 'has domain', 'alarm'], ['media', 'has slot', 'count'], ['coffee', 'has domain', 'alarm'], ['catch bus', 'has domain', 'alarm'], [\"madeline ' s madeline\", 'has domain', 'media'], ['alarm name', 'has value', 'coffee'], ['alarm name', 'has value', 'pick up kids'], ['alec benjamin', 'has domain', 'music'], ['suspense', 'has domain', 'media'], ['album', 'has value', 'narrated for you'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['count', 'has value', '4'], ['2018', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['4 : 30 pm', 'has domain', 'alarm'], ['pop', 'has domain', 'music'], ['boy in the bubble', 'has domain', 'music'], ['rojo', 'has domain', 'media'], ['pick up kids', 'has domain', 'alarm'], ['music', 'has slot', 'playmedia'], ['the art of self - defense', 'has domain', 'media'], ['music', 'has slot', 'year'], ['alarm time', 'has value', '8 : 30 am'], ['alarm name', 'has value', 'catch bus'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['4', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['music', 'has slot', 'artist'], ['year', 'has value', '2018'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['count', 'has value', '6'], ['title', 'has value', 'rojo'], ['alarm', 'has slot', 'alarm time'], ['track', 'has value', 'boy in the bubble'], ['genre', 'has value', 'suspense'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['3', 'has domain', 'alarm'], ['count', 'has value', '3'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['6', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['alarm time', 'has value', '9 : 30 am'], ['alarm time', 'has value', '4 : 30 pm']]\n", + "\n", + "dialogue id: sgd-test-3937\n", + "dialogue: \"user\": \"hi , could you help me search for some songs please ?\"\n", + "\"system\": \"there are 10 songs you may like , how about wolf totem by the hu in their album the gereg ?\"\n", + "\"user\": \"may i know when was the song release and what is the genre of the song ?\"\n", + "\"system\": \"this is a rock song released in 2018 .\"\n", + "\"user\": \"that was what i was looking for ! could you also help me search for movies featuring javier botet ?\"\n", + "\"system\": \"any preference on the movie genre ?\"\n", + "\"user\": \"some ghost movies would be great .\"\n", + "\"system\": \"how about scary stories to tell in the dark ?\"\n", + "\"user\": \"are there any alternatives , preferably a dramatic story featuring vladislav galard .\"\n", + "\"system\": \"would you like to watch a faithful man ?\"\n", + "\"user\": \"a faithful man sounds great to me ! could you play the song you found just now in my living room please ?\"\n", + "\"system\": \"please confirm your request to play wolf totem in your living room .\"\n", + "\"user\": \"that is fine with me .\"\n", + "\"system\": \"your song has been played , enjoy !\"\n", + "\"user\": \"could you also show me my alarms please ?\"\n", + "\"system\": \"you have 2 active alarms , one of which is at 3 pm titled piano time .\"\n", + "\"user\": \"i see , that is all i need . thank you !\"\n", + "\"system\": \"no worries , have a great day ahead !\"\n", + "\n", + "terms: ['javier botet', '3 pm', '2', 'scary stories', 'scary stories to tell in the dark', 'genre', 'piano time', 'vladislav galard', 'ghost', 'dramatic story', 'wolf totem', 'living room', 'album', '2018', 'the hu', 'the gereg', 'rock', '10', 'a faithful man']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['rock', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['vladislav galard', 'has domain', 'media'], ['alarm', 'has slot', 'getalarms'], ['album', 'has value', 'the gereg'], ['dramatic story', 'has domain', 'media'], ['scary stories to tell in the dark', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'alarm'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['wolf totem', 'has domain', 'music'], ['2018', 'has domain', 'music'], ['javier botet', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['starring', 'has value', 'vladislav galard'], ['the hu', 'has domain', 'music'], ['the gereg', 'has domain', 'music'], ['genre', 'has value', 'rock'], ['media', 'has slot', 'title'], ['3 pm', 'has domain', 'alarm'], ['a faithful man', 'has domain', 'media'], ['alarm name', 'has value', 'piano time'], ['media', 'has slot', 'genre'], ['track', 'has value', 'wolf totem'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['year', 'has value', '2018'], ['title', 'has value', 'a faithful man'], ['title', 'has value', 'scary stories to tell in the dark'], ['alarm', 'has slot', 'count'], ['genre', 'has value', 'dramatic story'], ['starring', 'has value', 'javier botet'], ['alarm', 'has slot', 'alarm time'], ['artist', 'has value', 'the hu'], ['music', 'has slot', 'genre'], ['genre', 'has value', 'ghost'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['music', 'has slot', 'lookupmusic'], ['alarm time', 'has value', '3 pm'], ['piano time', 'has domain', 'alarm'], ['count', 'has value', '10'], ['scary stories to tell in the dark', 'refers to same concept as', 'scary stories']]\n", + "\n", + "dialogue id: sgd-test-3938\n", + "dialogue: \"user\": \"help me search for some songs .\"\n", + "\"system\": \"there are 10 song you might like . how about the way i talk by morgan wallen from the album if i know me ?\"\n", + "\"user\": \"what other songs are there . do you have anything from california sunrise by jon pardi , i like him .\"\n", + "\"system\": \"how about head over boots by jon pardi from the album california sunrise ?\"\n", + "\"user\": \"when was it released ?\"\n", + "\"system\": \"it was released in 2015 ?\"\n", + "\"user\": \"what other songs are there ?\"\n", + "\"system\": \"how about night shift by jon pardi from the album california sunrise ?\"\n", + "\"user\": \"okay , i like that one .\"\n", + "\"system\": \"do you want to listen to it ?\"\n", + "\"user\": \"not right now .\"\n", + "\"system\": \"what else can i do for you ?\"\n", + "\"user\": \"what are some movies online that are enjoyable .\"\n", + "\"system\": \"what genre do you like ?\"\n", + "\"user\": \"i love funny movies .\"\n", + "\"system\": \"how about chhichhore , good boys , or my big fat greek wedding ?\"\n", + "\"user\": \"i really like my big fat greek wedding .\"\n", + "\"system\": \"do you want to watch it ?\"\n", + "\"user\": \"no , not right now . actually , can you play the song we talked about ?\"\n", + "\"system\": \"night shift will be played in the living room , is that good for you ?\"\n", + "\"user\": \"yes , that ' s good .\"\n", + "\"system\": \"enjoy listening to the song .\"\n", + "\"user\": \"thanks a lot !\"\n", + "\"system\": \"what else can i do for you ?\"\n", + "\"user\": \"i want to know what alarms i have .\"\n", + "\"system\": \"you have a 7 am alarm called get up .\"\n", + "\"user\": \"okay , that ' s all i need to know .\"\n", + "\"system\": \"take care and enjoy the song .\"\n", + "\n", + "terms: ['funny', 'genre', 'good boys', 'if i know me', '7 am', 'chhichhore', 'living room', '2015', 'album', 'night shift', 'california sunrise', 'greek wedding', 'head over boots', 'jon pardi', 'get up', '10', 'the way i talk', 'morgan wallen', 'my big fat greek wedding', 'alarm']\n", + "relations: [['media', 'has slot', 'playmovie'], ['10', 'has domain', 'music'], ['7 am', 'has domain', 'alarm'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['the way i talk', 'has domain', 'music'], ['alarm', 'has slot', 'getalarms'], ['10', 'refers to same concept as', 'ten'], ['track', 'has value', 'the way i talk'], ['good boys', 'has domain', 'media'], ['track', 'has value', 'night shift'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['chhichhore', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['get up', 'has domain', 'alarm'], ['title', 'has value', 'good boys'], ['title', 'has value', 'chhichhore'], ['title', 'has value', 'my big fat greek wedding'], ['music', 'has slot', 'playmedia'], ['head over boots', 'has domain', 'music'], ['if i know me', 'has domain', 'music'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['year', 'has value', '2015'], ['album', 'has value', 'if i know me'], ['genre', 'has value', 'funny'], ['2015', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['jon pardi', 'has domain', 'music'], ['music', 'has slot', 'track'], ['artist', 'has value', 'morgan wallen'], ['funny', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['my big fat greek wedding', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['artist', 'has value', 'jon pardi'], ['alarm name', 'has value', 'get up'], ['morgan wallen', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['california sunrise', 'has domain', 'music'], ['alarm time', 'has value', '7 am'], ['night shift', 'has domain', 'music'], ['album', 'has value', 'california sunrise'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['count', 'has value', '10'], ['track', 'has value', 'head over boots']]\n", + "\n", + "dialogue id: sgd-test-3939\n", + "dialogue: \"user\": \"would you please help me to find a songs now ?\"\n", + "\"system\": \"what is your opinion about the song time up from the album big a presents one chance riddim by shenseea ?\"\n", + "\"user\": \"okay .. this is perfect .\"\n", + "\"system\": \"can i run the song for you ?\"\n", + "\"user\": \"no , will see later .. is there any good online movies with dramatic story ?\"\n", + "\"system\": \"what about a faithful man , after the wedding , or blinded by the light ?\"\n", + "\"user\": \"okay ... a faithful man is good .. would you play the song you found for me ?\"\n", + "\"system\": \"please confirm the following details : running the song time up in living room .\"\n", + "\"user\": \"this is perfect .. do you know the type of music and in which year it come out ?\"\n", + "\"system\": \"have fun with your music .. its a reggae song from the year 2017 .\"\n", + "\"user\": \"would you please show my alarms ?\"\n", + "\"system\": \"currently there is a 1 alarm for 10 am with name running .\"\n", + "\"user\": \"okay ... this is cool .\"\n", + "\"system\": \"are you like to add an alarm ?\"\n", + "\"user\": \"i don ' t like to add new alarms now .\"\n", + "\"system\": \"thank you so much .\"\n", + "\n", + "terms: ['year', 'after the wedding', 'music', 'time up', 'dramatic story', '2017', '1', 'shenseea', 'one', 'big a presents one chance riddim', 'living room', 'reggae', 'running', 'a faithful man', 'album', '10 am', 'blinded by the light', 'alarm']\n", + "relations: [['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['shenseea', 'has domain', 'music'], ['dramatic story', 'has domain', 'media'], ['alarm name', 'has value', 'running'], ['genre', 'has value', 'reggae'], ['10 am', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm name'], ['living room', 'has domain', 'music'], ['alarm', 'has slot', 'addalarm'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['big a presents one chance riddim', 'has domain', 'music'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['album', 'has value', 'big a presents one chance riddim'], ['media', 'has slot', 'genre'], ['time up', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['title', 'has value', 'a faithful man'], ['alarm time', 'has value', '10 am'], ['1', 'refers to same concept as', 'one'], ['alarm', 'has slot', 'count'], ['2017', 'has domain', 'music'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['running', 'has domain', 'alarm'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['count', 'has value', '1'], ['artist', 'has value', 'shenseea'], ['music', 'has slot', 'lookupmusic'], ['title', 'has value', 'blinded by the light'], ['reggae', 'has domain', 'music'], ['1', 'has domain', 'alarm'], ['track', 'has value', 'time up']]\n", + "\n", + "dialogue id: sgd-test-3940\n", + "dialogue: \"user\": \"i am in a nice mood and i want to hear some nice songs . can you search for the best one ?\"\n", + "\"system\": \"i searched and got 10 songs and what about the one called time up by shenseea from the album big a presents one chance riddim ?\"\n", + "\"user\": \"this looks perfect for me . thanks .\"\n", + "\"system\": \"shall i play it now ?\"\n", + "\"user\": \"not now , i will hear it later . now , search for some movies to watch online .\"\n", + "\"system\": \"is there any favorite kind of movie you have in your mind ?\"\n", + "\"user\": \"yes , i think violent movies will be good for this time .\"\n", + "\"system\": \"what about the movie named pulp fiction ? do you like it ? it is also in the same genre as you like .\"\n", + "\"user\": \"pulp fiction is okay to me .\"\n", + "\"system\": \"how can i assist you further . shall i play this movie now ?\"\n", + "\"user\": \"no , please play the song that i have selected before and i want to hear the same in the living room .\"\n", + "\"system\": \"okay , once again confirm to play the song time up in your living room speaker .\"\n", + "\"user\": \"sorry , i want to hear it my kitchen speaker as i have some work to do in the kitchen .\"\n", + "\"system\": \"that ' s okay . give me your confirmation to play the song time up in your kitchen speaker .\"\n", + "\"user\": \"that is confirmed to proceed .\"\n", + "\"system\": \"song started playing and you can enjoy the same .\"\n", + "\"user\": \"thanks and i want to view my alarm list . can you show it to me ?\"\n", + "\"system\": \"yes , you have 2 alarms and the one is for the time 4 : 30 pm in the name piano time .\"\n", + "\"user\": \"that ' s great and thanks .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['violent', '4 : 30 pm', 'kitchen', 'time up', 'shenseea', '2', 'genre', 'big a presents one chance riddim', 'living room', '10', 'piano time', 'album', 'pulp fiction', 'alarm']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['shenseea', 'has domain', 'music'], ['2', 'has domain', 'alarm'], ['piano time', 'has domain', 'alarm'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['living room', 'has domain', 'music'], ['4 : 30 pm', 'has domain', 'alarm'], ['pulp fiction', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['big a presents one chance riddim', 'has domain', 'music'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['album', 'has value', 'big a presents one chance riddim'], ['alarm name', 'has value', 'piano time'], ['media', 'has slot', 'genre'], ['time up', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'violent'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['title', 'has value', 'pulp fiction'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'device'], ['artist', 'has value', 'shenseea'], ['music', 'has slot', 'lookupmusic'], ['violent', 'has domain', 'media'], ['alarm time', 'has value', '4 : 30 pm'], ['track', 'has value', 'time up'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3941\n", + "dialogue: \"user\": \"fine me songs please . i have heard that album everyday is christmas is really good . i enjoy holiday songs and songs by sia .\"\n", + "\"system\": \"i have 1 song for you . how about snowman by sia from album everyday is christmas ?\"\n", + "\"user\": \"the song did come out six years back ?\"\n", + "\"system\": \"the song it is from the year 2017 .\"\n", + "\"user\": \"sounds great . you can find some good movies online ?\"\n", + "\"system\": \"tell me what type of movies you like ?\"\n", + "\"user\": \"will be great some dramatic story .\"\n", + "\"system\": \"what do you think about a faithful man , after the wedding or blinded by the light .\"\n", + "\"user\": \"after the wedding sounds really good . play for me please the song that you just found .\"\n", + "\"system\": \"play the song snowman in living room . i ' m right ?\"\n", + "\"user\": \"yes that ' s correct .\"\n", + "\"system\": \"enjoy the music .\"\n", + "\"user\": \"thanks . show me my alarms .\"\n", + "\"system\": \"you have 1 alarm currently set for 10 am called badminton .\"\n", + "\"user\": \"okay . that ' s all for now .\"\n", + "\"system\": \"thank you very much !\"\n", + "\n", + "terms: ['year', 'after the wedding', 'music', 'badminton', '2017', 'dramatic story', '1', 'holiday', 'snowman', 'sia', 'living room', 'everyday is christmas', 'a faithful man', 'album', '10 am', 'blinded by the light', 'alarm']\n", + "relations: [['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['dramatic story', 'has domain', 'media'], ['alarm name', 'has value', 'badminton'], ['music', 'has slot', 'count'], ['sia', 'has domain', 'music'], ['10 am', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm name'], ['2013', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['1', 'has domain', 'music'], ['album', 'has value', 'everyday is christmas'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['track', 'has value', 'snowman'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['holiday', 'has domain', 'music'], ['everyday is christmas', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['genre', 'has value', 'holiday'], ['title', 'has value', 'a faithful man'], ['alarm time', 'has value', '10 am'], ['alarm', 'has slot', 'count'], ['2017', 'has domain', 'music'], ['genre', 'has value', 'dramatic story'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['year', 'has value', '2013'], ['music', 'has slot', 'device'], ['badminton', 'has domain', 'alarm'], ['snowman', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['artist', 'has value', 'sia'], ['title', 'has value', 'blinded by the light'], ['1', 'has domain', 'alarm']]\n", + "\n", + "dialogue id: sgd-test-3942\n", + "dialogue: \"user\": \"find me a song\"\n", + "\"system\": \"i got 10 songs for you . what ' s your opinion about sick like me by in this moment from the black widow album .\"\n", + "\"user\": \"what year was it when it come out ?\"\n", + "\"system\": \"it ' s the year 2014\"\n", + "\"user\": \"yes , that is the one i am looking for .\"\n", + "\"system\": \"are you interested in to listen to this song ?\"\n", + "\"user\": \"maybe after sometime . did you find any good movies online ?\"\n", + "\"system\": \"what type of movies do you prefer ?\"\n", + "\"user\": \"i love movies featuring bill thurman . imaginative fiction movies would be preferred .\"\n", + "\"system\": \"what do you say about close encounters of the third kind ?\"\n", + "\"user\": \"close encounters of the third kind is the best .\"\n", + "\"system\": \"can i play the movie for you ?\"\n", + "\"user\": \"no , not now . play the song you just found . any device is preferred .\"\n", + "\"system\": \"can you confirm the following details : playing the song sick like me in living room .\"\n", + "\"user\": \"no . please cast it on the speaker outside .\"\n", + "\"system\": \"can you confirm the details below : playing the song sick like me in patio .\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"have fun with your music .\"\n", + "\"user\": \"can i know my alarms .\"\n", + "\"system\": \"a 4 pm alarm with name event .\"\n", + "\"user\": \"okay , that ' s great .\"\n", + "\"system\": \"anything else do you want me to help with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"thanks a lot .\"\n", + "\n", + "terms: ['year', 'black widow', 'close encounters', 'music', 'imaginative fiction', 'alarm', 'close encounters of the third kind', 'bill thurman', '4 pm', 'patio', 'living room', '10', 'device', 'in this moment', 'album', 'event', 'sick like me']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['2014', 'has domain', 'music'], ['close encounters of the third kind', 'refers to same concept as', 'close encounters'], ['device', 'has value', 'patio'], ['in this moment', 'has domain', 'music'], ['10', 'refers to same concept as', 'ten'], ['media', 'has slot', 'starring'], ['bill thurman', 'has domain', 'media'], ['close encounters of the third kind', 'has domain', 'media'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['year', 'has value', '2014'], ['title', 'has value', 'close encounters of the third kind'], ['sick like me', 'has domain', 'music'], ['black widow', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['4 pm', 'has domain', 'alarm'], ['alarm name', 'has value', 'event'], ['patio', 'has domain', 'music'], ['event', 'has domain', 'alarm'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['starring', 'has value', 'bill thurman'], ['media', 'has slot', 'genre'], ['track', 'has value', 'sick like me'], ['music', 'has slot', 'artist'], ['album', 'has value', 'black widow'], ['music', 'has slot', 'track'], ['genre', 'has value', 'imaginative fiction'], ['alarm', 'has slot', 'alarm time'], ['imaginative fiction', 'has domain', 'media'], ['device', 'has value', 'living room'], ['artist', 'has value', 'in this moment'], ['music', 'has slot', 'device'], ['alarm time', 'has value', '4 pm'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie'], ['device', 'has value', 'dontcare'], ['count', 'has value', '10'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-3943\n", + "dialogue: \"user\": \"find me a song to listen to .\"\n", + "\"system\": \"do you like hey hey hey by katy perry on the witness album ?\"\n", + "\"user\": \"that song is perfect .\"\n", + "\"system\": \"shall i cast the song for you ?\"\n", + "\"user\": \"no , not at the moment . find me a movie to see on the internet .\"\n", + "\"system\": \"what movie genre should i search in ?\"\n", + "\"user\": \"search for animation movies .\"\n", + "\"system\": \"the angry birds movie 2 and toy story 4 are the only 2 result that i found .\"\n", + "\"user\": \"the angry birds movie is perfect . cast that earlier song to any device for me .\"\n", + "\"system\": \"you wish to cast the song hey hey hey to the living room , correct ?\"\n", + "\"user\": \"that is right . what music genre is it and what year was it released ?\"\n", + "\"system\": \"your pop song from 2017 has started playing .\"\n", + "\"user\": \"what alarms do i have set ?\"\n", + "\"system\": \"you have an alarm named shopping set for 3 : 30 pm .\"\n", + "\"user\": \"what other alarms do i have set ?\"\n", + "\"system\": \"there is an alarm named shuttle to work set for 8 am .\"\n", + "\"user\": \"that is perfect . i don ' t need anymore help .\"\n", + "\"system\": \"thanks for letting me help you .\"\n", + "\n", + "terms: ['year', '2', 'toy story 4', '8 am', 'genre', 'animation', 'music', 'shopping', '2017', 'katy perry', 'living room', 'device', 'hey hey hey', 'album', 'angry birds', 'pop', '3 : 30 pm', 'witness', 'shuttle to work', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['alarm name', 'has value', 'shopping'], ['title', 'has value', 'the angry birds movie 2'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['katy perry', 'has domain', 'music'], ['alarm name', 'has value', 'shuttle to work'], ['hey hey hey', 'has domain', 'music'], ['media', 'has slot', 'count'], ['animation', 'has domain', 'media'], ['the angry birds movie 2', 'has domain', 'media'], ['2', 'has domain', 'media'], ['alarm time', 'has value', '8 am'], ['alarm', 'has slot', 'alarm name'], ['title', 'has value', 'toy story 4'], ['witness', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['3 : 30 pm', 'has domain', 'alarm'], ['the angry birds movie', 'has domain', 'media'], ['media', 'has slot', 'title'], ['genre', 'has value', 'animation'], ['8 am', 'has domain', 'alarm'], ['track', 'has value', 'hey hey hey'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['shuttle to work', 'has domain', 'alarm'], ['2017', 'has domain', 'music'], ['alarm time', 'has value', '3 : 30 pm'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['title', 'has value', 'the angry birds movie'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['album', 'has value', 'witness'], ['music', 'has slot', 'lookupmusic'], ['artist', 'has value', 'katy perry'], ['toy story 4', 'has domain', 'media'], ['device', 'has value', 'dontcare'], ['shopping', 'has domain', 'alarm'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-3944\n", + "dialogue: \"user\": \"i want you to scan for songs that i can listen .\"\n", + "\"system\": \"would you like to listen to love me like you by little mix picked from the album get weird ?\"\n", + "\"user\": \"sure . can you get me good movies online ? i want to see a family movie with julia roberts .\"\n", + "\"system\": \"i can recommend you 1 movie called steel magnolias .\"\n", + "\"user\": \"i think steel magnolias would be fantastic . could you start the song you told me about ?\"\n", + "\"system\": \"so you confirm that you want to play the song love me like you in the living room ?\"\n", + "\"user\": \"sure . was it released nine years ago ?\"\n", + "\"system\": \"it came out in 2015 and i hope you like the music .\"\n", + "\"user\": \"i want you to tell me about my alarms .\"\n", + "\"system\": \"you have an alarm to pick up kids at 3 pm .\"\n", + "\"user\": \"do i have any more alarms ?\"\n", + "\"system\": \"unfortunately i have no alarms on your device . shall i be of any other help ?\"\n", + "\"user\": \"nope , thanks for everything .\"\n", + "\"system\": \"thanks very much .\"\n", + "\n", + "terms: ['steel magnolias', 'music', 'family', '3 pm', 'get weird', '1', 'device', 'pick up kids', 'little mix', 'living room', 'julia roberts', '2015', 'album', 'love me like you', 'alarm']\n", + "relations: [['little mix', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['steel magnolias', 'has domain', 'media'], ['track', 'has value', 'love me like you'], ['media', 'has slot', 'count'], ['alarm name', 'has value', 'pick up kids'], ['media', 'has slot', 'starring'], ['family', 'has domain', 'media'], ['alarm', 'has slot', 'alarm name'], ['year', 'has value', '2010'], ['title', 'has value', 'steel magnolias'], ['love me like you', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pick up kids', 'has domain', 'alarm'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['starring', 'has value', 'julia roberts'], ['media', 'has slot', 'title'], ['3 pm', 'has domain', 'alarm'], ['year', 'has value', '2015'], ['media', 'has slot', 'genre'], ['2015', 'has domain', 'music'], ['album', 'has value', 'get weird'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['genre', 'has value', 'family'], ['artist', 'has value', 'little mix'], ['music', 'has slot', 'lookupmusic'], ['2010', 'has domain', 'music'], ['julia roberts', 'has domain', 'media'], ['alarm time', 'has value', '3 pm'], ['1', 'has domain', 'media'], ['get weird', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-3945\n", + "dialogue: \"user\": \"i want to find music . can you search for songs .\"\n", + "\"system\": \"what about real friends by camila cabello from the album camila ?\"\n", + "\"user\": \"didn ' t that come out about eight years back ? what genre of music is it ?\"\n", + "\"system\": \"it ' s a pop song from 2017 .\"\n", + "\"user\": \"yeah , that ' s the right one . also , i ' d like to watch a war movie online .\"\n", + "\"system\": \"an option would be the load .\"\n", + "\"user\": \"yes , the load works great . could you also play that song you found on any device ?\"\n", + "\"system\": \"please confirm these details : play real friends in living room .\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"enjoy the music !\"\n", + "\"user\": \"thanks ! can you also show me what alarms i have ?\"\n", + "\"system\": \"you have 3 current alarms . there is a 3 : 30 pm alarm labelled as dentist .\"\n", + "\"user\": \"okay , cool , thanks .\"\n", + "\"system\": \"do you want to add any alarms ?\"\n", + "\"user\": \"nope , i have everything i need .\"\n", + "\"system\": \"can i be of other assistance ?\"\n", + "\"user\": \"nope , that was it , thanks a lot .\"\n", + "\"system\": \"have a good day !\"\n", + "\n", + "terms: ['pop', 'music', 'camila', '3 : 30 pm', 'camila cabello', '2017', 'the load', '3', 'genre', 'real friends', 'living room', 'device', 'war', 'album', 'dentist', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['war', 'has domain', 'media'], ['real friends', 'has domain', 'music'], ['camila', 'has domain', 'music'], ['album', 'has value', 'camila'], ['track', 'has value', 'real friends'], ['2011', 'has domain', 'music'], ['alarm', 'has slot', 'alarm name'], ['living room', 'has domain', 'music'], ['dentist', 'has domain', 'alarm'], ['pop', 'has domain', 'music'], ['alarm', 'has slot', 'addalarm'], ['genre', 'has value', 'war'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['camila cabello', 'has domain', 'music'], ['artist', 'has value', 'camila cabello'], ['3 : 30 pm', 'has domain', 'alarm'], ['media', 'has slot', 'title'], ['year', 'has value', '2011'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['2017', 'has domain', 'music'], ['alarm time', 'has value', '3 : 30 pm'], ['the load', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['alarm name', 'has value', 'dentist'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['title', 'has value', 'the load'], ['music', 'has slot', 'device'], ['3', 'has domain', 'alarm'], ['count', 'has value', '3'], ['music', 'has slot', 'lookupmusic'], ['device', 'has value', 'dontcare'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-3946\n", + "dialogue: \"user\": \"i ' m in the mood for some good music . find me a few songs please .\"\n", + "\"system\": \"the album double vision features a song called back it up by prince royce . would you like to hear it ?\"\n", + "\"user\": \"you got a good one on the first try . that ' s the one i wanted to hear .\"\n", + "\"system\": \"do you want me to begin playing this song now ?\"\n", + "\"user\": \"not right now . i ' ll listen to it later .\"\n", + "\"system\": \"if not that , what else can i help you with ?\"\n", + "\"user\": \"how about a good movie instead ? are there any online ?\"\n", + "\"system\": \"sure . what kind of movie are you in the mood for ?\"\n", + "\"user\": \"an anime movie would be just what i want to see right now .\"\n", + "\"system\": \"would you like to view the anime movie paprika ?\"\n", + "\"user\": \"no thanks . i don ' t want to see that right now . a family movie featuring tzi ma would be more specific to what i want .\"\n", + "\"system\": \"i have found 1 movie fitting that requirement . it is a movie called the farewell .\"\n", + "\"user\": \"farewell sounds like a lovely time . that ' s perfect .\"\n", + "\"system\": \"i can play that movie for you right now if you want .\"\n", + "\"user\": \"no no . sorry i didn ' t mean right this minute .\"\n", + "\"system\": \"is there anything else i can assist you with ?\"\n", + "\"user\": \"how about playing the song you found for me earlier ?\"\n", + "\"system\": \"would you like me to play back it up in the living room ?\"\n", + "\"user\": \"yeah start it up for me . what kind of music is back it up exactly ?\"\n", + "\"system\": \"it is a pop song . please enjoy your song .\"\n", + "\"user\": \"show me my current alarms that are set .\"\n", + "\"system\": \"there is an alarm set for 7 am with the title gym .\"\n", + "\"user\": \"okay . thanks for the reminder .\"\n", + "\"system\": \"would you like me to add an alarm ?\"\n", + "\"user\": \"no , i don ' t want any new alarms . just wanted to know about the ones already set .\"\n", + "\"system\": \"alright . what else can i help you with today ?\"\n", + "\"user\": \"nothing else for now . thanks a bunch for your help .\"\n", + "\"system\": \"thank you for allowing me to help . farewell .\"\n", + "\n", + "terms: ['back it up', 'title', 'family', 'farewell', 'double vision', 'prince royce', 'music', 'the farewell', '1', 'one', '7 am', 'living room', 'anime', 'album', 'pop', 'gym', 'paprika', 'tzi ma', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['track', 'has value', 'back it up'], ['alarm', 'has slot', 'getalarms'], ['media', 'has slot', 'count'], ['alarm name', 'has value', 'gym'], ['the farewell', 'refers to same concept as', 'farewell'], ['media', 'has slot', 'starring'], ['farewell', 'has domain', 'media'], ['family', 'has domain', 'media'], ['alarm', 'has slot', 'alarm name'], ['the farewell', 'has domain', 'media'], ['paprika', 'has domain', 'media'], ['anime', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['tzi ma', 'has domain', 'media'], ['genre', 'has value', 'anime'], ['pop', 'has domain', 'music'], ['alarm', 'has slot', 'addalarm'], ['music', 'has slot', 'playmedia'], ['starring', 'has value', 'tzi ma'], ['album', 'has value', 'double vision'], ['title', 'has value', 'the farewell'], ['double vision', 'has domain', 'music'], ['media', 'has slot', 'title'], ['artist', 'has value', 'prince royce'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['title', 'has value', 'paprika'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['back it up', 'has domain', 'music'], ['title', 'has value', 'farewell'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['genre', 'has value', 'family'], ['music', 'has slot', 'genre'], ['gym', 'has domain', 'alarm'], ['music', 'has slot', 'lookupmusic'], ['prince royce', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['7 am', 'has domain', 'alarm'], ['alarm time', 'has value', '7 am']]\n", + "\n", + "dialogue id: sgd-test-3947\n", + "dialogue: \"user\": \"find some songs by little mix on the get weird album .\"\n", + "\"system\": \"black magic by little mix is from the get weird album and is 1 of 2 songs that i found .\"\n", + "\"user\": \"what music genre is it ?\"\n", + "\"system\": \"it is under the pop genre .\"\n", + "\"user\": \"what other result did you find ?\"\n", + "\"system\": \"love me like you by little mix is also on the get weird album .\"\n", + "\"user\": \"was the song released in ' 19 ?\"\n", + "\"system\": \"no , it was released in 2015 .\"\n", + "\"user\": \"that is perfect .\"\n", + "\"system\": \"do you need more help ?\"\n", + "\"user\": \"find me a comic movie starring shishir sharma on the internet .\"\n", + "\"system\": \"chhichhore is the 1 result that i did find .\"\n", + "\"user\": \"chhichhore works for me . play that song from earlier on the speaker outside .\"\n", + "\"system\": \"you wish to cast love me like you to the patio , correct ?\"\n", + "\"user\": \"that is right . what music genre is it ?\"\n", + "\"system\": \"your pop song has started .\"\n", + "\"user\": \"what alarms do i have set ?\"\n", + "\"system\": \"there is an alarm set for 4 : 30 pm named piano time and it is 1 of 3 alarms you have set .\"\n", + "\"user\": \"that is perfect . i don ' t need more help right now .\"\n", + "\"system\": \"thanks for letting me help you .\"\n", + "\n", + "terms: ['4 : 30 pm', 'pop', 'music', 'starring', 'get weird', '3', '1', '2', 'genre', 'little mix', 'patio', 'piano time', 'shishir sharma', 'comic', '2015', 'album', 'love me like you', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['little mix', 'has domain', 'music'], ['music', 'has slot', 'album'], ['track', 'has value', 'black magic'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['shishir sharma', 'has domain', 'media'], ['track', 'has value', 'love me like you'], ['comic', 'has domain', 'media'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['media', 'has slot', 'starring'], ['black magic', 'has domain', 'music'], ['genre', 'has value', 'comic'], ['piano time', 'has domain', 'alarm'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['chhichhore', 'has domain', 'media'], ['2019', 'has domain', 'music'], ['love me like you', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['4 : 30 pm', 'has domain', 'alarm'], ['title', 'has value', 'chhichhore'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['year', 'has value', '2015'], ['alarm name', 'has value', 'piano time'], ['2015', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['album', 'has value', 'get weird'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['2', 'has domain', 'music'], ['alarm', 'has slot', 'alarm time'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['3', 'has domain', 'alarm'], ['count', 'has value', '3'], ['artist', 'has value', 'little mix'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['starring', 'has value', 'shishir sharma'], ['alarm time', 'has value', '4 : 30 pm'], ['get weird', 'has domain', 'music'], ['year', 'has value', '2019']]\n", + "\n", + "dialogue id: sgd-test-3948\n", + "dialogue: \"user\": \"i want to search popular songs from 2013 such as the this is acting album .\"\n", + "\"system\": \"i found 1 song , alive by sia on this is acting .\"\n", + "\"user\": \"yes , that ' s it . can you find some good online movies ?\"\n", + "\"system\": \"which type would you like to see ?\"\n", + "\"user\": \"drama is best .\"\n", + "\"system\": \"there are 10 movies . how about a faithful man , after the wedding or blinded by the light ?\"\n", + "\"user\": \"action would be great thanks .\"\n", + "\"system\": \"do you like angel has fallen , hobbs and shaw , or mission mangal ?\"\n", + "\"user\": \"angel has fallen would be nice . please play the song .\"\n", + "\"system\": \"you want to hear alive in the living room , correct ?\"\n", + "\"user\": \"no on the speaker in kitchen please .\"\n", + "\"system\": \"you want to hear alive in the kitchen , correct ?\"\n", + "\"user\": \"no on the speaker in patio .\"\n", + "\"system\": \"you want to hear alive in the patio , correct ?\"\n", + "\"user\": \"yes thank you .\"\n", + "\"system\": \"enjoy the song .\"\n", + "\"user\": \"thank you . please show me my alarms .\"\n", + "\"system\": \"you have 2 set . one at 10 am called paper .\"\n", + "\"user\": \"great thank you .\"\n", + "\"system\": \"do you want to add an alarm ?\"\n", + "\"user\": \"not right now . that ' s all thanks .\"\n", + "\"system\": \"thanks , have a great day .\"\n", + "\n", + "terms: ['2', 'hobbs and shaw', 'popular', 'after the wedding', 'alive', 'sia', 'paper', 'angel has fallen', '2013', 'one', 'this is acting', 'patio', 'living room', 'album', 'play', 'kitchen', 'mission mangal', '10', 'a faithful man', '1', '10 am', 'blinded by the light', 'alarm']\n", + "relations: [['mission mangal', 'has domain', 'media'], ['hobbs and shaw', 'has domain', 'media'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['angel has fallen', 'has domain', 'media'], ['genre', 'has value', 'popular'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['2', 'has domain', 'alarm'], ['album', 'has value', 'this is acting'], ['music', 'has slot', 'count'], ['sia', 'has domain', 'music'], ['10 am', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm name'], ['drama', 'refers to same concept as', 'play'], ['action', 'has domain', 'media'], ['title', 'has value', 'angel has fallen'], ['kitchen', 'has domain', 'music'], ['2013', 'has domain', 'music'], ['track', 'has value', 'alive'], ['device', 'has value', 'kitchen'], ['this is acting', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['alarm', 'has slot', 'addalarm'], ['1', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['drama', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['alive', 'has domain', 'music'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['title', 'has value', 'mission mangal'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['popular', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'action'], ['music', 'has slot', 'track'], ['title', 'has value', 'a faithful man'], ['alarm time', 'has value', '10 am'], ['alarm name', 'has value', 'paper'], ['1', 'refers to same concept as', 'one'], ['alarm', 'has slot', 'count'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['year', 'has value', '2013'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['title', 'has value', 'hobbs and shaw'], ['music', 'has slot', 'lookupmusic'], ['paper', 'has domain', 'alarm'], ['artist', 'has value', 'sia'], ['title', 'has value', 'blinded by the light'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3949\n", + "dialogue: \"user\": \"i ' m bored and i think some music might help . i ' d like to find some songs .\"\n", + "\"system\": \"there are 10 songs that i have found . how about a song called fortunately i met you by witwisit hiranyawongkul from the album called quarter .\"\n", + "\"user\": \"what genre of music is this ?\"\n", + "\"system\": \"it ' s a pop song .\"\n", + "\"user\": \"is it from 2012 ?\"\n", + "\"system\": \"it was released in 2014 .\"\n", + "\"user\": \"can you keep searching , it ' s not really my thing .\"\n", + "\"system\": \"sure , how about soul provider by silly walks movement ? it is from the album called silly walks discotheque presents brighter days riddim .\"\n", + "\"user\": \"this just isn ' t what i ' m looking for . can you find something more modern from at least ' 18 ?\"\n", + "\"system\": \"how about african beauty by diamond platnumz from their album called a boy from tandale ?\"\n", + "\"user\": \"okay great i ' ll settle on that one . now i ' d like to find a movie to watch online . can you find something that stars brenda vaccaro ?\"\n", + "\"system\": \"do you have any preferences on the kind of movie ?\"\n", + "\"user\": \"i ' m in the mood for a bizarre story .\"\n", + "\"system\": \"i have found 1 movie called once upon a time in hollywood .\"\n", + "\"user\": \"that ' s just what i ' d like to watch . once upon a time is perfect !\"\n", + "\"system\": \"do you want to watch the movie now ?\"\n", + "\"user\": \"not right now thanks . can you play me the song you found first . i ' d like to listen to it in the living room .\"\n", + "\"system\": \"okay so you ' d like to listen to african beauty in the living room .\"\n", + "\"user\": \"yes that ' s correct . what genre of music is it ?\"\n", + "\"system\": \"it ' s a pop song . i hope you like it .\"\n", + "\"user\": \"thanks . now can you show me my alarms ?\"\n", + "\"system\": \"you have 2 alarms set at the moment . there is one called wake up set for 6 : 30 am .\"\n", + "\"user\": \"okay thanks . that ' s it for now .\"\n", + "\"system\": \"thanks a lot .\"\n", + "\n", + "terms: ['2', '2014', 'bizarre story', 'once upon a time in hollywood', '2012', 'silly walks discotheque presents brighter days riddim', 'a boy from tandale', 'genre', 'witwisit hiranyawongkul', 'fortunately i met you', 'music', 'silly walks movement', 'one', 'soul provider', 'wake up', 'living room', 'album', 'brenda vaccaro', 'pop', '6 : 30 am', 'quarter', 'african beauty', '10', 'once upon a time', '1', 'diamond platnumz']\n", + "relations: [['genre', 'has value', 'pop'], ['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['diamond platnumz', 'has domain', 'music'], ['2014', 'has domain', 'music'], ['fortunately i met you', 'has domain', 'music'], ['media', 'has slot', 'count'], ['title', 'has value', 'once upon a time'], ['wake up', 'has domain', 'alarm'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['brenda vaccaro', 'has domain', 'media'], ['10', 'refers to same concept as', 'ten'], ['media', 'has slot', 'starring'], ['2', 'has domain', 'alarm'], ['music', 'has slot', 'count'], ['artist', 'has value', 'witwisit hiranyawongkul'], ['artist', 'has value', 'diamond platnumz'], ['alarm', 'has slot', 'alarm name'], ['alarm name', 'has value', 'wake up'], ['year', 'has value', '2014'], ['2018', 'has domain', 'music'], ['once upon a time', 'has domain', 'media'], ['once upon a time in hollywood', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['quarter', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['a boy from tandale', 'has domain', 'music'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['track', 'has value', 'soul provider'], ['track', 'has value', 'african beauty'], ['album', 'has value', 'silly walks discotheque presents brighter days riddim'], ['media', 'has slot', 'genre'], ['artist', 'has value', 'silly walks movement'], ['music', 'has slot', 'artist'], ['african beauty', 'has domain', 'music'], ['bizarre story', 'has domain', 'media'], ['track', 'has value', 'fortunately i met you'], ['music', 'has slot', 'track'], ['year', 'has value', '2018'], ['starring', 'has value', 'brenda vaccaro'], ['alarm time', 'has value', '6 : 30 am'], ['alarm', 'has slot', 'count'], ['1', 'refers to same concept as', 'one'], ['6 : 30 am', 'has domain', 'alarm'], ['album', 'has value', 'a boy from tandale'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['silly walks movement', 'has domain', 'music'], ['count', 'has value', '1'], ['genre', 'has value', 'bizarre story'], ['music', 'has slot', 'device'], ['witwisit hiranyawongkul', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['soul provider', 'has domain', 'music'], ['silly walks discotheque presents brighter days riddim', 'has domain', 'music'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['album', 'has value', 'quarter'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3950\n", + "dialogue: \"user\": \"find me some songs would you ?\"\n", + "\"system\": \"would you enjoy a song from wind rose album wintersaga it called diggy diggy hole ?\"\n", + "\"user\": \"i love that song .\"\n", + "\"system\": \"should i play it now ?\"\n", + "\"user\": \"perhaps another time . i would like to find a good online movie that stars anri katsu .\"\n", + "\"system\": \"what genre do you prefer ?\"\n", + "\"user\": \"right now i want kids movies please .\"\n", + "\"system\": \"paprika maybe ?\"\n", + "\"user\": \"paprika is super duper .\"\n", + "\"system\": \"should the movie start now ?\"\n", + "\"user\": \"no its for later . but i will listen to the song i chose earlier now .\"\n", + "\"system\": \"would that be diggy diggy hole and should i play it in the living room ?\"\n", + "\"user\": \"no i want to listen to it in the kitchen .\"\n", + "\"system\": \"so that will be diggy diggy hole in the kitchen ?\"\n", + "\"user\": \"wait , sorry , actually i would like it sent to the speaker outside .\"\n", + "\"system\": \"okay diggy diggy hole on the patio it is right ?\"\n", + "\"user\": \"that ' s what i decided yes .\"\n", + "\"system\": \"have a pleasant listening experience .\"\n", + "\"user\": \"thanks , bring up my alarms would you ?\"\n", + "\"system\": \"right now 1 alarm is set and it is for 9 am call badminton .\"\n", + "\"user\": \"good , good you can go now .\"\n", + "\"system\": \"thanks bye .\"\n", + "\n", + "terms: ['diggy diggy hole', 'anri katsu', 'badminton', 'kitchen', '1', '9 am', 'genre', 'wintersaga', 'patio', 'living room', 'wind rose', 'kids', 'album', 'alarm']\n", + "relations: [['media', 'has slot', 'playmovie'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['alarm name', 'has value', 'badminton'], ['device', 'has value', 'patio'], ['artist', 'has value', 'wind rose'], ['album', 'has value', 'wintersaga'], ['media', 'has slot', 'starring'], ['9 am', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm name'], ['kitchen', 'has domain', 'music'], ['paprika', 'has domain', 'media'], ['device', 'has value', 'kitchen'], ['living room', 'has domain', 'music'], ['wintersaga', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['diggy diggy hole', 'has domain', 'music'], ['media', 'has slot', 'title'], ['anri katsu', 'has domain', 'media'], ['kids', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['title', 'has value', 'paprika'], ['music', 'has slot', 'track'], ['track', 'has value', 'diggy diggy hole'], ['alarm', 'has slot', 'count'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['alarm time', 'has value', '9 am'], ['music', 'has slot', 'device'], ['count', 'has value', '1'], ['badminton', 'has domain', 'alarm'], ['music', 'has slot', 'lookupmusic'], ['starring', 'has value', 'anri katsu'], ['1', 'has domain', 'alarm'], ['genre', 'has value', 'kids'], ['wind rose', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-3951\n", + "dialogue: \"user\": \"could you find some songs for me please .\"\n", + "\"system\": \"i found 10 . you may like lost within by fivefold from the story .\"\n", + "\"user\": \"what type of music ?\"\n", + "\"system\": \"it ' s rock music .\"\n", + "\"user\": \"yes that would be great .\"\n", + "\"system\": \"would you like to play it ?\"\n", + "\"user\": \"not right now thanks .\"\n", + "\"system\": \"can i do anything else for you ?\"\n", + "\"user\": \"i need a good movie to watch online .\"\n", + "\"system\": \"what type of movies do you like ?\"\n", + "\"user\": \"i like funny movies .\"\n", + "\"system\": \"there are 5 movies . how about chhichhore , good boys , or my big fat greek wedding ?\"\n", + "\"user\": \"i like my big fat greek wedding .\"\n", + "\"system\": \"would you like to play it ?\"\n", + "\"user\": \"not right now . how about playing the song i found you ?\"\n", + "\"system\": \"you would like to hear lost within cast to the living room , correct ?\"\n", + "\"user\": \"yes that is correct .\"\n", + "\"system\": \"enjoy your tune !\"\n", + "\"user\": \"show me my alarms please .\"\n", + "\"system\": \"you have 1 alarm at 8 : 30 am called coffee .\"\n", + "\"user\": \"okay great thank you .\"\n", + "\"system\": \"do you need to add one ?\"\n", + "\"user\": \"not right now thanks .`\"\n", + "\"system\": \"can i do anything else for you ?\"\n", + "\"user\": \"no thanks very much .\"\n", + "\"system\": \"my pleasure , have a goood day .\"\n", + "\n", + "terms: ['music', 'good boys', '8 : 30 am', 'rock', 'greek wedding', 'one', 'funny', '5', 'chhichhore', 'coffee', 'fivefold', 'living room', 'lost within', '10', 'the story', '1', 'my big fat greek wedding', 'alarm']\n", + "relations: [['8 : 30 am', 'has domain', 'alarm'], ['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['rock', 'has domain', 'music'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['media', 'has slot', 'count'], ['coffee', 'has domain', 'alarm'], ['alarm name', 'has value', 'coffee'], ['good boys', 'has domain', 'media'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['chhichhore', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['5', 'has domain', 'media'], ['title', 'has value', 'good boys'], ['alarm', 'has slot', 'addalarm'], ['title', 'has value', 'chhichhore'], ['title', 'has value', 'my big fat greek wedding'], ['music', 'has slot', 'playmedia'], ['alarm time', 'has value', '8 : 30 am'], ['fivefold', 'has domain', 'music'], ['artist', 'has value', 'fivefold'], ['genre', 'has value', 'rock'], ['media', 'has slot', 'title'], ['genre', 'has value', 'funny'], ['media', 'has slot', 'genre'], ['5', 'refers to same concept as', 'five'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['lost within', 'has domain', 'music'], ['alarm', 'has slot', 'count'], ['funny', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['album', 'has value', 'the story'], ['my big fat greek wedding', 'has domain', 'media'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['track', 'has value', 'lost within'], ['music', 'has slot', 'lookupmusic'], ['count', 'has value', '5'], ['1', 'has domain', 'alarm'], ['media', 'has slot', 'playmovie'], ['the story', 'has domain', 'music'], ['my big fat greek wedding', 'refers to same concept as', 'greek wedding'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3952\n", + "dialogue: \"user\": \"i want to find some songs right now .\"\n", + "\"system\": \"i have found 10 songs for you . what is your opinion on lost and lonely off the album sinner by aaron lewis ?\"\n", + "\"user\": \"yes , that is the one .\"\n", + "\"system\": \"do you want this song to be played ?\"\n", + "\"user\": \"not at the moment , perhaps later .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"are there any quality movies available online ?\"\n", + "\"system\": \"which type of movies are you interested in ?\"\n", + "\"user\": \"i would really like some type of supernatural movie .\"\n", + "\"system\": \"what is your opinion of it chapter two ?\"\n", + "\"user\": \"it two sounds really good . would you be able to play the song you found earlier ?\"\n", + "\"system\": \"okay , confirm these details for me : playing the song lost and lonely in your living room .\"\n", + "\"user\": \"yes , that is right .\"\n", + "\"system\": \"i hope you enjoy the music .\"\n", + "\"user\": \"thanks very much ! can you display for me the alarms that i have set ?\"\n", + "\"system\": \"yes , you have 1 alarm set for 9 am and it is called wake up .\"\n", + "\"user\": \"okay , that is good .\"\n", + "\"system\": \"would you like to add another alarm ?\"\n", + "\"user\": \"no , i don ' t need to put another alarm on . that ' s all i wanted .\"\n", + "\"system\": \"thanks very much .\"\n", + "\n", + "terms: ['music', 'alarm', '1', '9 am', 'one', 'wake up', 'it chapter two', 'living room', '10', 'aaron lewis', 'album', 'lost and lonely', 'supernatural', 'sinner']\n", + "relations: [['it chapter two', 'has domain', 'media'], ['10', 'has domain', 'music'], ['it two', 'has domain', 'media'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['artist', 'has value', 'aaron lewis'], ['wake up', 'has domain', 'alarm'], ['album', 'has value', 'sinner'], ['track', 'has value', 'lost and lonely'], ['aaron lewis', 'has domain', 'music'], ['9 am', 'has domain', 'alarm'], ['music', 'has slot', 'count'], ['title', 'has value', 'it two'], ['alarm', 'has slot', 'alarm name'], ['alarm name', 'has value', 'wake up'], ['sinner', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['title', 'has value', 'it chapter two'], ['alarm', 'has slot', 'addalarm'], ['it chapter two', 'refers to same concept as', 'it two'], ['music', 'has slot', 'playmedia'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'supernatural'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['alarm', 'has slot', 'count'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['alarm time', 'has value', '9 am'], ['music', 'has slot', 'device'], ['count', 'has value', '1'], ['music', 'has slot', 'lookupmusic'], ['supernatural', 'has domain', 'media'], ['1', 'has domain', 'alarm'], ['lost and lonely', 'has domain', 'music'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3953\n", + "dialogue: \"user\": \"i want to find a song now , and more specifically i like songs from harris j . i usually enjoy pop songs , also some friends told me that salam album is a good one .\"\n", + "\"system\": \"there is 1 song which you might like . how would you like listening to salam alaikum by harris j from the salam album ?\"\n", + "\"user\": \"that is the song i want .\"\n", + "\"system\": \"do you want this song to be played now ?\"\n", + "\"user\": \"some other time , though is it possible for you to find some good movie online ?\"\n", + "\"system\": \"is there some specific kind of movie you enjoy ?\"\n", + "\"user\": \"it would be nice if it would be a suspense movie .\"\n", + "\"system\": \"how would you like watching madeline ' s madeline , rojo or the art of self - defense ?\"\n", + "\"user\": \"madeline would be nice to watch . is it possible for you to start playing the song you found earlier ?\"\n", + "\"system\": \"can you please confirm that you want the song salam alaikum to be played in your living room ?\"\n", + "\"user\": \"that is what i want . can you tell me the year when the song came out ?\"\n", + "\"system\": \"have a good time listening to the song . the song was released in the year 2015 .\"\n", + "\"user\": \"can you tell me my set alarms ?\"\n", + "\"system\": \"there is 1 alarm which is active . this alarm has been set for 3 : 30 pm and it is titled errands .\"\n", + "\"user\": \"alright , that is good .\"\n", + "\"system\": \"are you interested to have another alarm added ?\"\n", + "\"user\": \"i am not interested to add a new alarm at the moment .\"\n", + "\"system\": \"is there something else i can help you with ?\"\n", + "\"user\": \"nothing . much appreciated !\"\n", + "\"system\": \"thank you too , have a good time !\"\n", + "\n", + "terms: ['year', 'pop', '3 : 30 pm', 'rojo', 'album', 'one', '1', 'errands', \"madeline ' s madeline\", 'madeline', 'salam alaikum', 'living room', 'suspense', 'the art of self - defense', '2015', 'salam', 'harris j', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], [\"madeline ' s madeline\", 'has domain', 'media'], ['madeline', 'has domain', 'media'], ['suspense', 'has domain', 'media'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['salam', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['title', 'has value', 'madeline'], ['alarm', 'has slot', 'addalarm'], ['1', 'has domain', 'music'], ['harris j', 'has domain', 'music'], ['salam alaikum', 'has domain', 'music'], ['rojo', 'has domain', 'media'], ['alarm name', 'has value', 'errands'], ['music', 'has slot', 'playmedia'], ['the art of self - defense', 'has domain', 'media'], ['music', 'has slot', 'year'], ['3 : 30 pm', 'has domain', 'alarm'], ['title', 'has value', \"madeline ' s madeline\"], ['media', 'has slot', 'title'], ['year', 'has value', '2015'], ['track', 'has value', 'salam alaikum'], ['artist', 'has value', 'harris j'], ['media', 'has slot', 'genre'], ['title', 'has value', 'the art of self - defense'], ['2015', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['alarm', 'has slot', 'count'], ['alarm time', 'has value', '3 : 30 pm'], ['title', 'has value', 'rojo'], ['alarm', 'has slot', 'alarm time'], ['album', 'has value', 'salam'], ['genre', 'has value', 'suspense'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], [\"madeline ' s madeline\", 'refers to same concept as', 'madeline'], ['music', 'has slot', 'lookupmusic'], ['errands', 'has domain', 'alarm'], ['1', 'has domain', 'alarm']]\n", + "\n", + "dialogue id: sgd-test-3954\n", + "dialogue: \"user\": \"i have nothing to do for the next few hours . can you put on some music for me ?\"\n", + "\"system\": \"sure , i found 10 you might like . how about fortunately i met you by witwisit hiranyawongkul from the album quarter ?\"\n", + "\"user\": \"what year is that from and what genre ?\"\n", + "\"system\": \"it ' s a pop song from 2014 .\"\n", + "\"user\": \"ok , that sounds good .\"\n", + "\"system\": \"would you like me to play it ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"ok , anything else i can do then ?\"\n", + "\"user\": \"yeah , can you see if there are any good ghost movies online , or any movies with milo o ' shea ?\"\n", + "\"system\": \"sure , how about theatre of blood ?\"\n", + "\"user\": \"theatre of blood sounds good .\"\n", + "\"system\": \"do you want me to put it on ?\"\n", + "\"user\": \"no , not right now . can you go back and play that song you found actually ?\"\n", + "\"system\": \"sure , to confirm , you want to play fortunately i met you in the living room , is that right ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"your song is playing , enjoy !\"\n", + "\"user\": \"great , thanks ! can you also tell me what alarms i have set ?\"\n", + "\"system\": \"sure , you have an alarm for shopping at 5 pm .\"\n", + "\"user\": \"ok , any other ones ?\"\n", + "\"system\": \"no , there are no other alarms set right now . anything else i can do ?\"\n", + "\"user\": \"no , that ' s all . thanks .\"\n", + "\"system\": \"sure , thank you .\"\n", + "\n", + "terms: ['year', 'pop', 'music', 'ghost', 'shopping', 'theatre of blood', 'quarter', \"milo o ' shea\", 'genre', '5 pm', '2014', 'witwisit hiranyawongkul', 'fortunately i met you', 'living room', 'album', '10', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['alarm name', 'has value', 'shopping'], ['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['ghost', 'has domain', 'media'], ['alarm', 'has slot', 'getalarms'], ['2014', 'has domain', 'music'], ['fortunately i met you', 'has domain', 'music'], ['shopping', 'has domain', 'alarm'], ['media', 'has slot', 'starring'], ['starring', 'has value', \"milo o ' shea\"], ['music', 'has slot', 'count'], ['artist', 'has value', 'witwisit hiranyawongkul'], ['alarm', 'has slot', 'alarm name'], ['title', 'has value', 'theatre of blood'], ['year', 'has value', '2014'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['quarter', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], [\"milo o ' shea\", 'has domain', 'media'], ['music', 'has slot', 'artist'], ['track', 'has value', 'fortunately i met you'], ['music', 'has slot', 'track'], ['alarm time', 'has value', '5 pm'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['genre', 'has value', 'ghost'], ['music', 'has slot', 'device'], ['witwisit hiranyawongkul', 'has domain', 'music'], ['5 pm', 'has domain', 'alarm'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie'], ['album', 'has value', 'quarter'], ['theatre of blood', 'has domain', 'media'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3955\n", + "dialogue: \"user\": \"can you find me songs ?\"\n", + "\"system\": \"i found 10 options . how about pyramid by jake zyrus from his album charice ?\"\n", + "\"user\": \"yes , that ' s great . can you find me a movie too ? maybe a drama ?\"\n", + "\"system\": \"i found 10 options for you . how about a faithful man , after the wedding , or blinded by the light ?\"\n", + "\"user\": \"blinded by the light sounds great . can you play the song ?\"\n", + "\"system\": \"please confirm : play pyramid in living room .\"\n", + "\"user\": \"actually , cast it on the patio device .\"\n", + "\"system\": \"please confirm : play pyramid on the patio .\"\n", + "\"user\": \"yes , that ' s right . what ' s the genre ?\"\n", + "\"system\": \"it ' s a pop song .\"\n", + "\"user\": \"can you show my set alarms ?\"\n", + "\"system\": \"there ' s a 5 pm alarm called errands .\"\n", + "\"user\": \"okay , that ' s great . that ' ll be everything .\"\n", + "\"system\": \"thanks , have a nice day .\"\n", + "\n", + "terms: ['after the wedding', 'pop', 'play', 'drama', 'jake zyrus', 'errands', 'genre', '5 pm', 'pyramid', 'charice', 'patio', 'living room', '10', 'device', 'a faithful man', 'album', 'blinded by the light', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['artist', 'has value', 'jake zyrus'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['drama', 'refers to same concept as', 'play'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['album', 'has value', 'charice'], ['alarm name', 'has value', 'errands'], ['patio', 'has domain', 'music'], ['drama', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['pyramid', 'has domain', 'music'], ['charice', 'has domain', 'music'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['after the wedding', 'has domain', 'media'], ['a faithful man', 'has domain', 'media'], ['10', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['title', 'has value', 'a faithful man'], ['alarm time', 'has value', '5 pm'], ['title', 'has value', 'after the wedding'], ['blinded by the light', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['track', 'has value', 'pyramid'], ['5 pm', 'has domain', 'alarm'], ['music', 'has slot', 'lookupmusic'], ['errands', 'has domain', 'alarm'], ['title', 'has value', 'blinded by the light'], ['jake zyrus', 'has domain', 'music'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3956\n", + "dialogue: \"user\": \"i ' d like to look for some songs .\"\n", + "\"system\": \"i ' ve found 10 that may interest you . first , there ' s tough lover by christina aguilera from her album burlesque original motion picture soundtrack .\"\n", + "\"user\": \"what genre of music is it and when did it come out ?\"\n", + "\"system\": \"it ' s a soundtracks song from 2010 .\"\n", + "\"user\": \"do you have anything else ? i like niykee heaton and heard that starting over is good .\"\n", + "\"system\": \"there ' s 1 song that matches . it ' s mascara by niykee heaton from the album starting over .\"\n", + "\"user\": \"yes , that ' s it .\"\n", + "\"system\": \"do you want me to play it ?\"\n", + "\"user\": \"not right now . can you find good fantasy movies online ?\"\n", + "\"system\": \"i ' ve found 2 movies you may like . how about labyrinth or the lord of the rings : the return of the king ?\"\n", + "\"user\": \"the lord of the rings sounds good .\"\n", + "\"system\": \"what else can i do ?\"\n", + "\"user\": \"can you play that song ?\"\n", + "\"system\": \"okay . you want me to play mascara in the living room , right ?\"\n", + "\"user\": \"no , please put it on the speaker outside .\"\n", + "\"system\": \"alright . i ' ll play mascara on the patio .\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"okay . enjoy it !\"\n", + "\"user\": \"what alarms do i have ?\"\n", + "\"system\": \"you have 1 alarm right now . it ' s set for 4 : 30 pm and named event .\"\n", + "\"user\": \"okay , that ' s good .\"\n", + "\"system\": \"do you want to add another ?\"\n", + "\"user\": \"no , i don ' t need any more . that ' s all .\"\n", + "\"system\": \"thank you so much .\"\n", + "\n", + "terms: ['starting over', 'the lord of the rings', 'soundtracks', '2', 'christina aguilera', 'genre', 'event', 'the lord of the rings : the return of the king', '4 : 30 pm', 'music', '2010', 'labyrinth', 'burlesque original motion picture soundtrack', 'patio', 'living room', 'album', 'mascara', 'tough lover', 'fantasy', '10', 'niykee heaton', '1', 'alarm']\n", + "relations: [['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['track', 'has value', 'tough lover'], ['album', 'has value', 'starting over'], ['the lord of the rings : the return of the king', 'has domain', 'media'], ['alarm', 'has slot', 'getalarms'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['2', 'has domain', 'media'], ['soundtracks', 'has domain', 'music'], ['the lord of the rings : the return of the king', 'refers to same concept as', 'the lord of the rings'], ['music', 'has slot', 'count'], ['artist', 'has value', 'christina aguilera'], ['track', 'has value', 'mascara'], ['burlesque original motion picture soundtrack', 'has domain', 'music'], ['year', 'has value', '2010'], ['artist', 'has value', 'niykee heaton'], ['title', 'has value', 'labyrinth'], ['alarm', 'has slot', 'alarm name'], ['album', 'has value', 'burlesque original motion picture soundtrack'], ['title', 'has value', 'the lord of the rings : the return of the king'], ['christina aguilera', 'has domain', 'music'], ['fantasy', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['4 : 30 pm', 'has domain', 'alarm'], ['alarm name', 'has value', 'event'], ['alarm', 'has slot', 'addalarm'], ['starting over', 'has domain', 'music'], ['1', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['event', 'has domain', 'alarm'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['count', 'has value', '2'], ['genre', 'has value', 'soundtracks'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['tough lover', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['niykee heaton', 'has domain', 'music'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['the lord of the rings', 'has domain', 'media'], ['mascara', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['2010', 'has domain', 'music'], ['title', 'has value', 'the lord of the rings'], ['1', 'has domain', 'alarm'], ['alarm time', 'has value', '4 : 30 pm'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3957\n", + "dialogue: \"user\": \"please find some popular songs preferably of tyler shaw .\"\n", + "\"system\": \"do you like with you , 1 of tyler shaw ? it is from intuition .\"\n", + "\"user\": \"do you know if its of eight years ago ?\"\n", + "\"system\": \"it is 2018 song .\"\n", + "\"user\": \"the right one , thank you .\"\n", + "\"system\": \"shall i play it for you now .\"\n", + "\"user\": \"not now , thank you .\"\n", + "\"system\": \"do you need any other help ?\"\n", + "\"user\": \"can i enjoy movies online ?\"\n", + "\"system\": \"which type of movie will please you ?\"\n", + "\"user\": \"i prefer offbeat movies .\"\n", + "\"system\": \"1 such type movie is once upon a time in hollywood . do you like it ?\"\n", + "\"user\": \"once upon a time in hollywood is really great . now please play the song selected on any device .\"\n", + "\"system\": \"please ensure the request : playing with you in living room .\"\n", + "\"user\": \"please play it on kitchen device .\"\n", + "\"system\": \"please confirm that you asked for with you to be played in kitchen .\"\n", + "\"user\": \"yeah , thats it .\"\n", + "\"system\": \"it started , make your heart relaxed .\"\n", + "\"user\": \"one more favor , my alarms please .\"\n", + "\"system\": \"you have an alarm at 8 : 30 am to wake up .\"\n", + "\"user\": \"no more alarms .\"\n", + "\"system\": \"another one is at 4 : 30 pm titled piano time .\"\n", + "\"user\": \"fine , thanks for your help\"\n", + "\"system\": \"my pleasure , keep relaxed .\"\n", + "\n", + "terms: ['4 : 30 pm', 'popular', 'once upon a time', 'intuition', 'offbeat', '8 : 30 am', 'kitchen', 'alarm', 'one', 'wake up', 'living room', 'piano time', 'device', 'tyler shaw', '1', 'once upon a time in hollywood', 'with you', '2018']\n", + "relations: [['8 : 30 am', 'has domain', 'alarm'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['genre', 'has value', 'popular'], ['media', 'has slot', 'count'], ['wake up', 'has domain', 'alarm'], ['intuition', 'has domain', 'music'], ['piano time', 'has domain', 'alarm'], ['music', 'has slot', 'count'], ['2011', 'has domain', 'music'], ['alarm', 'has slot', 'alarm name'], ['alarm name', 'has value', 'wake up'], ['artist', 'has value', 'tyler shaw'], ['2018', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['kitchen', 'has domain', 'music'], ['once upon a time in hollywood', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['4 : 30 pm', 'has domain', 'alarm'], ['track', 'has value', 'with you'], ['1', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['alarm time', 'has value', '8 : 30 am'], ['title', 'has value', 'once upon a time in hollywood'], ['1', 'has domain', 'media'], ['media', 'has slot', 'title'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['year', 'has value', '2011'], ['alarm name', 'has value', 'piano time'], ['popular', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['tyler shaw', 'has domain', 'music'], ['year', 'has value', '2018'], ['genre', 'has value', 'offbeat'], ['1', 'refers to same concept as', 'one'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['with you', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['offbeat', 'has domain', 'media'], ['album', 'has value', 'intuition'], ['device', 'has value', 'dontcare'], ['alarm time', 'has value', '4 : 30 pm'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-3958\n", + "dialogue: \"user\": \"find me songs from three years ago from the album starboy .\"\n", + "\"system\": \"how about i feel it coming by the weeknd from the starboy album ?\"\n", + "\"user\": \"what sort of music is it ?\"\n", + "\"system\": \"it ' s a disco song .\"\n", + "\"user\": \"that ' s it . can you find some good movies online ?\"\n", + "\"system\": \"what sort of movies are you into ?\"\n", + "\"user\": \"bizarre story movies sound great .\"\n", + "\"system\": \"how about once upon a time in hollywood ?\"\n", + "\"user\": \"once upon a time is a good one . could you play the song you just found ?\"\n", + "\"system\": \"please confirm that you want to play the song i feel it coming in the living room .\"\n", + "\"user\": \"no , it should be cast on the patio device .\"\n", + "\"system\": \"okay so you want to play i feel it coming on patio ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"please enjoy .\"\n", + "\"user\": \"thanks . would you show me your alarms ?\"\n", + "\"system\": \"you have 1 alarm set at the moment . there ' s one for 9 : 30 am called catch bus .\"\n", + "\"user\": \"sounds good . that ' s it for now .\"\n", + "\"system\": \"thanks .\"\n", + "\n", + "terms: ['catch bus', 'music', 'starboy', 'the weeknd', 'one', 'device', '1', '9 : 30 am', 'patio', 'living room', 'disco', 'once upon a time', 'i feel it coming', 'album', 'once upon a time in hollywood', 'alarm']\n", + "relations: [['the weeknd', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['i feel it coming', 'has domain', 'music'], ['alarm', 'has slot', 'getalarms'], ['9 : 30 am', 'has domain', 'alarm'], ['title', 'has value', 'once upon a time'], ['catch bus', 'has domain', 'alarm'], ['device', 'has value', 'patio'], ['2016', 'has domain', 'music'], ['starboy', 'has domain', 'music'], ['alarm', 'has slot', 'alarm name'], ['album', 'has value', 'starboy'], ['disco', 'has domain', 'music'], ['once upon a time', 'has domain', 'media'], ['once upon a time in hollywood', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['year', 'has value', '2016'], ['artist', 'has value', 'the weeknd'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['alarm name', 'has value', 'catch bus'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['bizarre story', 'has domain', 'media'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['alarm', 'has slot', 'count'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['genre', 'has value', 'disco'], ['music', 'has slot', 'device'], ['genre', 'has value', 'bizarre story'], ['count', 'has value', '1'], ['music', 'has slot', 'lookupmusic'], ['alarm time', 'has value', '9 : 30 am'], ['1', 'has domain', 'alarm'], ['track', 'has value', 'i feel it coming']]\n", + "\n", + "dialogue id: sgd-test-3959\n", + "dialogue: \"user\": \"hi , could you help me search for some country songs please ?\"\n", + "\"system\": \"would you like to listen to a little bit stronger by sara evans in her album stronger ?\"\n", + "\"user\": \"are there any alternatives ? preferably from the album home state from 2017 .\"\n", + "\"system\": \"there are 2 songs which you might like , how about singles you up by jordan davis in his album home state ?\"\n", + "\"user\": \"are there any alternatives ? heard that current mood is great !\"\n", + "\"system\": \"there is 1 you may like , how about small town boy by dustin lynch in his album current mood ?\"\n", + "\"user\": \"yes , i was looking for that . could you get me an online drama movie featuring kulvinder ghir ?\"\n", + "\"system\": \"there is 1 you might like , how about blinded by the light ?\"\n", + "\"user\": \"blinded by the light sounds great to me !\"\n", + "\"system\": \"would you like me to play the movie ?\"\n", + "\"user\": \"no , that is not necessary .\"\n", + "\"system\": \"do you need any further assistance then ?\"\n", + "\"user\": \"how about playing the song you found just now on any device ?\"\n", + "\"system\": \"sure , please confirm your request to play small town boy in the living room .\"\n", + "\"user\": \"could you play it on the speaker outside instead ?\"\n", + "\"system\": \"sure , please confirm your request to play small town boy in patio .\"\n", + "\"user\": \"that is correct . thank you .\"\n", + "\"system\": \"your music has been played . enjoy !\"\n", + "\"user\": \"could you also show me my alarms please ?\"\n", + "\"system\": \"you currently have 1 active alarm at 3 pm titled busy .\"\n", + "\"user\": \"i see , great !\"\n", + "\"system\": \"do you need any further assistance ?\"\n", + "\"user\": \"no , that is all i need . thank you !\"\n", + "\"system\": \"have a great day ahead !\"\n", + "\n", + "terms: ['3 pm', '2', 'country', 'current mood', 'jordan davis', 'singles you up', 'kulvinder ghir', 'small town boy', 'music', 'stronger', '2017', 'home state', 'living room', 'patio', 'device', 'album', 'dustin lynch', 'a little bit stronger', 'play', 'sara evans', 'busy', 'drama', '1', 'blinded by the light', 'alarm']\n", + "relations: [['media', 'has slot', 'playmovie'], ['singles you up', 'has domain', 'music'], ['music', 'has slot', 'album'], ['track', 'has value', 'singles you up'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['stronger', 'has domain', 'music'], ['track', 'has value', 'small town boy'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['media', 'has slot', 'starring'], ['album', 'has value', 'stronger'], ['music', 'has slot', 'count'], ['home state', 'has domain', 'music'], ['alarm', 'has slot', 'alarm name'], ['drama', 'refers to same concept as', 'play'], ['genre', 'has value', 'country'], ['country', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['1', 'has domain', 'music'], ['a little bit stronger', 'has domain', 'music'], ['kulvinder ghir', 'has domain', 'media'], ['patio', 'has domain', 'music'], ['drama', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['sara evans', 'has domain', 'music'], ['count', 'has value', '2'], ['1', 'has domain', 'media'], ['genre', 'has value', 'drama'], ['media', 'has slot', 'title'], ['3 pm', 'has domain', 'alarm'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['artist', 'has value', 'dustin lynch'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['2017', 'has domain', 'music'], ['2', 'has domain', 'music'], ['busy', 'has domain', 'alarm'], ['album', 'has value', 'current mood'], ['blinded by the light', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['artist', 'has value', 'sara evans'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['small town boy', 'has domain', 'music'], ['dustin lynch', 'has domain', 'music'], ['alarm name', 'has value', 'busy'], ['music', 'has slot', 'lookupmusic'], ['track', 'has value', 'a little bit stronger'], ['jordan davis', 'has domain', 'music'], ['album', 'has value', 'home state'], ['device', 'has value', 'dontcare'], ['starring', 'has value', 'kulvinder ghir'], ['artist', 'has value', 'jordan davis'], ['title', 'has value', 'blinded by the light'], ['alarm time', 'has value', '3 pm'], ['1', 'has domain', 'alarm'], ['current mood', 'has domain', 'music'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-3960\n", + "dialogue: \"user\": \"i ' m in the mood to hear some music and dance , can you help me find some pop songs ?\"\n", + "\"system\": \"the first song on my list of 10 that i think you may like is titled acapella , from the albulm pulses , and by the artist karmin .\"\n", + "\"user\": \"was is released three years back .\"\n", + "\"system\": \"the description says it was released in the year 2013 .\"\n", + "\"user\": \"perfect , that sounds like just my style .\"\n", + "\"system\": \"should i go ahead and play the song for you ?\"\n", + "\"user\": \"not yet , maybe in a little while .\"\n", + "\"system\": \"was there something else i can do for you ?\"\n", + "\"user\": \"yes , what about movies ? i think i would also like t find a play movie that features micah stock .\"\n", + "\"system\": \"brittany runs a marathon fits that description .\"\n", + "\"user\": \"the movie brittany runs a marathon sounds good .\"\n", + "\"system\": \"is there anything else i can find for you ?\"\n", + "\"user\": \"yes , would you please play the song you previously found on the speaker outside ?\"\n", + "\"system\": \"so you want to hear acapella playing from the patio ?\"\n", + "\"user\": \"no , i changed my mind , play it from the living room instead please .\"\n", + "\"system\": \"okay , so you would like me to begin playing the song titled acapella in the living room ?\"\n", + "\"user\": \"yes , please and thank you !\"\n", + "\"system\": \"have fun .\"\n", + "\"user\": \"one more thing , can you tell me what alarms i have set at the moment ?\"\n", + "\"system\": \"i see here that you currently have 3 alarms set . the first is set for 8 am labeled running .\"\n", + "\"user\": \"okay , thank you !\"\n", + "\"system\": \"is there an alarm you would like me to add to the existing ones ?\"\n", + "\"user\": \"no , but thank you for asking . that is all i need for now .\"\n", + "\"system\": \"it was my pleasure .\"\n", + "\n", + "terms: ['year', 'micah stock', 'brittany runs a marathon', '8 am', 'pulses', 'running', '2013', 'music', 'artist', 'patio', 'living room', 'karmin', 'pop', 'play', 'acapella', '3', '10', 'three', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['genre', 'has value', 'play'], ['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['device', 'has value', 'patio'], ['brittany runs a marathon', 'has domain', 'media'], ['play', 'has domain', 'media'], ['2016', 'has domain', 'music'], ['alarm name', 'has value', 'running'], ['media', 'has slot', 'starring'], ['album', 'has value', 'pulses'], ['alarm time', 'has value', '8 am'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['2013', 'has domain', 'music'], ['artist', 'has value', 'karmin'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['micah stock', 'has domain', 'media'], ['alarm', 'has slot', 'addalarm'], ['year', 'has value', '2016'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['starring', 'has value', 'micah stock'], ['media', 'has slot', 'title'], ['karmin', 'has domain', 'music'], ['8 am', 'has domain', 'alarm'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'count'], ['track', 'has value', 'acapella'], ['running', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm time'], ['pulses', 'has domain', 'music'], ['music', 'has slot', 'genre'], ['acapella', 'has domain', 'music'], ['year', 'has value', '2013'], ['music', 'has slot', 'device'], ['device', 'has value', 'living room'], ['count', 'has value', '3'], ['3', 'has domain', 'alarm'], ['title', 'has value', 'brittany runs a marathon'], ['music', 'has slot', 'lookupmusic'], ['3', 'refers to same concept as', 'three'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3961\n", + "dialogue: \"user\": \"i want you to find me electropop songs by tove lo .\"\n", + "\"system\": \"this one is off the album lady wood by tove lo called cool girl how about that one ?\"\n", + "\"user\": \"i ' d love it , what are some good movies you can find online ?\"\n", + "\"system\": \"what genre would you like me to search for ?\"\n", + "\"user\": \"cartoon is my favorite right now .\"\n", + "\"system\": \"i have 2 suggestions , would you enjoy the angry birds movie 2 or perhaps toy story 4 ?\"\n", + "\"user\": \"i choose toy story 4 sound good .\"\n", + "\"system\": \"should i start the movie for you ?\"\n", + "\"user\": \"not right now may be later .\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"yes , cast the song i wanted to patio please .\"\n", + "\"system\": \"cast cool girl to patio correct ?\"\n", + "\"user\": \"no wait play it on the kitchen speaker i changed my mind\"\n", + "\"system\": \"alright that ' s cool girl in the kitchen correct ?\"\n", + "\"user\": \"yes i am sure of that\"\n", + "\"system\": \"may your listening bring you pleasure .\"\n", + "\"user\": \"hey , wait , what are my alarms ?\"\n", + "\"system\": \"there are 3 - wake up for 6 : 30 am is one .\"\n", + "\"user\": \"super just checking you can go now .\"\n", + "\"system\": \"enjoy yourself .\"\n", + "\n", + "terms: ['angry birds', '6 : 30 am', 'lady wood', 'kitchen', '3', 'tove lo', 'cool girl', '2', 'genre', 'wake up', 'electropop', 'toy story 4', 'patio', 'album', 'the angry birds movie 2']\n", + "relations: [['title', 'has value', 'the angry birds movie 2'], ['artist', 'has value', 'tove lo'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['media', 'has slot', 'count'], ['wake up', 'has domain', 'alarm'], ['device', 'has value', 'patio'], ['genre', 'has value', 'cartoon'], ['the angry birds movie 2', 'has domain', 'media'], ['2', 'has domain', 'media'], ['alarm', 'has slot', 'alarm name'], ['alarm name', 'has value', 'wake up'], ['title', 'has value', 'toy story 4'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['electropop', 'has domain', 'music'], ['lady wood', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['genre', 'has value', 'electropop'], ['count', 'has value', '2'], ['media', 'has slot', 'title'], ['tove lo', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['album', 'has value', 'lady wood'], ['alarm time', 'has value', '6 : 30 am'], ['alarm', 'has slot', 'count'], ['6 : 30 am', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm time'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['3', 'has domain', 'alarm'], ['count', 'has value', '3'], ['music', 'has slot', 'lookupmusic'], ['track', 'has value', 'cool girl'], ['cool girl', 'has domain', 'music'], ['toy story 4', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-3962\n", + "dialogue: \"user\": \"i want to hear rock - and - roll songs by thousand foot krutch .\"\n", + "\"system\": \"i have found 2 songs you may like by thousand foot krutch of their the end is where we begin album . would you like to hear be somebody ?\"\n", + "\"user\": \"when was that album released ?\"\n", + "\"system\": \"the album was released in 2012 .\"\n", + "\"user\": \"okay , that is the one i would like to hear . can you help me find some good cartoon movies featuring leslie jones ?\"\n", + "\"system\": \"how about the angry birds movie 2 ?\"\n", + "\"user\": \"yes , i would like to watch angry birds .\"\n", + "\"system\": \"did you want me to start the movie for you now ?\"\n", + "\"user\": \"no not right now , i would like to hear the song first on my patio speaker .\"\n", + "\"system\": \"you would like for me to play be somebody on your patio device correct ?\"\n", + "\"user\": \"yes please and thank you .\"\n", + "\"system\": \"i hope you enjoy the song .\"\n", + "\"user\": \"thank you , one more thing , can you show me my current alarms .\"\n", + "\"system\": \"i only see 1 alarm you have set for 11 am which saids catch bus .\"\n", + "\"user\": \"thanks for that . goodbye .\"\n", + "\"system\": \"good bye .\"\n", + "\n", + "terms: ['thousand foot krutch', 'angry birds', '11 am', 'cartoon', 'be somebody', 'alarm', '2', 'patio', 'the end is where we begin', 'leslie jones', 'catch bus', 'device', 'album', 'rock - and - roll', '2012', 'the angry birds movie 2']\n", + "relations: [['title', 'has value', 'the angry birds movie 2'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['11 am', 'has domain', 'alarm'], ['angry birds', 'has domain', 'media'], ['catch bus', 'has domain', 'alarm'], ['device', 'has value', 'patio'], ['2012', 'has domain', 'music'], ['year', 'has value', '2012'], ['genre', 'has value', 'cartoon'], ['media', 'has slot', 'starring'], ['the angry birds movie 2', 'has domain', 'media'], ['starring', 'has value', 'leslie jones'], ['artist', 'has value', 'thousand foot krutch'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['leslie jones', 'has domain', 'media'], ['album', 'has value', 'the end is where we begin'], ['patio', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['rock - and - roll', 'has domain', 'music'], ['count', 'has value', '2'], ['title', 'has value', 'angry birds'], ['alarm name', 'has value', 'catch bus'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['be somebody', 'has domain', 'music'], ['thousand foot krutch', 'has domain', 'music'], ['2', 'has domain', 'music'], ['alarm', 'has slot', 'alarm time'], ['track', 'has value', 'be somebody'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['genre', 'has value', 'rock - and - roll'], ['alarm time', 'has value', '11 am'], ['music', 'has slot', 'lookupmusic'], ['the end is where we begin', 'has domain', 'music'], ['media', 'has slot', 'playmovie'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-3963\n", + "dialogue: \"user\": \"search for me some songs .\"\n", + "\"system\": \"what is your opinion about the album the new classic by iggy azalea with song work .\"\n", + "\"user\": \"what type of music is this . in four years back has came out ?\"\n", + "\"system\": \"from 2013 and is a pop song .\"\n", + "\"user\": \"yes i like this one .\"\n", + "\"system\": \"you want to play this song ?\"\n", + "\"user\": \"no . not now maybe later .\"\n", + "\"system\": \"with something else i can help you ?\"\n", + "\"user\": \"you can find me some movies , i enjoy movies featuring patch darragh .\"\n", + "\"system\": \"what type of movies you like ?\"\n", + "\"user\": \"something dramatic story will be great .\"\n", + "\"system\": \"what do you think about brittany runs a marathon ?\"\n", + "\"user\": \"brittany runs a marathon sounds really good .\"\n", + "\"system\": \"you want to watch it now ?\"\n", + "\"user\": \"no . not now .\"\n", + "\"system\": \"can i still help you ?\"\n", + "\"user\": \"play in any device the song that you have found .\"\n", + "\"system\": \"play the song work in living room . is okay ?\"\n", + "\"user\": \"yes that ' s good .\"\n", + "\"system\": \"enjoy the music .\"\n", + "\"user\": \"show me my alarms , please .\"\n", + "\"system\": \"you have an alarm with name shuttle to work at 8 : 30 am .\"\n", + "\"user\": \"okay . that ' s all for now .\"\n", + "\"system\": \"thank you very much .\"\n", + "\n", + "terms: ['2013', 'pop', 'work', 'music', 'patch darragh', 'brittany runs a marathon', '8 : 30 am', 'dramatic story', 'the new classic', 'shuttle to work', 'living room', 'device', 'iggy azalea', 'album', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['8 : 30 am', 'has domain', 'alarm'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['alarm name', 'has value', 'shuttle to work'], ['dramatic story', 'has domain', 'media'], ['artist', 'has value', 'iggy azalea'], ['work', 'has domain', 'music'], ['the new classic', 'has domain', 'music'], ['brittany runs a marathon', 'has domain', 'media'], ['media', 'has slot', 'starring'], ['track', 'has value', 'work'], ['alarm', 'has slot', 'alarm name'], ['2013', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['starring', 'has value', 'patch darragh'], ['music', 'has slot', 'playmedia'], ['album', 'has value', 'the new classic'], ['music', 'has slot', 'year'], ['alarm time', 'has value', '8 : 30 am'], ['media', 'has slot', 'title'], ['year', 'has value', '2015'], ['patch darragh', 'has domain', 'media'], ['2015', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['iggy azalea', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['shuttle to work', 'has domain', 'alarm'], ['genre', 'has value', 'dramatic story'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['year', 'has value', '2013'], ['music', 'has slot', 'device'], ['title', 'has value', 'brittany runs a marathon'], ['music', 'has slot', 'lookupmusic'], ['media', 'has slot', 'playmovie'], ['device', 'has value', 'dontcare'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-3964\n", + "dialogue: \"user\": \"i would like to search for some songs to listen to .\"\n", + "\"system\": \"i found 10 songs for you , including stay by rihanna from the album unapologetic .\"\n", + "\"user\": \"what kind of music is it ?\"\n", + "\"system\": \"it is a pop song .\"\n", + "\"user\": \"ok , thank you for finding that .\"\n", + "\"system\": \"would you like to play the song now ?\"\n", + "\"user\": \"not yet , thanks .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"i want to look for a good movie . what are some movies online ?\"\n", + "\"system\": \"what kind of movies are you interested in ?\"\n", + "\"user\": \"i think i might watch a crime movie .\"\n", + "\"system\": \"there ' s 1 movie in that category , pulp fiction .\"\n", + "\"user\": \"pulp fiction is great , thanks .\"\n", + "\"system\": \"would you like to play the movie now ?\"\n", + "\"user\": \"not yet , thanks .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"yes , i ' m ready to play the song you found . please play it in the living room .\"\n", + "\"system\": \"you would like to play the song stay in the living room , is this right ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"enjoy the music !\"\n", + "\"user\": \"i think i should check my alarms .\"\n", + "\"system\": \"there is an alarm for 6 : 30 am with the name get up .\"\n", + "\"user\": \"ok , that ' s good . that ' s all , thank you .\"\n", + "\"system\": \"have a good evening !\"\n", + "\n", + "terms: ['crime', 'pop', 'music', '6 : 30 am', '1', 'unapologetic', 'stay', 'get up', 'rihanna', 'living room', '10', 'album', 'pulp fiction', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['crime', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['10', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['media', 'has slot', 'count'], ['stay', 'has domain', 'music'], ['10', 'refers to same concept as', 'ten'], ['music', 'has slot', 'count'], ['artist', 'has value', 'rihanna'], ['genre', 'has value', 'crime'], ['alarm', 'has slot', 'alarm name'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['get up', 'has domain', 'alarm'], ['album', 'has value', 'unapologetic'], ['pulp fiction', 'has domain', 'media'], ['music', 'has slot', 'playmedia'], ['media', 'has slot', 'title'], ['unapologetic', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['alarm time', 'has value', '6 : 30 am'], ['title', 'has value', 'pulp fiction'], ['6 : 30 am', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['alarm name', 'has value', 'get up'], ['rihanna', 'has domain', 'music'], ['music', 'has slot', 'lookupmusic'], ['1', 'has domain', 'media'], ['track', 'has value', 'stay'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3965\n", + "dialogue: \"user\": \"i would like to find a song to listen to please , something from ' 19 in the metal genre . the album the great war is supposed to be good , i hear .\"\n", + "\"system\": \"would you like to hear the song a ghost in the trenches which is from the sabaton album the great war ?\"\n", + "\"user\": \"i would , thank you .\"\n", + "\"system\": \"shall i play that song for you now ?\"\n", + "\"user\": \"no , not right now , thanks . i want to find a movie , too , please . i love an eccentric story and i ' d like something with inbal amirav , i think .\"\n", + "\"system\": \"would you like to see once upon a time in hollywood ?\"\n", + "\"user\": \"sure , once upon a time in hollywood would be terrific . would you mind playing that song now ?\"\n", + "\"system\": \"confirming playback of a ghost in the trenches on the living room speaker .\"\n", + "\"user\": \"sounds good , thank you .\"\n", + "\"system\": \"my pleasure , enjoy the song .\"\n", + "\"user\": \"may i see the alarms i have please ?\"\n", + "\"system\": \"there ' s an alarm named badminton which is at 9 am .\"\n", + "\"user\": \"excellent , thank you for your help .\"\n", + "\"system\": \"i ' m happy to help , have a nice day .\"\n", + "\n", + "terms: ['a ghost in the trenches', 'badminton', 'the great war', 'eccentric story', '9 am', 'genre', 'inbal amirav', 'living room', 'once upon a time', 'album', 'once upon a time in hollywood', 'metal', 'sabaton', 'alarm']\n", + "relations: [['a ghost in the trenches', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['alarm name', 'has value', 'badminton'], ['the great war', 'has domain', 'music'], ['year', 'has value', '2019'], ['metal', 'has domain', 'music'], ['media', 'has slot', 'starring'], ['9 am', 'has domain', 'alarm'], ['track', 'has value', 'a ghost in the trenches'], ['alarm', 'has slot', 'alarm name'], ['once upon a time in hollywood', 'has domain', 'media'], ['2019', 'has domain', 'music'], ['genre', 'has value', 'eccentric story'], ['living room', 'has domain', 'music'], ['music', 'has slot', 'playmedia'], ['starring', 'has value', 'inbal amirav'], ['music', 'has slot', 'year'], ['title', 'has value', 'once upon a time in hollywood'], ['media', 'has slot', 'title'], ['once upon a time in hollywood', 'refers to same concept as', 'once upon a time'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'metal'], ['music', 'has slot', 'track'], ['alarm', 'has slot', 'alarm time'], ['inbal amirav', 'has domain', 'media'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['alarm time', 'has value', '9 am'], ['badminton', 'has domain', 'alarm'], ['album', 'has value', 'the great war'], ['eccentric story', 'has domain', 'media'], ['artist', 'has value', 'sabaton'], ['music', 'has slot', 'lookupmusic'], ['sabaton', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-3966\n", + "dialogue: \"user\": \"i am looking for a song from ' 18 by jess glynne .\"\n", + "\"system\": \"there is 1 song called thursday by jess glynne from the album always in between .\"\n", + "\"user\": \"yes , that is the song i am looking for .\"\n", + "\"system\": \"do you want me to play it for you ?\"\n", + "\"user\": \"no , not now . maybe later .\"\n", + "\"system\": \"can i help you with anything else ?\"\n", + "\"user\": \"i want to watch movies featuring daria ekamasova online .\"\n", + "\"system\": \"what is the type of movies you want to watch ?\"\n", + "\"user\": \"i prefer comedy - drama movies .\"\n", + "\"system\": \"i found 1 movie called give me liberty .\"\n", + "\"user\": \"give me liberty sounds nice to me .\"\n", + "\"system\": \"would you like me to play it for you ?\"\n", + "\"user\": \"no , not now . i would like you to play the song you just found .\"\n", + "\"system\": \"please confirm : you want me to play thursday in living room .\"\n", + "\"user\": \"yes , that works for me .\"\n", + "\"system\": \"your music is playing . enjoy !\"\n", + "\"user\": \"can you tell me type of this music ?\"\n", + "\"system\": \"the type of music is pop .\"\n", + "\"user\": \"okay . thank you so much ! i want see my alarms .\"\n", + "\"system\": \"i found an alarm for 7 am with the name as breakfast .\"\n", + "\"user\": \"okay . that is all i need for now . thank you !\"\n", + "\"system\": \"i am glad i could help . have a nice day !\"\n", + "\n", + "terms: ['give me liberty', 'pop', 'music', 'daria ekamasova', '1', '7 am', 'breakfast', 'comedy - drama', 'thursday', 'living room', 'jess glynne', 'always in between', 'album', 'alarm']\n", + "relations: [['genre', 'has value', 'pop'], ['7 am', 'has domain', 'alarm'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['genre', 'has value', 'comedy - drama'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['track', 'has value', 'thursday'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['jess glynne', 'has domain', 'music'], ['2018', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['pop', 'has domain', 'music'], ['1', 'has domain', 'music'], ['starring', 'has value', 'daria ekamasova'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['daria ekamasova', 'has domain', 'media'], ['media', 'has slot', 'title'], ['1', 'has domain', 'media'], ['media', 'has slot', 'genre'], ['always in between', 'has domain', 'music'], ['music', 'has slot', 'artist'], ['year', 'has value', '2018'], ['music', 'has slot', 'track'], ['title', 'has value', 'give me liberty'], ['comedy - drama', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['alarm name', 'has value', 'breakfast'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['album', 'has value', 'always in between'], ['breakfast', 'has domain', 'alarm'], ['music', 'has slot', 'lookupmusic'], ['artist', 'has value', 'jess glynne'], ['media', 'has slot', 'playmovie'], ['give me liberty', 'has domain', 'media'], ['thursday', 'has domain', 'music'], ['alarm time', 'has value', '7 am']]\n", + "\n", + "dialogue id: sgd-test-3967\n", + "dialogue: \"user\": \"any songs you can recommend that i would enjoy listening to ?\"\n", + "\"system\": \"there are 10 songs you may like , how about grow as we go by ben platt , from his sing to me instead album .\"\n", + "\"user\": \"sounds perfect , thanks for the recommendation .\"\n", + "\"system\": \"shall i begin playing the song ?\"\n", + "\"user\": \"not right now , maybe later .\"\n", + "\"system\": \"will that be all that i can assist you for today ?\"\n", + "\"user\": \"actually can you find me a good movie to watch online , like a supernatural movie , and something with jeremy ray taylor\"\n", + "\"system\": \"i found 1 movie you may enjoy , would you be interested in it chapter two ?\"\n", + "\"user\": \"i think it chapter two sounds like a good movie to watch , however can you play the song you found earlier right now ?\"\n", + "\"system\": \"the song grow as we go will now begin playing in the living room .\"\n", + "\"user\": \"that is correct , thanks .\"\n", + "\"system\": \"the song is now playing , hope you enjoy it .\"\n", + "\"user\": \"was this song by any chance released six years back ?\"\n", + "\"system\": \"the song was actually released this year , it is a 2019 song .\"\n", + "\"user\": \"for this song , in which genre would it be classified as ?\"\n", + "\"system\": \"the song is considered a pop song .\"\n", + "\"user\": \"thanks , what alarms do i have active at the moment ?\"\n", + "\"system\": \"there are 3 alarms set , one is set for 3 pm and titled pick up kids .\"\n", + "\"user\": \"great , that is just what i needed , no further help is necessary .\"\n", + "\"system\": \"understood , enjoy the rest of your day .\"\n", + "\n", + "terms: ['year', 'pop', 'grow as we go', '3 pm', '3', '1', 'one', 'pick up kids', 'sing to me instead', 'genre', 'it chapter two', 'ben platt', 'living room', '2019', '10', 'album', 'supernatural']\n", + "relations: [['it chapter two', 'has domain', 'media'], ['genre', 'has value', 'pop'], ['10', 'has domain', 'music'], ['starring', 'has value', 'jeremy ray taylor'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['ben platt', 'has domain', 'music'], ['media', 'has slot', 'count'], ['10', 'refers to same concept as', 'ten'], ['jeremy ray taylor', 'has domain', 'media'], ['alarm name', 'has value', 'pick up kids'], ['media', 'has slot', 'starring'], ['year', 'has value', '2019'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['2013', 'has domain', 'music'], ['2019', 'has domain', 'music'], ['living room', 'has domain', 'music'], ['title', 'has value', 'it chapter two'], ['pop', 'has domain', 'music'], ['pick up kids', 'has domain', 'alarm'], ['music', 'has slot', 'playmedia'], ['grow as we go', 'has domain', 'music'], ['music', 'has slot', 'year'], ['album', 'has value', 'sing to me instead'], ['media', 'has slot', 'title'], ['artist', 'has value', 'ben platt'], ['3 pm', 'has domain', 'alarm'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['genre', 'has value', 'supernatural'], ['music', 'has slot', 'track'], ['sing to me instead', 'has domain', 'music'], ['1', 'refers to same concept as', 'one'], ['alarm', 'has slot', 'count'], ['alarm', 'has slot', 'alarm time'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['year', 'has value', '2013'], ['music', 'has slot', 'genre'], ['3', 'has domain', 'alarm'], ['count', 'has value', '3'], ['music', 'has slot', 'lookupmusic'], ['supernatural', 'has domain', 'media'], ['track', 'has value', 'grow as we go'], ['alarm time', 'has value', '3 pm'], ['1', 'has domain', 'media'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-test-3968\n", + "dialogue: \"user\": \"hi , could you help me search for some rock - and - roll songs please ?\"\n", + "\"system\": \"how about be somebody by thousand foot krutch from their album the end is where we begin ?\"\n", + "\"user\": \"yes , that was what i was looking for !\"\n", + "\"system\": \"would you like me to play the song for you ?\"\n", + "\"user\": \"perhaps later on . thanks .\"\n", + "\"system\": \"do you need any other help then ?\"\n", + "\"user\": \"are there any nice online movies i could watch ?\"\n", + "\"system\": \"any specific genre you are looking at ?\"\n", + "\"user\": \"some cartoon will be great .\"\n", + "\"system\": \"would you like to watch the angry birds movie 2 or toy story 4 ?\"\n", + "\"user\": \"the angry birds sounds perfect ! could you play the song you found just now ?\"\n", + "\"system\": \"please confirm your request to play be somebody in the living room .\"\n", + "\"user\": \"sorry , could you play it with the speaker in kitchen instead ?\"\n", + "\"system\": \"please confirm your request to play be somebody in the kitchen .\"\n", + "\"user\": \"yes , that is right .\"\n", + "\"system\": \"your song has been played . enjoy !\"\n", + "\"user\": \"thank you so much . could you show me my alarms please ?\"\n", + "\"system\": \"you have 1 active alarm at 4 : 30 pm titled piano time .\"\n", + "\"user\": \"i see , that is all i need . thank you !\"\n", + "\"system\": \"sure , have a pleasant day ahead .\"\n", + "\n", + "terms: ['4 : 30 pm', 'thousand foot krutch', 'angry birds', 'the angry birds', 'kitchen', 'cartoon', 'be somebody', 'alarm', '1', 'genre', 'toy story 4', 'the end is where we begin', 'living room', 'piano time', 'album', 'rock - and - roll', 'the angry birds movie 2']\n", + "relations: [['title', 'has value', 'the angry birds movie 2'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['genre', 'has value', 'cartoon'], ['the angry birds movie 2', 'has domain', 'media'], ['artist', 'has value', 'thousand foot krutch'], ['piano time', 'has domain', 'alarm'], ['alarm', 'has slot', 'alarm name'], ['title', 'has value', 'toy story 4'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['album', 'has value', 'the end is where we begin'], ['living room', 'has domain', 'music'], ['4 : 30 pm', 'has domain', 'alarm'], ['music', 'has slot', 'playmedia'], ['rock - and - roll', 'has domain', 'music'], ['media', 'has slot', 'title'], ['alarm name', 'has value', 'piano time'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['be somebody', 'has domain', 'music'], ['thousand foot krutch', 'has domain', 'music'], ['the angry birds', 'has domain', 'media'], ['alarm', 'has slot', 'count'], ['alarm', 'has slot', 'alarm time'], ['track', 'has value', 'be somebody'], ['device', 'has value', 'living room'], ['music', 'has slot', 'genre'], ['music', 'has slot', 'device'], ['count', 'has value', '1'], ['genre', 'has value', 'rock - and - roll'], ['title', 'has value', 'the angry birds'], ['music', 'has slot', 'lookupmusic'], ['the end is where we begin', 'has domain', 'music'], ['toy story 4', 'has domain', 'media'], ['1', 'has domain', 'alarm'], ['alarm time', 'has value', '4 : 30 pm'], ['the angry birds movie 2', 'refers to same concept as', 'angry birds'], ['cartoon', 'has domain', 'media']]\n", + "\n", + "dialogue id: sgd-test-3969\n", + "dialogue: \"user\": \"i would like to find songs . i heard raees is good .\"\n", + "\"system\": \"i found 1 called laila main laila by pavni pandey from raees .\"\n", + "\"user\": \"good , also a movie .\"\n", + "\"system\": \"what type of movie ?\"\n", + "\"user\": \"a fantasy movie with natalie finland\"\n", + "\"system\": \"there is 1 called labyrinth .\"\n", + "\"user\": \"ok , labyrinth is good .\"\n", + "\"system\": \"would you like to watch it now ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"can i help with anything else ?\"\n", + "\"user\": \"can you play that song on any device ?\"\n", + "\"system\": \"confirming playing laila main laila in the living room .\"\n", + "\"user\": \"actually , play it is the kitchen .\"\n", + "\"system\": \"ok , confirming playing laila main laila in the kitchen .\"\n", + "\"user\": \"what kind of music is it an is it from 2014 ?\"\n", + "\"system\": \"it is a south asia song from 2017 .\"\n", + "\"user\": \"what alarms do i have ?\"\n", + "\"system\": \"you have 3 and one titled shuttle to work at 9 : 30 am .\"\n", + "\"user\": \"ok , that ' s good .\"\n", + "\"system\": \"thank you .\"\n", + "\n", + "terms: ['music', 'kitchen', 'pavni pandey', '2017', '3', 'labyrinth', 'one', 'south asia', '9 : 30 am', 'shuttle to work', 'fantasy', 'laila main laila', 'living room', '2014', 'device', 'raees', '1']\n", + "relations: [['pavni pandey', 'has domain', 'music'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['alarm', 'has slot', 'getalarms'], ['alarm name', 'has value', 'shuttle to work'], ['2014', 'has domain', 'music'], ['9 : 30 am', 'has domain', 'alarm'], ['south asia', 'has domain', 'music'], ['media', 'has slot', 'count'], ['media', 'has slot', 'starring'], ['music', 'has slot', 'count'], ['alarm', 'has slot', 'alarm name'], ['title', 'has value', 'labyrinth'], ['natalie finland', 'has domain', 'media'], ['starring', 'has value', 'natalie finland'], ['year', 'has value', '2014'], ['kitchen', 'has domain', 'music'], ['device', 'has value', 'kitchen'], ['fantasy', 'has domain', 'media'], ['living room', 'has domain', 'music'], ['1', 'has domain', 'music'], ['raees', 'has domain', 'music'], ['album', 'has value', 'raees'], ['music', 'has slot', 'playmedia'], ['year', 'has value', '2017'], ['music', 'has slot', 'year'], ['labyrinth', 'has domain', 'media'], ['media', 'has slot', 'title'], ['media', 'has slot', 'genre'], ['genre', 'has value', 'fantasy'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['shuttle to work', 'has domain', 'alarm'], ['1', 'refers to same concept as', 'one'], ['alarm', 'has slot', 'count'], ['2017', 'has domain', 'music'], ['alarm', 'has slot', 'alarm time'], ['genre', 'has value', 'south asia'], ['device', 'has value', 'living room'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['music', 'has slot', 'genre'], ['3', 'has domain', 'alarm'], ['count', 'has value', '3'], ['artist', 'has value', 'pavni pandey'], ['track', 'has value', 'laila main laila'], ['music', 'has slot', 'lookupmusic'], ['alarm time', 'has value', '9 : 30 am'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie'], ['laila main laila', 'has domain', 'music'], ['device', 'has value', 'dontcare'], ['dontcare', 'has domain', 'music']]\n", + "\n", + "dialogue id: sgd-test-3970\n", + "dialogue: \"user\": \"hey , i ' m in the mood to listen to some pop songs from 2015 . double vision is supposed to be good .\"\n", + "\"system\": \"how about back it up by prince royce from the album double vision ?\"\n", + "\"user\": \"that ' s exactly what i ' m looking for . how about online movies ? play movies are what i ' m looking for , something featuring vincent andriano .\"\n", + "\"system\": \"i found 1 movie that you might like , how about blinded by the light ?\"\n", + "\"user\": \"blinded by the light is perfect .\"\n", + "\"system\": \"should i play the movie for you ?\"\n", + "\"user\": \"no , not at this time .\"\n", + "\"system\": \"anything else i can assist you with ?\"\n", + "\"user\": \"please play the song we just discussed on the speaker in patio .\"\n", + "\"system\": \"so you ' d like to listen to back it up in patio . is this correct ?\"\n", + "\"user\": \"yes , perfect .\"\n", + "\"system\": \"hope you enjoy your music .\"\n", + "\"user\": \"thanks ! also , can you show me my alarms ?\"\n", + "\"system\": \"you have 3 alarms set right now . there ' s one for 3 pm with the name pick up kids .\"\n", + "\"user\": \"okay perfect , thanks for your help .\"\n", + "\"system\": \"thank you very much .\"\n", + "\n", + "terms: ['back it up', 'pop', 'music', 'prince royce', 'play', '3 pm', 'vincent andriano', '3', '1', 'one', 'pick up kids', 'patio', '2015', 'double vision', 'album', 'blinded by the light']\n", + "relations: [['genre', 'has value', 'pop'], ['genre', 'has value', 'play'], ['music', 'has slot', 'album'], ['media', 'has slot', 'findmovies'], ['track', 'has value', 'back it up'], ['alarm', 'has slot', 'getalarms'], ['vincent andriano', 'has domain', 'media'], ['media', 'has slot', 'count'], ['device', 'has value', 'patio'], ['play', 'has domain', 'media'], ['alarm name', 'has value', 'pick up kids'], ['media', 'has slot', 'starring'], ['alarm', 'has slot', 'alarm name'], ['starring', 'has value', 'vincent andriano'], ['pop', 'has domain', 'music'], ['patio', 'has domain', 'music'], ['pick up kids', 'has domain', 'alarm'], ['music', 'has slot', 'playmedia'], ['music', 'has slot', 'year'], ['album', 'has value', 'double vision'], ['double vision', 'has domain', 'music'], ['media', 'has slot', 'title'], ['3 pm', 'has domain', 'alarm'], ['artist', 'has value', 'prince royce'], ['year', 'has value', '2015'], ['2015', 'has domain', 'music'], ['media', 'has slot', 'genre'], ['music', 'has slot', 'artist'], ['music', 'has slot', 'track'], ['1', 'refers to same concept as', 'one'], ['alarm', 'has slot', 'count'], ['back it up', 'has domain', 'music'], ['blinded by the light', 'has domain', 'media'], ['alarm', 'has slot', 'alarm time'], ['music', 'has slot', 'genre'], ['count', 'has value', '1'], ['music', 'has slot', 'device'], ['3', 'has domain', 'alarm'], ['count', 'has value', '3'], ['music', 'has slot', 'lookupmusic'], ['prince royce', 'has domain', 'music'], ['alarm time', 'has value', '3 pm'], ['title', 'has value', 'blinded by the light'], ['1', 'has domain', 'media'], ['media', 'has slot', 'playmovie']]\n", + "\n" + ] + } + ], + "source": [ + "check_dialogues_with_problematic_terms(\"media\", dialogue_term_dict[\"test\"])" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [], + "source": [ + "#label maps for the domains\n", + "\n", + "domain_labelmaps = {\n", + " \"restaurants\": [\"restaurant\"],\n", + " \"hotels\": [\"hotel\"],\n", + " \"homes\": [\"home\", \"house\", \"apartment\", \"property\"],\n", + " \"flights\": [\"flight\"],\n", + " \"trains\": [\"train\"],\n", + " \"buses\": [\"bus\"],\n", + " \"banks\": [\"bank\", \"balance\", \"account\"],\n", + " \"movies\": [\"movie\"],\n", + " \"services\": [\"service\", \"dentist\", \"practitioner\", \"physician\", \"stylist\", \"provider\"],\n", + " \"ridesharing\": [\"ride\"],\n", + " \"rentalcars\": [\"rental car\", \"car rental\", \"car\", \"rentalcar\"],\n", + " \"travel\": [\"travel\", \"trip\", \"vacation\", \"holiday\", \"event\", \"events\", \"attraction\", \"attractions\"],\n", + " \"messaging\": [\"message\", \"share\", \"send\"],\n", + " \"media\": [\"movie\", \"movies\"]\n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "splits = [\"train\", \"validation\", \"test\"]" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 16142/16142 [00:27<00:00, 586.02it/s] \n", + "100%|██████████| 2482/2482 [00:04<00:00, 611.66it/s] \n", + "100%|██████████| 4201/4201 [00:08<00:00, 521.39it/s] \n" + ] + } + ], + "source": [ + "#add them as refers to same relations to the dict\n", + "dialogue_term_dict_with_domain_labelmaps = {}\n", + "for split in splits:\n", + "\tdialogue_term_dict_with_domain_labelmaps[split] = {}\n", + "\tfor dial_id, dialogue in tqdm(dialogue_term_dict[split].items()):\n", + "\t\tdialogue_term_dict_with_domain_labelmaps[split][dial_id] = {}\n", + "\t\ttext = dialogue['text']\n", + "\t\tterms = dialogue['terms']\n", + "\t\trelations = dialogue['relational triplets']\n", + "\t\trelations_with_labelmaps = []\n", + "\t\tadditional_terms_with_labelmaps = set()\n", + "\t\tfor head, rel, tail in relations:\n", + "\t\t\t#check if the head or tail is in the labelmaps\n", + "\t\t\tif head in domain_labelmaps:\n", + "\t\t\t\tfor term in domain_labelmaps[head]:\n", + "\t\t\t\t\tif present_in_utterance(term, text):\n", + "\t\t\t\t\t\tadditional_terms_with_labelmaps.add(term)\n", + "\t\t\t\t\t\trelations_with_labelmaps.append((head, \"refers to same concept as\", term))\n", + "\t\t\tif tail in domain_labelmaps:\n", + "\t\t\t\tfor term in domain_labelmaps[tail]:\n", + "\t\t\t\t\tif present_in_utterance(term, text):\n", + "\t\t\t\t\t\tadditional_terms_with_labelmaps.add(term)\n", + "\t\t\t\t\t\trelations_with_labelmaps.append((tail, \"refers to same concept as\", term))\n", + "\t\t\t\n", + "\n", + "\t\tdialogue_term_dict_with_domain_labelmaps[split][dial_id]['text'] = text\n", + "\t\tdialogue_term_dict_with_domain_labelmaps[split][dial_id]['terms'] = list(set(list(terms) + list(additional_terms_with_labelmaps)))\n", + "\t\tdialogue_term_dict_with_domain_labelmaps[split][dial_id]['relational triplets'] = list(set(tuple(x) for x in relations_with_labelmaps + relations))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "#save the new multiwoz term dict\n", + "with open(\"./sgd_term_dict_with_domain_labelmaps.json\", \"w\") as f:\n", + "\tjson.dump(dialogue_term_dict_with_domain_labelmaps, f, indent=4)" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Next add label maps for slots" + ] + }, + { + "cell_type": "code", + "execution_count": 69, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "dialogue id: sgd-validation-207\n", + "dialogue: \"user\": \"i need a bus for my planned trip .\"\n", + "\"system\": \"what is your destination ? where are you leaving from and when ?\"\n", + "\"user\": \"the date is march 14th and the destination is sacramento . the departure is from las vegas .\"\n", + "\"system\": \"the bus leaves at 7 : 20 am and the ticket is $ 83 . it has 1 transfers .\"\n", + "\"user\": \"what is the departure bus station ?\"\n", + "\"system\": \"it ' s union plaza .\"\n", + "\"user\": \"it may work for me .\"\n", + "\"system\": \"may i offer you to buy the tickets on your behalf ?\"\n", + "\"user\": \"yes please , that would be awesome .\"\n", + "\"system\": \"how many do you need ?\"\n", + "\"user\": \"i need tickets for two people .\"\n", + "\"system\": \"read carefully the information in my possession and tell me if you agree with them . you want me to buy 2 tickets for a bus leaving from las vegas to sacramento . the date is march 14th at 7 : 20 am .\"\n", + "\"user\": \"yes , it is what i need .\"\n", + "\"system\": \"tickets are yours .\"\n", + "\"user\": \"i ' m thankful for your services , i don ' t need you anymore . bye\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['transfers', 'union plaza', 'march 14th', '7 : 20 am', '2', 'sacramento', '$ 83', 'two', '1', 'vegas', 'las vegas']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['to location', 'has value', 'sacramento'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '7 : 20 am'], ['7 : 20 am', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 14th', 'has domain', 'buses'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['buses', 'has slot', 'travelers'], ['$ 83', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['sacramento', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['union plaza', 'has domain', 'buses'], ['from location', 'has value', 'las vegas'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['fare', 'has value', '$ 83'], ['buses', 'has slot', 'from station'], ['las vegas', 'refers to same concept as', 'vegas'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-208\n", + "dialogue: \"user\": \"i need help finding a bus .\"\n", + "\"system\": \"where would you like to go ?\"\n", + "\"user\": \"i ' m planning to travel to sd\"\n", + "\"system\": \"please let me know your departure date and the city you plan to leave from .\"\n", + "\"user\": \"we are three people planning to leave from anaheim on march 3rd .\"\n", + "\"system\": \"among the 9 buses that i found is one that leaves at 6 am with 0 transfers , and costs $ 23 .\"\n", + "\"user\": \"sorry , there ' s been a last - minute change of plans , and we now want to head to nv . please find out whether there are other buses going to vegas .\"\n", + "\"system\": \"okay , no problem . i found a bus that costs $ 34 , and it departs at 12 : 30 pm and has 0 transfers .\"\n", + "\"user\": \"that won ' t work for me . please search for more options .\"\n", + "\"system\": \"how about the $ 41 bus with 0 transfers , leaving at 2 : 50 pm ?\"\n", + "\"user\": \"please confirm the origin and destination stations .\"\n", + "\"system\": \"you ' ll be leaving from anaheim intermodal center station and arriving at union plaza station\"\n", + "\"user\": \"that works for me . please reserve the bus .\"\n", + "\"system\": \"please confirm that you ' d like to purchase tickets for 3 people travelling on the anaheim to las vegas bus which leaves the day after tomorrow , at 2 : 50 pm .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"i have confirmed your ticket .\"\n", + "\"user\": \"thank you very much . you ' ve been very helpful .\"\n", + "\"system\": \"would you like help with anything else ?\"\n", + "\"user\": \"no , thank you very much for your help .\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['anaheim', '6 am', 'buses', '2 : 50 pm', '$ 23', 'anaheim intermodal center', 'vegas', '12 : 30 pm', 'union plaza', 'transfers', 'day after tomorrow', '3', '$ 41', '0', '$ 34', 'three', '9', 'march 3rd', 'las vegas']\n", + "relations: [['to location', 'has value', 'sd'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'union plaza'], ['leaving date', 'has value', 'march 3rd'], ['12 : 30 pm', 'has domain', 'buses'], ['las vegas', 'has domain', 'buses'], ['day after tomorrow', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['fare', 'has value', '$ 41'], ['vegas', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['2 : 50 pm', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'vegas'], ['leaving time', 'has value', '2 : 50 pm'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['sd', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['anaheim', 'has domain', 'buses'], ['leaving date', 'has value', 'day after tomorrow'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['$ 34', 'has domain', 'buses'], ['from station', 'has value', 'anaheim intermodal center'], ['buses', 'has slot', 'buybusticket'], ['6 am', 'has domain', 'buses'], ['fare', 'has value', '$ 23'], ['3', 'has domain', 'buses'], ['count', 'has value', '9'], ['union plaza', 'has domain', 'buses'], ['to location', 'has value', 'las vegas'], ['leaving time', 'has value', '6 am'], ['$ 41', 'has domain', 'buses'], ['fare', 'has value', '$ 34'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['march 3rd', 'has domain', 'buses'], ['9', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['anaheim intermodal center', 'has domain', 'buses'], ['leaving time', 'has value', '12 : 30 pm'], ['3', 'refers to same concept as', 'three'], ['las vegas', 'refers to same concept as', 'vegas'], ['$ 23', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-209\n", + "dialogue: \"user\": \"hmm . trains and planes are too expensive . i should probably just take a bus . can you find me one ? i want to leave on the 3rd of this month .\"\n", + "\"system\": \"sure . where are you headed to ? and what city are you departing from ?\"\n", + "\"user\": \"i ' m going from new york to philly .\"\n", + "\"system\": \"there are 7 buses available for that route . one of them leaves at 7 : 40 am and has 0 transfers . its ticket is $ 24 .\"\n", + "\"user\": \"$ 24 is a bit more expensive than i thought . can you find me a cheaper bus ? i need tickets for 4 people .\"\n", + "\"system\": \"there is another bus which costs just $ 19 . it leaves at 8 am and also has 0 transfers .\"\n", + "\"user\": \"which station does this bus leave from ? and which station does it go to ?\"\n", + "\"system\": \"it goes from port authority station to the intercity terminal .\"\n", + "\"user\": \"actually , i don ' t think we all need to go together . i ' ll go on march 9th instead . can you find me a bus for 2 which leaves then ?\"\n", + "\"system\": \"sure . there are 5 such buses . one leaves at 11 : 30 am . its ticket is $ 21 and its route has 0 transfers .\"\n", + "\"user\": \"that ' s perfect .\"\n", + "\"system\": \"should i purchase your tickets now ?\"\n", + "\"user\": \"nah , i ' m still not sure when i ' m going and with how many people , so i don ' t need the tickets now . thanks for your help .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['3rd of this month', 'buses', '7', '2', 'philly', '11 : 30 am', '$ 24', 'march 9th', '8 am', '7 : 40 am', 'new york', '$ 19', '5', '$ 21', 'transfers', 'intercity terminal', '4', '0', 'port authority station']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['3rd of this month', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 21'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['count', 'has value', '7'], ['from location', 'has value', 'new york'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'count'], ['fare', 'has value', '$ 19'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['$ 21', 'has domain', 'buses'], ['5', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['8 am', 'has domain', 'buses'], ['fare', 'has value', '$ 24'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'has domain', 'buses'], ['leaving date', 'has value', 'march 9th'], ['intercity terminal', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', '3rd of this month'], ['2', 'refers to same concept as', '$ 2'], ['to location', 'has value', 'philly'], ['$ 19', 'has domain', 'buses'], ['from station', 'has value', 'port authority station'], ['philly', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 40 am'], ['to station', 'has value', 'intercity terminal'], ['11 : 30 am', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['leaving time', 'has value', '11 : 30 am'], ['$ 24', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['buses', 'has slot', 'from station'], ['leaving time', 'has value', '8 am'], ['count', 'has value', '5'], ['7', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-210\n", + "dialogue: \"user\": \"help me in finding a bus\"\n", + "\"system\": \"please provide these details : when do want to leave , from where and where are you headed ?\"\n", + "\"user\": \"leaving for anaheim , ca on the 2nd from lax\"\n", + "\"system\": \"ok , a bus with 0 transfers departs at 7 am and costs $ 13\"\n", + "\"user\": \"is there anything else available ? i wanted to leave for san diego .\"\n", + "\"system\": \"ok , i have 10 buses and a bus with 0 transfers departs at 7 : 40 am and costs $ 28\"\n", + "\"user\": \"is there anything else available ? three people were leaving from fresno .\"\n", + "\"system\": \"a bus with 0 transfers departs at 6 am and costs $ 43\"\n", + "\"user\": \"which station will i reach ? and whats the departure station ?\"\n", + "\"system\": \"you leave form fresno station and arrive at santa fe depot .\"\n", + "\"user\": \"that is good\"\n", + "\"system\": \"should i buy the tickets ?\"\n", + "\"user\": \"no , not now\"\n", + "\"system\": \"any thing else ?\"\n", + "\"user\": \"no , thats it , thanks\"\n", + "\"system\": \"have a nice day !!\"\n", + "\n", + "terms: ['fresno station', 'transfers', '6 am', 'santa fe depot', 'three', 'anaheim , ca', 'fresno', 'buses', '7 am', '0', '7 : 40 am', '10', 'the 2nd', 'san diego']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['to station', 'has value', 'santa fe depot'], ['$ 28', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['to location', 'has value', 'anaheim , ca'], ['from location', 'has value', 'lax'], ['fresno', 'has domain', 'buses'], ['fare', 'has value', '$ 13'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'fresno'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['$ 13', 'has domain', 'buses'], ['7 : 40 am', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['anaheim , ca', 'has domain', 'buses'], ['the 2nd', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['$ 43', 'has domain', 'buses'], ['6 am', 'has domain', 'buses'], ['3', 'has domain', 'buses'], ['leaving time', 'has value', '7 am'], ['leaving time', 'has value', '6 am'], ['leaving time', 'has value', '7 : 40 am'], ['buses', 'has slot', 'transfers'], ['7 am', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['fare', 'has value', '$ 28'], ['lax', 'has domain', 'buses'], ['fare', 'has value', '$ 43'], ['leaving date', 'has value', 'the 2nd'], ['to location', 'has value', 'san diego'], ['3', 'refers to same concept as', 'three'], ['from station', 'has value', 'fresno station'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-211\n", + "dialogue: \"user\": \"i need a bus . can you help me find please ?\"\n", + "\"system\": \"tell me please where you want to go and from where . at what time would you agree to be ?\"\n", + "\"user\": \"i want to go from sf at vegas on 6th of this month .\"\n", + "\"system\": \"7 buses are available for you . first departs at 7 : 20 am and have 0 transfers that cost $ 50 . you can take it at 7 : 20 .\"\n", + "\"user\": \"looks fine for me .\"\n", + "\"system\": \"would you like to buy tickets for him ?\"\n", + "\"user\": \"book for four people .\"\n", + "\"system\": \"book 4 tickets at bus that leave at 7 : 20 am from san francisco to las vegas on next wednesday . i ' m right ?\"\n", + "\"user\": \"yes . tell me from what bus station i ' m leaving from and in witch station i am reaching .\"\n", + "\"system\": \"the ticket was bought . salesforce transit center is the origin station and the destination station is union plaza .\"\n", + "\"user\": \"thank you ! you have been of great help to me .\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['transfers', 'salesforce transit center', '$ 50', 'union plaza', '7 : 20 am', '7', 'buses', '4', '6th of this month', '0', 'sf', 'four', 'next wednesday', 'san francisco', 'vegas', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'union plaza'], ['leaving date', 'has value', 'next wednesday'], ['next wednesday', 'has domain', 'buses'], ['fare', 'has value', '$ 50'], ['from station', 'has value', 'salesforce transit center'], ['las vegas', 'has domain', 'buses'], ['count', 'has value', '7'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '7 : 20 am'], ['7 : 20 am', 'has domain', 'buses'], ['$ 50', 'has domain', 'buses'], ['vegas', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['to location', 'has value', 'vegas'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['4', 'has domain', 'buses'], ['from location', 'has value', 'sf'], ['buses', 'has slot', 'buybusticket'], ['sf', 'has domain', 'buses'], ['union plaza', 'has domain', 'buses'], ['leaving date', 'has value', '6th of this month'], ['to location', 'has value', 'las vegas'], ['buses', 'has slot', 'transfers'], ['6th of this month', 'has domain', 'buses'], ['from location', 'has value', 'san francisco'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['las vegas', 'refers to same concept as', 'vegas'], ['7', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-212\n", + "dialogue: \"user\": \"i need a bus ! please find one .\"\n", + "\"system\": \"where are you departing from ?\"\n", + "\"user\": \"i am leaving from san diego and traveling to long beach , ca .\"\n", + "\"system\": \"what day do you plan on leaving ?\"\n", + "\"user\": \"the 8th of march .\"\n", + "\"system\": \"i found 10 buses for you . one bus leaves at 8 : 20 am , costs $ 26 and has 0 transfers .\"\n", + "\"user\": \"sounds great !\"\n", + "\"system\": \"do you want to buy tickets ?\"\n", + "\"user\": \"yes i want to reserve tickets please .\"\n", + "\"system\": \"how many ?\"\n", + "\"user\": \"just 1 ticket .\"\n", + "\"system\": \"please confirm the following details : you will be leaving from san diego and arriving in long beach . this bus will leave next friday at 8 : 20 am . it is for 1 person .\"\n", + "\"user\": \"yes that ' s right . which bus station am i arriving in ? and where am i departing from ?\"\n", + "\"system\": \"your ticket is booked . you will be departing from santa fe depot and arriving in downtown station .\"\n", + "\"user\": \"thanks for the help .\"\n", + "\"system\": \"can i assist you with something else ?\"\n", + "\"user\": \"no , thanks for your help .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['8 : 20 am', 'transfers', 'next friday', 'long beach', 'one', 'long beach , ca', 'buses', '0', 'downtown station', '$ 26', '8th of march', '10', 'santa fe depot', '1', 'san diego']\n", + "relations: [['leaving date', 'has value', 'next friday'], ['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 26'], ['from station', 'has value', 'santa fe depot'], ['next friday', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', '8th of march'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['to station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['to location', 'has value', 'long beach , ca'], ['buses', 'has slot', 'buybusticket'], ['long beach , ca', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'long beach'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['8 : 20 am', 'has domain', 'buses'], ['downtown station', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['leaving time', 'has value', '8 : 20 am'], ['from location', 'has value', 'san diego'], ['8th of march', 'has domain', 'buses'], ['$ 26', 'has domain', 'buses'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-213\n", + "dialogue: \"user\": \"i need a bus !\"\n", + "\"system\": \"when do you want to leave ? and where are you leaving from and traveling to ?\"\n", + "\"user\": \"i want to leave on march 9th . i am traveling from philly to washington .\"\n", + "\"system\": \"one bus leaves at 7 : 30 am , has 0 transfers , and costs $ 28 .\"\n", + "\"user\": \"what else is available ?\"\n", + "\"system\": \"another bus leaves at 7 : 50 am , costs $ 29 , and has 0 transfers .\"\n", + "\"user\": \"is there anything else available ? i want to leave on tuesday next week . and can i get 4 tickets ?\"\n", + "\"system\": \"i found 6 buses for you . one bus leaves at 8 : 20 am , has 0 transfers , and costs $ 28 .\"\n", + "\"user\": \"what bus station am i leaving from and what is the destination station ?\"\n", + "\"system\": \"this bus leaves from intercity terminal and arrives in union station .\"\n", + "\"user\": \"sounds great . i want to use this bus !\"\n", + "\"system\": \"please confirm the following booking details : you want 4 tickets for the bus leaving philadelphia and arriving in washington . this bus leaves on next tuesday at 8 : 20 am .\"\n", + "\"user\": \"yes , that works .\"\n", + "\"system\": \"your ticket is booked .\"\n", + "\"user\": \"thank you !\"\n", + "\"system\": \"can i assist you with another task ?\"\n", + "\"user\": \"no , thanks for your help .\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['6', '8 : 20 am', 'transfers', 'tuesday next week', 'union station', 'philadelphia', 'washington', 'intercity terminal', '4', 'buses', '$ 29', 'philly', '0', '$ 28', '7 : 30 am', '7 : 50 am', 'next tuesday', 'march 9th']\n", + "relations: [['buses', 'has slot', 'to station'], ['leaving time', 'has value', '7 : 50 am'], ['7 : 50 am', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'tuesday next week'], ['buses', 'has slot', 'fare'], ['buses', 'has slot', 'count'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['to location', 'has value', 'washington'], ['6', 'has domain', 'buses'], ['next tuesday', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['leaving date', 'has value', 'next tuesday'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['tuesday next week', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'has domain', 'buses'], ['philadelphia', 'has domain', 'buses'], ['leaving date', 'has value', 'march 9th'], ['fare', 'has value', '$ 29'], ['intercity terminal', 'has domain', 'buses'], ['from location', 'has value', 'philadelphia'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'philly'], ['leaving time', 'has value', '7 : 30 am'], ['count', 'has value', '6'], ['philly', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['$ 29', 'has domain', 'buses'], ['8 : 20 am', 'has domain', 'buses'], ['from station', 'has value', 'intercity terminal'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['fare', 'has value', '$ 28'], ['leaving time', 'has value', '8 : 20 am'], ['philadelphia', 'refers to same concept as', 'philly'], ['7 : 30 am', 'has domain', 'buses'], ['$ 28', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-214\n", + "dialogue: \"user\": \"can you help me search for a bus ?\"\n", + "\"system\": \"where are you going ? where you will be leaving from ? when do you plan to leave ?\"\n", + "\"user\": \"i am leaving from anaheim , ca to sacramento , ca on march 8th .\"\n", + "\"system\": \"i found 10 buses . the bus departs at 6 : 40 am has 1 transfer and it costs $ 66 .\"\n", + "\"user\": \"are there any other buses available ? i planning to leave on 9th of this month .\"\n", + "\"system\": \"the bus departs at 8 am has 1 transfer and it costs $ 68 .\"\n", + "\"user\": \"are there any other buses available ?\"\n", + "\"system\": \"the bus departs at 8 : 40 am has 1 transfer and it costs $ 54 .\"\n", + "\"user\": \"what is the origin and destination of bus station ?\"\n", + "\"system\": \"the origin is anaheim intermodal center and destination station is sacramento valley station .\"\n", + "\"user\": \"yes . i want to reserve the bus\"\n", + "\"system\": \"how many tickets do you need ?\"\n", + "\"user\": \"it is for three people .\"\n", + "\"system\": \"please confirm . book 3 bus ticket from anaheim on march 9th at 8 : 40 am to sacramento .\"\n", + "\"user\": \"no it is for two people .\"\n", + "\"system\": \"please confirm . book 2 bus ticket from anaheim on march 9th at 8 : 40 am to sacramento .\"\n", + "\"user\": \"yes . please make reservation\"\n", + "\"system\": \"your ticket is confirmed .\"\n", + "\"user\": \"thank you . bye !\"\n", + "\"system\": \"see you again .\"\n", + "\n", + "terms: ['anaheim', '$ 68', '$ 66', '9th of this month', 'buses', 'sacramento valley station', '2', 'march 9th', '8 am', '8 : 40 am', 'anaheim intermodal center', 'sacramento', 'sacramento , ca', '$ 54', '3', 'anaheim , ca', '6 : 40 am', 'two', '10', 'three', '1', 'march 8th']\n", + "relations: [['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 68'], ['$ 66', 'has domain', 'buses'], ['to location', 'has value', 'sacramento'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'anaheim , ca'], ['leaving time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['8 : 40 am', 'has domain', 'buses'], ['march 9th', 'has domain', 'buses'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['sacramento , ca', 'has domain', 'buses'], ['to station', 'has value', 'sacramento valley station'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['8 am', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['fare', 'has value', '$ 66'], ['10', 'has domain', 'buses'], ['leaving date', 'has value', 'march 8th'], ['anaheim , ca', 'has domain', 'buses'], ['from station', 'has value', 'anaheim intermodal center'], ['sacramento', 'has domain', 'buses'], ['leaving date', 'has value', 'march 9th'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['9th of this month', 'has domain', 'buses'], ['to location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 40 am'], ['$ 68', 'has domain', 'buses'], ['6 : 40 am', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['fare', 'has value', '$ 54'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'anaheim'], ['leaving date', 'has value', '9th of this month'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['buses', 'has slot', 'from station'], ['anaheim intermodal center', 'has domain', 'buses'], ['leaving time', 'has value', '8 am'], ['3', 'refers to same concept as', 'three'], ['$ 54', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-215\n", + "dialogue: \"user\": \"can you find me a bus ?\"\n", + "\"system\": \"where are you departing from ?\"\n", + "\"user\": \"i am departing from sfo and arriving in los angeles .\"\n", + "\"system\": \"when do you want to leave ?\"\n", + "\"user\": \"march 12th .\"\n", + "\"system\": \"the bus leaves at 7 am , has 0 transfers and costs $ 51 .\"\n", + "\"user\": \"are there other buses available ? it is for 2 people and we are planning to leave on the 3rd of march .\"\n", + "\"system\": \"i have 9 buses for you . one departs at 7 : 40 am , has 0 transfers and costs $ 51 .\"\n", + "\"user\": \"which bus station am i arriving in ? and where am i leaving from ?\"\n", + "\"system\": \"the departing station is salesforce transit center and your destination is union station .\"\n", + "\"user\": \"sounds great !\"\n", + "\"system\": \"do you want to buy tickets ?\"\n", + "\"user\": \"no , not right now ?\"\n", + "\"system\": \"is there anything else i can assist you with ?\"\n", + "\"user\": \"no , thanks for the help .\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['transfers', '$ 51', 'los angeles', 'salesforce transit center', 'union station', 'buses', '7 am', '2', '0', '7 : 40 am', '3rd of march', 'sfo', '9']\n", + "relations: [['leaving date', 'has value', 'march 12th'], ['buses', 'has slot', 'to station'], ['2', 'has domain', 'buses'], ['leaving date', 'has value', '3rd of march'], ['travelers', 'has value', '2'], ['from station', 'has value', 'salesforce transit center'], ['from location', 'has value', 'sfo'], ['buses', 'has slot', 'leaving time'], ['3rd of march', 'has domain', 'buses'], ['$ 51', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['sfo', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['salesforce transit center', 'has domain', 'buses'], ['7 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'la'], ['count', 'has value', '9'], ['leaving time', 'has value', '7 am'], ['fare', 'has value', '$ 51'], ['march 12th', 'has domain', 'buses'], ['to location', 'has value', 'los angeles'], ['leaving time', 'has value', '7 : 40 am'], ['buses', 'has slot', 'transfers'], ['9', 'has domain', 'buses'], ['7 am', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-216\n", + "dialogue: \"user\": \"i need help finding a bus .\"\n", + "\"system\": \"to where ?\"\n", + "\"user\": \"to long beach , ca on the 14th of this month .\"\n", + "\"system\": \"departing from ?\"\n", + "\"user\": \"from sacramento , ca .\"\n", + "\"system\": \"there ' s a 7 : 40 am bus with 1 transfer for $ 65 .\"\n", + "\"user\": \"what stations does that go to and from ?\"\n", + "\"system\": \"leaving from sacramento valley station and arriving downtown station .\"\n", + "\"user\": \"sounds good , i want two tickets .\"\n", + "\"system\": \"please confirm : 2 tickets on 7 : 40 am bus on march 14th from sacramento to long beach .\"\n", + "\"user\": \"no , just 1 ticket .\"\n", + "\"system\": \"please confirm : 1 ticket on march 14th .\"\n", + "\"user\": \"that works .\"\n", + "\"system\": \"your ticket is booked .\"\n", + "\"user\": \"thanks , that ' s all i needed .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['$ 65', 'march 14th', 'long beach', '1', 'long beach , ca', 'sacramento valley station', '2', 'sacramento', '14th of this month', '7 : 40 am', 'downtown station', 'two', 'sacramento , ca']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['buses', 'has slot', 'to station'], ['$ 65', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['from location', 'has value', 'sacramento'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 14th', 'has domain', 'buses'], ['2', 'refers to same concept as', 'two'], ['leaving date', 'has value', '14th of this month'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['from station', 'has value', 'sacramento valley station'], ['sacramento', 'has domain', 'buses'], ['to station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['to location', 'has value', 'long beach , ca'], ['buses', 'has slot', 'buybusticket'], ['14th of this month', 'has domain', 'buses'], ['transfers', 'has value', '1'], ['long beach , ca', 'has domain', 'buses'], ['from location', 'has value', 'sacramento , ca'], ['to location', 'has value', 'long beach'], ['leaving time', 'has value', '7 : 40 am'], ['1', 'has domain', 'buses'], ['fare', 'has value', '$ 65'], ['buses', 'has slot', 'transfers'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['downtown station', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-217\n", + "dialogue: \"user\": \"could you find me a bus going to sacramento ?\"\n", + "\"system\": \"where will you leave from ?\"\n", + "\"user\": \"i will leave from san diego and will go to long beach , ca .\"\n", + "\"system\": \"when will you leave ?\"\n", + "\"user\": \"i will leave friday next week .\"\n", + "\"system\": \"the bus leaves at 8 : 20 am and is $ 26 . it has 0 transfers .\"\n", + "\"user\": \"what bus station will i depart from ?\"\n", + "\"system\": \"you will leave from santa fe depot .\"\n", + "\"user\": \"do you have anything else leaving from los angeles for three people ?\"\n", + "\"system\": \"there is a bus leaving at 6 : 30 am and costs $ 12 . it has 0 transfers .\"\n", + "\"user\": \"do you have anything else ?\"\n", + "\"system\": \"there is a bus leaving at 6 : 40 am that has 0 transfers . it costs $ 12 .\"\n", + "\"user\": \"what bus station will i get to ?\"\n", + "\"system\": \"it goes to the downtown station .\"\n", + "\"user\": \"okay , that is good . book it .\"\n", + "\"system\": \"could you confirm these details ? you want to book a ticket on a bus leaving from los angeles going to long beach . the bus leaves next friday at 6 : 40 am . you need 3 tickets . is this right ?\"\n", + "\"user\": \"yes that is perfect . what bus station will i leave from ?\"\n", + "\"system\": \"you will depart from union station . your reservation was a success .\"\n", + "\"user\": \"thank you for helping .\"\n", + "\"system\": \"could i assist with something else ?\"\n", + "\"user\": \"no , that is it .\"\n", + "\"system\": \"have a good one .\"\n", + "\n", + "terms: ['los angeles', 'friday next week', 'santa fe depot', 'san diego', 'union station', '$ 26', '8 : 20 am', 'sacramento', 'next friday', '$ 12', 'transfers', '6 : 30 am', 'long beach', '3', '6 : 40 am', 'long beach , ca', '0', 'downtown station', 'three']\n", + "relations: [['leaving date', 'has value', 'next friday'], ['friday next week', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 26'], ['from station', 'has value', 'santa fe depot'], ['to location', 'has value', 'sacramento'], ['next friday', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'from location'], ['fare', 'has value', '$ 12'], ['buses', 'has slot', 'leaving date'], ['from station', 'has value', 'union station'], ['leaving time', 'has value', '6 : 30 am'], ['$ 12', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['sacramento', 'has domain', 'buses'], ['to station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['6 : 30 am', 'has domain', 'buses'], ['to location', 'has value', 'long beach , ca'], ['buses', 'has slot', 'buybusticket'], ['3', 'has domain', 'buses'], ['long beach , ca', 'has domain', 'buses'], ['from location', 'has value', 'los angeles'], ['to location', 'has value', 'long beach'], ['6 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['8 : 20 am', 'has domain', 'buses'], ['downtown station', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['leaving time', 'has value', '8 : 20 am'], ['leaving date', 'has value', 'friday next week'], ['los angeles', 'has domain', 'buses'], ['from location', 'has value', 'san diego'], ['$ 26', 'has domain', 'buses'], ['3', 'refers to same concept as', 'three'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-218\n", + "dialogue: \"user\": \"i need to buy a bus ticket from san diego . just one person\"\n", + "\"system\": \"sure . where to ? what day do you wan to travel\"\n", + "\"user\": \"headed to san francisco on the 10th of this month\"\n", + "\"system\": \"there ' s a 0 transfer bus that departs at 7 : 40 am , it costs $ 52\"\n", + "\"user\": \"oh that ' s nice\"\n", + "\"system\": \"would you like to order tickets ?\"\n", + "\"user\": \"not right now thanks\"\n", + "\"system\": \"just let me know\"\n", + "\n", + "terms: ['one', '0', '7 : 40 am', 'san francisco', 'san diego']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', '10th of this month'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'san fran'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['buses', 'has slot', 'buybusticket'], ['fare', 'has value', '$ 52'], ['$ 52', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'san francisco'], ['leaving time', 'has value', '7 : 40 am'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['10th of this month', 'has domain', 'buses'], ['from location', 'has value', 'san diego'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-219\n", + "dialogue: \"user\": \"can you help me find a bus from sacramento , ca on march 4th ?\"\n", + "\"system\": \"where do you want to go .\"\n", + "\"user\": \"i ' m going to las vegas .\"\n", + "\"system\": \"i have found 10 buses . there is bus leaving at 7 : 30 am , it has 1 transfer and will cost $ 73 .\"\n", + "\"user\": \"what station does it arrive at ? which station does it leave from ?\"\n", + "\"system\": \"the bus leaves from sacramento valley station and arrives at union plaza .\"\n", + "\"user\": \"are there any other buses available ?\"\n", + "\"system\": \"there is bus leaving at 10 : 20 am , it has 1 transfer and will cost $ 70 .\"\n", + "\"user\": \"are there any other buses available . i want to leave on the 11th . the trip is for 1 person .\"\n", + "\"system\": \"i have found 8 buses . there is bus leaving at 10 : 40 am , it has 1 transfer and will cost $ 71 .\"\n", + "\"user\": \"that one sounds good .\"\n", + "\"system\": \"do you want to purchase tickets ?\"\n", + "\"user\": \"yes , i would like to buy tickets .\"\n", + "\"system\": \"please confirm : you want a ticket on the bus from sacramento to las vegas at 10 : 40 am on march 11th . the trip is for 1 person .\"\n", + "\"user\": \"yes , that is correct . what station does it arrive at ? which station does it leave from ?\"\n", + "\"system\": \"the bus leaves from sacramento valley station and arrives at union plaza .\"\n", + "\"user\": \"thank you , that is all i needed .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['march 11th', '10 : 40 am', 'buses', 'sacramento valley station', '10 : 20 am', 'march 4th', '$ 73', '7 : 30 am', 'vegas', 'union plaza', 'one', '8', 'sacramento', 'sacramento , ca', '$ 71', 'the 11th', '10', '1', '$ 70', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'union plaza'], ['las vegas', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['10 : 20 am', 'has domain', 'buses'], ['count', 'has value', '8'], ['leaving date', 'has value', 'march 11th'], ['buses', 'has slot', 'count'], ['$ 73', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['fare', 'has value', '$ 70'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['10 : 40 am', 'has domain', 'buses'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['buses', 'has slot', 'findbus'], ['10', 'has domain', 'buses'], ['from station', 'has value', 'sacramento valley station'], ['march 11th', 'has domain', 'buses'], ['$ 70', 'has domain', 'buses'], ['leaving date', 'has value', 'the 11th'], ['8', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['fare', 'has value', '$ 71'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['union plaza', 'has domain', 'buses'], ['from location', 'has value', 'sacramento , ca'], ['the 11th', 'has domain', 'buses'], ['to location', 'has value', 'las vegas'], ['1', 'refers to same concept as', 'one'], ['leaving time', 'has value', '7 : 30 am'], ['$ 71', 'has domain', 'buses'], ['leaving time', 'has value', '10 : 20 am'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['leaving time', 'has value', '10 : 40 am'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['march 4th', 'has domain', 'buses'], ['fare', 'has value', '$ 73'], ['buses', 'has slot', 'from station'], ['7 : 30 am', 'has domain', 'buses'], ['las vegas', 'refers to same concept as', 'vegas'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-220\n", + "dialogue: \"user\": \"i ' d like to book a bus reservation .\"\n", + "\"system\": \"when would you like to leave ?\"\n", + "\"user\": \"this is for one person on the 4th of this month\"\n", + "\"system\": \"sure , please tell me where to and where you ' re leaving from ?\"\n", + "\"user\": \"leaving la and to fresno .\"\n", + "\"system\": \"there ' s a bus i see that departs at 7 : 30 am and costs $ 33 with 0 transfers .\"\n", + "\"user\": \"what station does this leave from and which station will i arrive at ?\"\n", + "\"system\": \"you ' ll leave from union station and arrive at fresno station .\"\n", + "\"user\": \"what other buses are there ?\"\n", + "\"system\": \"there ' s another bus at 10 : 40 am with 0 transfers , for $ 31\"\n", + "\"user\": \"hmm , i need something else . i ' m leaving anaheim , ca on march 7th\"\n", + "\"system\": \"ok , i ' ve found 4 buses . there ' s one that leave at 6 : 40 am with 0 transfers that costs $ 40 .\"\n", + "\"user\": \"perfect , reserve this now .\"\n", + "\"system\": \"please confirm the following busing reservation : 1 ticket schedule for a bus that leaves anaheim at 6 : 40 am and due to arrive in fresno next thursday .\"\n", + "\"user\": \"correct , oh which bus station will i reach and what station is the departure ?\"\n", + "\"system\": \"confirmation complete , you ' ll be leaving anaheim intermodal center and reaching fresno station .\"\n", + "\"user\": \"thanks .\"\n", + "\"system\": \"may i assist you with anything else ?\"\n", + "\"user\": \"nope , thanks .\"\n", + "\"system\": \"have a great trip\"\n", + "\n", + "terms: ['anaheim', '10 : 40 am', 'fresno', 'buses', 'union station', '$ 40', 'la', '7 : 30 am', 'anaheim intermodal center', '$ 33', 'one', '1', 'fresno station', 'transfers', 'anaheim , ca', '6 : 40 am', '4', '0', 'next thursday']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['fare', 'has value', '$ 31'], ['from location', 'has value', 'la'], ['buses', 'has slot', 'leaving time'], ['fare', 'has value', '$ 33'], ['from location', 'has value', 'anaheim , ca'], ['fare', 'has value', '$ 40'], ['leaving time', 'has value', '6 : 40 am'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['$ 33', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'fresno'], ['union station', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['10 : 40 am', 'has domain', 'buses'], ['count', 'has value', '4'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['$ 31', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['anaheim , ca', 'has domain', 'buses'], ['from station', 'has value', 'anaheim intermodal center'], ['march 7th', 'has domain', 'buses'], ['la', 'has domain', 'buses'], ['4th of this month', 'has domain', 'buses'], ['$ 40', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['4', 'refers to same concept as', '$ 4'], ['leaving date', 'has value', 'march 7th'], ['1', 'refers to same concept as', 'one'], ['leaving time', 'has value', '7 : 30 am'], ['leaving date', 'has value', 'next thursday'], ['6 : 40 am', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['leaving time', 'has value', '10 : 40 am'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'from station'], ['leaving date', 'has value', '4th of this month'], ['anaheim intermodal center', 'has domain', 'buses'], ['7 : 30 am', 'has domain', 'buses'], ['to station', 'has value', 'fresno station'], ['next thursday', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-221\n", + "dialogue: \"user\": \"i need a bus to long beach , ca .\"\n", + "\"system\": \"when do you want to leave ?\"\n", + "\"user\": \"on the 13th from la .\"\n", + "\"system\": \"there is one with 0 transfers for $ 11 that leaves at 6 : 30 am .\"\n", + "\"user\": \"what are the bus stations ?\"\n", + "\"system\": \"leaving from union station to the downtown station .\"\n", + "\"user\": \"are there other choices for 3 people ?\"\n", + "\"system\": \"yes , there is one for $ 10 and 0 transfers at 6 : 40 am .\"\n", + "\"user\": \"any other choices ?\"\n", + "\"system\": \"there is a $ 12 bus with 0 transfers at 7 am .\"\n", + "\"user\": \"that is good .\"\n", + "\"system\": \"do you want to buy the tickets ?\"\n", + "\"user\": \"yes , i do .\"\n", + "\"system\": \"confirming 3 people from los angeles to long beach leaving at 7 am on march 13th ..\"\n", + "\"user\": \"yes , perfect for us .\"\n", + "\"system\": \"you are confirmed .\"\n", + "\"user\": \"where is the departure station ?\"\n", + "\"system\": \"it is union station .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"have a good trip .\"\n", + "\n", + "terms: ['march 13th', 'transfers', 'union station', 'los angeles', '6 : 30 am', 'the 13th', 'long beach', '3', 'la', '6 : 40 am', 'long beach , ca', '7 am', '$ 10', '$ 11', '0', 'downtown station', '$ 12']\n", + "relations: [['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 10'], ['from location', 'has value', 'la'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['fare', 'has value', '$ 12'], ['fare', 'has value', '$ 11'], ['leaving time', 'has value', '6 : 30 am'], ['$ 12', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['leaving date', 'has value', 'march 13th'], ['$ 11', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'the 13th'], ['la', 'has domain', 'buses'], ['to station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['6 : 30 am', 'has domain', 'buses'], ['to location', 'has value', 'long beach , ca'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['long beach , ca', 'has domain', 'buses'], ['leaving time', 'has value', '7 am'], ['from location', 'has value', 'los angeles'], ['to location', 'has value', 'long beach'], ['march 13th', 'has domain', 'buses'], ['6 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['downtown station', 'has domain', 'buses'], ['7 am', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['los angeles', 'has domain', 'buses'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['$ 10', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['the 13th', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-222\n", + "dialogue: \"user\": \"i need to take a trip by bus so i need help to look for one .\"\n", + "\"system\": \"when is your trip scheduled ?\"\n", + "\"user\": \"i ' ll leave this sunday and we ' re traveling in two .\"\n", + "\"system\": \"where are you departing from and what ' s your destination ?\"\n", + "\"user\": \"i ' m leaving from lax going to long beach , ca .\"\n", + "\"system\": \"there a bus leaving at 6 : 30 am and it has 0 transfers . the ticket ' s price is $ 11 .\"\n", + "\"user\": \"where is the bus station leaving from ?\"\n", + "\"system\": \"it will leave from union station .\"\n", + "\"user\": \"do i have more options ? the leaving city is fresno and the date is march 13th\"\n", + "\"system\": \"there ' s an option to leave at 9 : 50 am and it will cost you $ 40 . transfers are 0 .\"\n", + "\"user\": \"can you name more more options ?\"\n", + "\"system\": \"yes , there is this nus leaving at 12 : 30 pm and it will cost you $ 35 . transfers are 0 .\"\n", + "\"user\": \"what is the final bus station and what is the station i ' ll leave from ?\"\n", + "\"system\": \"you ' ll leave from fresno station and you ' ll reach downtown station .\"\n", + "\"user\": \"it ' s okay with me .\"\n", + "\"system\": \"i may buy the tickets , if you want .\"\n", + "\"user\": \"yes , please , you would save me some time .\"\n", + "\"system\": \"okay then , you just have to tell me if the info i have are correct . you want to buy 2 tickets on the bus leaving from fresno on march 13th at 12 : 30 pm to reach long beach .\"\n", + "\"user\": \"yes , correct .\"\n", + "\"system\": \"tickets are reserved .\"\n", + "\"user\": \"i thank you so much , you helped me a great deal .\"\n", + "\"system\": \"i can help you some more , if you want .\"\n", + "\"user\": \"no , it ' s enough .\"\n", + "\"system\": \"bye bye !\"\n", + "\n", + "terms: ['lax', 'fresno', '2', 'march 13th', '9 : 50 am', 'union station', '$ 40', '12 : 30 pm', 'this sunday', '$ 11', '$ 35', 'fresno station', 'transfers', '6 : 30 am', 'long beach', 'long beach , ca', '0', 'downtown station', 'two']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['12 : 30 pm', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['leaving date', 'has value', 'this sunday'], ['buses', 'has slot', 'leaving time'], ['9 : 50 am', 'has domain', 'buses'], ['fare', 'has value', '$ 40'], ['from location', 'has value', 'lax'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['fare', 'has value', '$ 11'], ['leaving time', 'has value', '6 : 30 am'], ['from location', 'has value', 'fresno'], ['union station', 'has domain', 'buses'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving time', 'has value', '9 : 50 am'], ['leaving date', 'has value', 'march 13th'], ['$ 11', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['$ 40', 'has domain', 'buses'], ['to station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['6 : 30 am', 'has domain', 'buses'], ['this sunday', 'has domain', 'buses'], ['to location', 'has value', 'long beach , ca'], ['buses', 'has slot', 'buybusticket'], ['long beach , ca', 'has domain', 'buses'], ['march 13th', 'has domain', 'buses'], ['to location', 'has value', 'long beach'], ['buses', 'has slot', 'transfers'], ['downtown station', 'has domain', 'buses'], ['fare', 'has value', '$ 35'], ['buses', 'has slot', 'from station'], ['lax', 'has domain', 'buses'], ['leaving time', 'has value', '12 : 30 pm'], ['$ 35', 'has domain', 'buses'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['buses', 'has slot', 'fare'], ['from station', 'has value', 'fresno station']]\n", + "\n", + "dialogue id: sgd-validation-223\n", + "dialogue: \"user\": \"can you find me a bus ?\"\n", + "\"system\": \"sure . can you give me your departure and arrival cities ? also , can you give me your travel dates ?\"\n", + "\"user\": \"i am leaving from anaheim , ca on the 3rd of march . i am traveling to sfo .\"\n", + "\"system\": \"i found 6 buses . the 8 am departure has 0 transfers and costs $ 48 .\"\n", + "\"user\": \"are there any other buses ?\"\n", + "\"system\": \"there is a 10 : 10 am departure with 0 transfers . it costs $ 47 .\"\n", + "\"user\": \"what are the departure and arrival stations ?\"\n", + "\"system\": \"the bus departs from the anaheim intermodal center and arrives at the salesforce transit center .\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"do you want to purchase tickets for this bus ?\"\n", + "\"user\": \"yes , please .\"\n", + "\"system\": \"how many tickets do you want me to buy ?\"\n", + "\"user\": \"i need 2 tickets .\"\n", + "\"system\": \"confirming that you want 2 tickets for the 10 : 10 am bus from anaheim to san francisco , departing the day after tomorrow .\"\n", + "\"user\": \"yes , that works .\"\n", + "\"system\": \"your tickets are confirmed .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"no problem . can i help you with anything else ?\"\n", + "\"user\": \"no , that is all . thank you .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['6', 'transfers', 'salesforce transit center', '10 : 10 am', 'anaheim', 'day after tomorrow', 'anaheim , ca', 'buses', '2', '0', '$ 47', '3rd of march', '$ 48', 'sfo', 'anaheim intermodal center', 'san francisco', '8 am']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'salesforce transit center'], ['2', 'has domain', 'buses'], ['leaving date', 'has value', '3rd of march'], ['to location', 'has value', 'sfo'], ['travelers', 'has value', '2'], ['day after tomorrow', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['3rd of march', 'has domain', 'buses'], ['from location', 'has value', 'anaheim , ca'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'count'], ['leaving time', 'has value', '10 : 10 am'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['6', 'has domain', 'buses'], ['fare', 'has value', '$ 47'], ['sfo', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['8 am', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['10 : 10 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'day after tomorrow'], ['anaheim , ca', 'has domain', 'buses'], ['from station', 'has value', 'anaheim intermodal center'], ['buses', 'has slot', 'buybusticket'], ['fare', 'has value', '$ 48'], ['$ 48', 'has domain', 'buses'], ['count', 'has value', '6'], ['to location', 'has value', 'san francisco'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'from station'], ['anaheim intermodal center', 'has domain', 'buses'], ['$ 47', 'has domain', 'buses'], ['leaving time', 'has value', '8 am'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-224\n", + "dialogue: \"user\": \"i need to find a bus to vegas to 4\"\n", + "\"system\": \"when are you going to leave ?\"\n", + "\"user\": \"i want to go on the 13th of this month\"\n", + "\"system\": \"where are you going from ?\"\n", + "\"user\": \"i want to go from sacramento\"\n", + "\"system\": \"i have 10 buses , the first goes at 7 : 30 am and has 1 transfer . it will cost $ 64\"\n", + "\"user\": \"that ' s good , please reserve a ticket\"\n", + "\"system\": \"please confirm : ticket from sacramento to las vegas , on march 13th at 7 : 30 am for 4 people .\"\n", + "\"user\": \"that ' s great , which station am i going to and from\"\n", + "\"system\": \"the bus goes from sacramento valley station to union plaza , ticket has been booked .\"\n", + "\"user\": \"thanks , that ' s all i need\"\n", + "\"system\": \"have a really nice day\"\n", + "\n", + "terms: ['march 13th', 'union plaza', '4', 'buses', 'sacramento valley station', 'sacramento', '7 : 30 am', '10', '1', 'vegas', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'union plaza'], ['las vegas', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['vegas', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'vegas'], ['buses', 'has slot', 'to location'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 13th'], ['buses', 'has slot', 'findbus'], ['10', 'has domain', 'buses'], ['from station', 'has value', 'sacramento valley station'], ['4', 'has domain', 'buses'], ['leaving date', 'has value', '13th of this month'], ['13th of this month', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['$ 64', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['union plaza', 'has domain', 'buses'], ['to location', 'has value', 'las vegas'], ['march 13th', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 30 am'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['fare', 'has value', '$ 64'], ['7 : 30 am', 'has domain', 'buses'], ['las vegas', 'refers to same concept as', 'vegas'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-225\n", + "dialogue: \"user\": \"can you find me a bus on the 9th .\"\n", + "\"system\": \"where will you leave from and what will be the destination ?\"\n", + "\"user\": \"i will be leaving from lax to sd .\"\n", + "\"system\": \"there are 10 buses suitable to you , one bus departs at 7 : 40 am with 0 transfer and the ticket costs $ 21 .\"\n", + "\"user\": \"okay . that sounds good to me .\"\n", + "\"system\": \"would you like me to buy tickets for you ?\"\n", + "\"user\": \"yes , please book tickets for me .\"\n", + "\"system\": \"how many tickets would you like me to book ?\"\n", + "\"user\": \"please buy 3 tickets .\"\n", + "\"system\": \"please confirm : you want me to buy 3 tickets from los angeles to san diego for march 9th at 7 : 40 am .\"\n", + "\"user\": \"yes , that sounds great to me . which station will i board and where will i get off ?\"\n", + "\"system\": \"your ticket is successfully booked and confirmed . you will board at union station and the destination is santa fe depot .\"\n", + "\"user\": \"that will be all . thank you .\"\n", + "\"system\": \"i am glad i could help . have a nice day .\"\n", + "\n", + "terms: ['los angeles', 'lax', 'union station', 'santa fe depot', '3', 'buses', 'sd', '0', '7 : 40 am', 'the 9th', '$ 21', '10', 'march 9th', 'san diego']\n", + "relations: [['to location', 'has value', 'sd'], ['fare', 'has value', '$ 21'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'santa fe depot'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'lax'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['$ 21', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['the 9th', 'has domain', 'buses'], ['sd', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['leaving date', 'has value', 'the 9th'], ['leaving date', 'has value', 'march 9th'], ['buses', 'has slot', 'buybusticket'], ['3', 'has domain', 'buses'], ['san diego', 'refers to same concept as', 'sd'], ['los angeles', 'refers to same concept as', 'lax'], ['from location', 'has value', 'los angeles'], ['leaving time', 'has value', '7 : 40 am'], ['buses', 'has slot', 'transfers'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['lax', 'has domain', 'buses'], ['to location', 'has value', 'san diego'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-226\n", + "dialogue: \"user\": \"i need to get a bus ticket .\"\n", + "\"system\": \"when are you leaving ?\"\n", + "\"user\": \"on the 13th . i ' m going to san francisco .\"\n", + "\"system\": \"where are you coming from ?\"\n", + "\"user\": \"from san diego .\"\n", + "\"system\": \"i ' ve found 6 possible results for you . this one leaves at 7 : 40 am and has 0 transfers . it costs $ 50 .\"\n", + "\"user\": \"what station does it stop at ?\"\n", + "\"system\": \"the destination is salesforce transit center .\"\n", + "\"user\": \"and what station am i leaving from ?\"\n", + "\"system\": \"that will be santa fe depot .\"\n", + "\"user\": \"okay , sounds good .\"\n", + "\"system\": \"shall i book tickets ?\"\n", + "\"user\": \"yes , i need 4 .\"\n", + "\"system\": \"okay , please confirm : 4 tickets to san francisco from san diego . it leaves at 7 : 40 am on march 13th .\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"the tickets have been confirmed .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"is there anything else you need ?\"\n", + "\"user\": \"no , that ' s it .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['6', 'march 13th', 'transfers', 'salesforce transit center', '$ 50', 'the 13th', '4', '0', '7 : 40 am', 'santa fe depot', 'san francisco', 'san diego']\n", + "relations: [['buses', 'has slot', 'to station'], ['from station', 'has value', 'santa fe depot'], ['to station', 'has value', 'salesforce transit center'], ['fare', 'has value', '$ 50'], ['buses', 'has slot', 'leaving time'], ['$ 50', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['6', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 13th'], ['7 : 40 am', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'the 13th'], ['4', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['march 13th', 'has domain', 'buses'], ['count', 'has value', '6'], ['to location', 'has value', 'san francisco'], ['leaving time', 'has value', '7 : 40 am'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['from location', 'has value', 'san diego'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['the 13th', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-227\n", + "dialogue: \"user\": \"can you find me a bus ?\"\n", + "\"system\": \"sure . can you give me a few more details .\"\n", + "\"user\": \"i will be leaving from new york and travelling to philadelphia . i want to leave this sunday .\"\n", + "\"system\": \"i ' ve got 7 possible matches for you . this one departs at 7 : 40 am and has 0 transfers . it costs $ 24 .\"\n", + "\"user\": \"this sounds good . can you get me a ticket please ?\"\n", + "\"system\": \"how many tickets ?\"\n", + "\"user\": \"just the 1 .\"\n", + "\"system\": \"okay , please confirm : 1 ticket for philadelphia leaving from new york . it leaves the day after tomorrow at 7 : 40 am .\"\n", + "\"user\": \"that ' s right . what bus station does it arrive at ?\"\n", + "\"system\": \"your ticket has been booked . you ' ll arrive at intercity terminal .\"\n", + "\"user\": \"that ' s great , thanks .\"\n", + "\"system\": \"is there anything else i can do for you today ?\"\n", + "\"user\": \"no , that ' s all , thanks .\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['transfers', 'philadelphia', 'day after tomorrow', 'intercity terminal', '1', '7', 'this sunday', 'one', '0', '7 : 40 am', '$ 24', 'new york']\n", + "relations: [['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['leaving date', 'has value', 'this sunday'], ['count', 'has value', '7'], ['day after tomorrow', 'has domain', 'buses'], ['from location', 'has value', 'new york'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'count'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['fare', 'has value', '$ 24'], ['leaving date', 'has value', 'day after tomorrow'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['to location', 'has value', 'philadelphia'], ['philadelphia', 'has domain', 'buses'], ['intercity terminal', 'has domain', 'buses'], ['this sunday', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['1', 'refers to same concept as', 'one'], ['leaving time', 'has value', '7 : 40 am'], ['to station', 'has value', 'intercity terminal'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['$ 24', 'has domain', 'buses'], ['7', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-228\n", + "dialogue: \"user\": \"can you help in searching bus for one people .\"\n", + "\"system\": \"which place you are going ?\"\n", + "\"user\": \"i like to go to vegas .\"\n", + "\"system\": \"when do you decided to leave ?\"\n", + "\"user\": \"i am leaving on thursday next week .\"\n", + "\"system\": \"from which place you are leaving ?\"\n", + "\"user\": \"from sfo i am leaving .\"\n", + "\"system\": \"the bus cost is $ 55 and departs at 7 : 20 am . it has 0 transfers .\"\n", + "\"user\": \"can i get any other bus ? i am leaving on march 13th from anaheim , ca .\"\n", + "\"system\": \"there is a 4 buses for you . the bus has 0 transfers , departs at 12 : 30 pm and ticket cost is $ 39 .\"\n", + "\"user\": \"what is the name of the bus station am i reaching ?\"\n", + "\"system\": \"the bus station is union plaza .\"\n", + "\"user\": \"what is the name of the bus station i am leaving ?\"\n", + "\"system\": \"i am starting from anaheim intermodal center\"\n", + "\"user\": \"that is perfect and i want to book the ticket .\"\n", + "\"system\": \"please give confirmation details : the bus leaving from anaheim station and destination is las vegas . the bus leaves at 12 : 30 pm and it is reserved for 1 people on march 13th .\"\n", + "\"user\": \"yes this is perfect for me .\"\n", + "\"system\": \"your booking is confirmed\"\n", + "\"user\": \"thank you very much for your help\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"no , thanks you very much\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['march 13th', '12 : 30 pm', 'transfers', '$ 55', 'anaheim', 'thursday next week', 'union plaza', '7 : 20 am', 'anaheim , ca', '$ 39', 'buses', '4', 'one', '0', 'sfo', '1', 'vegas', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'union plaza'], ['$ 39', 'has domain', 'buses'], ['12 : 30 pm', 'has domain', 'buses'], ['las vegas', 'has domain', 'buses'], ['from location', 'has value', 'sfo'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '7 : 20 am'], ['7 : 20 am', 'has domain', 'buses'], ['from location', 'has value', 'anaheim , ca'], ['vegas', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'vegas'], ['leaving date', 'has value', 'thursday next week'], ['sfo', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['count', 'has value', '4'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['leaving date', 'has value', 'march 13th'], ['anaheim', 'has domain', 'buses'], ['thursday next week', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['anaheim , ca', 'has domain', 'buses'], ['from station', 'has value', 'anaheim intermodal center'], ['4', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['fare', 'has value', '$ 55'], ['fare', 'has value', '$ 39'], ['union plaza', 'has domain', 'buses'], ['to location', 'has value', 'las vegas'], ['1', 'refers to same concept as', 'one'], ['march 13th', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'from station'], ['anaheim intermodal center', 'has domain', 'buses'], ['leaving time', 'has value', '12 : 30 pm'], ['$ 55', 'has domain', 'buses'], ['las vegas', 'refers to same concept as', 'vegas'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-229\n", + "dialogue: \"user\": \"i want you to find me a bus , if possible\"\n", + "\"system\": \"where you want to go and when ?\"\n", + "\"user\": \"i am planning to go from lax on saturday this week .\"\n", + "\"system\": \"where you are going ?\"\n", + "\"user\": \"in las vegas , we ' ll leave three people .\"\n", + "\"system\": \"the bus with 0 transfers cost $ 39 and departs at 7 : 40 am .\"\n", + "\"user\": \"i am reaching in witch bus station ?\"\n", + "\"system\": \"your destination station will be in union plaza .\"\n", + "\"user\": \"any other buses you can find me ?\"\n", + "\"system\": \"yes with 0 transfers that departs at 12 : 30 pm and cost $ 37 .\"\n", + "\"user\": \"sound good for me .\"\n", + "\"system\": \"you want to buy tickets ?\"\n", + "\"user\": \"yes please reserve me .\"\n", + "\"system\": \"book 3 tickets for bus that leaves from los angeles to las vegas tomorrow at 12 : 30 pm . is that correct ?\"\n", + "\"user\": \"yes . i am reaching at which bus station and from what station i am leaving from ?\"\n", + "\"system\": \"ticket is confirmed . union station is the origin station and destination is union plaza .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"can i do anything else for you ?\"\n", + "\"user\": \"no . thank you !\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['12 : 30 pm', 'transfers', 'los angeles', 'lax', 'tomorrow', 'union station', 'union plaza', '3', '$ 39', 'saturday this week', 'buses', '0', '$ 37', '7 : 40 am', 'three', 'vegas', 'las vegas']\n", + "relations: [['fare', 'has value', '$ 37'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'union plaza'], ['$ 39', 'has domain', 'buses'], ['12 : 30 pm', 'has domain', 'buses'], ['las vegas', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'lax'], ['tomorrow', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['buses', 'has slot', 'buybusticket'], ['3', 'has domain', 'buses'], ['fare', 'has value', '$ 39'], ['union plaza', 'has domain', 'buses'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'las vegas'], ['from location', 'has value', 'los angeles'], ['leaving time', 'has value', '7 : 40 am'], ['buses', 'has slot', 'transfers'], ['saturday this week', 'has domain', 'buses'], ['$ 37', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['lax', 'has domain', 'buses'], ['leaving time', 'has value', '12 : 30 pm'], ['leaving date', 'has value', 'saturday this week'], ['3', 'refers to same concept as', 'three'], ['las vegas', 'refers to same concept as', 'vegas'], ['leaving date', 'has value', 'tomorrow'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-230\n", + "dialogue: \"user\": \"please help me find a march 2nd bus to san francisco .\"\n", + "\"system\": \"please tell me your origin city .\"\n", + "\"user\": \"i ' ll be departing from san diego .\"\n", + "\"system\": \"your search has yielded 6 buses . how about taking the bus departing at 7 : 40 am with 0 transfers , for $ 51 ?\"\n", + "\"user\": \"sorry , there ' s been a change of plans , so please search for other available buses for a group of four , leaving on march 6th .\"\n", + "\"system\": \"okay , no problem . there are 5 buses available . there ' s a bus departing at 10 am , with 0 stops . a ticket will cost $ 52 .\"\n", + "\"user\": \"sorry , i now want to leave from long beach , ca to fresno . please find out if there are any other buses .\"\n", + "\"system\": \"there ' s a bus departing 11 : 10 am with 0 transfers . the ticket price is $ 35 .\"\n", + "\"user\": \"what ' s the destination station , and which bus station will i be leaving from ?\"\n", + "\"system\": \"you ' ll be leaving from downtown station and will arrive at fresno station .\"\n", + "\"user\": \"i like that . please reserve the bus .\"\n", + "\"system\": \"let me see if i got everything correctly : you ' d like 4 bus tickets for the next wednesday bus leaving long beach at 11 : 10 am , headed to fresno .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"i have confirmed your ticket .\"\n", + "\"user\": \"thank you very much . you ' ve been very helpful . that will be all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['fresno', 'buses', 'march 6th', '$ 52', 'san diego', '6', '7 : 40 am', 'march 2nd', '$ 51', '5', 'four', '$ 35', '11 : 10 am', 'next wednesday', 'fresno station', 'transfers', 'long beach', '4', 'long beach , ca', '0', 'downtown station', 'san francisco', '10 am']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['leaving date', 'has value', 'next wednesday'], ['5', 'refers to same concept as', '$ 5'], ['next wednesday', 'has domain', 'buses'], ['march 2nd', 'has domain', 'buses'], ['10 am', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'march 6th'], ['$ 51', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['5', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['6', 'has domain', 'buses'], ['to location', 'has value', 'fresno'], ['leaving time', 'has value', '11 : 10 am'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving time', 'has value', '10 am'], ['7 : 40 am', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'san fran'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['march 6th', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['from station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['from location', 'has value', 'long beach , ca'], ['buses', 'has slot', 'buybusticket'], ['fare', 'has value', '$ 52'], ['leaving date', 'has value', 'march 2nd'], ['$ 52', 'has domain', 'buses'], ['long beach , ca', 'has domain', 'buses'], ['fare', 'has value', '$ 51'], ['san diego', 'refers to same concept as', 'sd'], ['count', 'has value', '6'], ['to location', 'has value', 'san francisco'], ['leaving time', 'has value', '7 : 40 am'], ['from location', 'has value', 'long beach'], ['buses', 'has slot', 'transfers'], ['downtown station', 'has domain', 'buses'], ['11 : 10 am', 'has domain', 'buses'], ['fare', 'has value', '$ 35'], ['travelers', 'has value', '4'], ['buses', 'has slot', 'from station'], ['from location', 'has value', 'san diego'], ['count', 'has value', '5'], ['to station', 'has value', 'fresno station'], ['$ 35', 'has domain', 'buses'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-231\n", + "dialogue: \"user\": \"i would like to travel on a bus on the 14th of this month .\"\n", + "\"system\": \"what city are you traveling to ?\"\n", + "\"user\": \"i am going to long beach , ca .\"\n", + "\"system\": \"what city are you leaving ?\"\n", + "\"user\": \"i am traveling from sacramento .\"\n", + "\"system\": \"there is a bus leaving at 7 : 40 am with 1 transfer and the ticket costs $ 65 .\"\n", + "\"user\": \"is there a bus going to las vegas with 2 seats available ?\"\n", + "\"system\": \"there is a bus leaving at 7 : 30 am with 1 transfer that costs $ 67 .\"\n", + "\"user\": \"is there a bus with four seats available ?\"\n", + "\"system\": \"there are 9 buses including one leaving at 10 : 20 am with 1 transfer that costs $ 69 .\"\n", + "\"user\": \"i would like to purchase a ticket for that bus .\"\n", + "\"system\": \"please confirm you want 4 tickets on the bus traveling from sacramento to las vegas on march 14th at 10 : 20 am .\"\n", + "\"user\": \"that is perfect .\"\n", + "\"system\": \"the ticket has been purchased .\"\n", + "\"user\": \"which bus stations is it departing from and arriving to ?\"\n", + "\"system\": \"the bus leaves sacramento valley station and arrives at union plaza .\"\n", + "\"user\": \"thank you , that will be all .\"\n", + "\"system\": \"see you soon !\"\n", + "\n", + "terms: ['buses', '2', 'sacramento valley station', '10 : 20 am', '$ 65', '7 : 40 am', '7 : 30 am', 'vegas', 'union plaza', 'march 14th', '$ 69', 'one', 'sacramento', 'four', '$ 67', '4', 'long beach , ca', '14th of this month', '9', '1', 'las vegas']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'union plaza'], ['$ 65', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['10 : 20 am', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 14th', 'has domain', 'buses'], ['leaving date', 'has value', '14th of this month'], ['buses', 'has slot', 'to location'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['from station', 'has value', 'sacramento valley station'], ['4', 'refers to same concept as', 'four'], ['4', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['to location', 'has value', 'long beach , ca'], ['buses', 'has slot', 'buybusticket'], ['14th of this month', 'has domain', 'buses'], ['transfers', 'has value', '1'], ['count', 'has value', '9'], ['long beach , ca', 'has domain', 'buses'], ['$ 67', 'has domain', 'buses'], ['union plaza', 'has domain', 'buses'], ['to location', 'has value', 'las vegas'], ['fare', 'has value', '$ 69'], ['1', 'refers to same concept as', 'one'], ['leaving time', 'has value', '7 : 30 am'], ['leaving time', 'has value', '10 : 20 am'], ['leaving time', 'has value', '7 : 40 am'], ['1', 'has domain', 'buses'], ['fare', 'has value', '$ 65'], ['buses', 'has slot', 'transfers'], ['fare', 'has value', '$ 67'], ['9', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['7 : 30 am', 'has domain', 'buses'], ['las vegas', 'refers to same concept as', 'vegas'], ['$ 69', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-232\n", + "dialogue: \"user\": \"i need to find a bus .\"\n", + "\"system\": \"when would you like to leave ?\"\n", + "\"user\": \"leaving on the 2nd of march from vegas .\"\n", + "\"system\": \"where would you like to go ?\"\n", + "\"user\": \"i want to go to fresno .\"\n", + "\"system\": \"ok , there is a bus with 0 transfers leaving at 7 : 10 am for $ 44 .\"\n", + "\"user\": \"great , please reserve it .\"\n", + "\"system\": \"how many tickets ?\"\n", + "\"user\": \"there are four people .\"\n", + "\"system\": \"confirming 4 tickets from las vegas to fresno leaving tomorrow at 7 : 10 am .\"\n", + "\"user\": \"good , which station ?\"\n", + "\"system\": \"the tickets are reserved . the station is union plaza .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"can i do anything else ?\"\n", + "\"user\": \"no , thanks avain .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['transfers', 'tomorrow', 'union plaza', 'fresno', '4', '7 : 10 am', '0', '$ 44', '2nd of march', 'vegas', 'las vegas']\n", + "relations: [['las vegas', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['buses', 'has slot', 'leaving time'], ['7 : 10 am', 'has domain', 'buses'], ['vegas', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['tomorrow', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['to location', 'has value', 'fresno'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'has domain', 'buses'], ['$ 44', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['4', 'refers to same concept as', '$ 4'], ['union plaza', 'has domain', 'buses'], ['2nd of march', 'has domain', 'buses'], ['from location', 'has value', 'las vegas'], ['leaving time', 'has value', '7 : 10 am'], ['fare', 'has value', '$ 44'], ['buses', 'has slot', 'transfers'], ['leaving date', 'has value', '2nd of march'], ['travelers', 'has value', '4'], ['buses', 'has slot', 'from station'], ['las vegas', 'refers to same concept as', 'vegas'], ['leaving date', 'has value', 'tomorrow'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-233\n", + "dialogue: \"user\": \"i will be having a trip so i need your help to search for a bus .\"\n", + "\"system\": \"can you please tell me where you will be going and from where you will start your trip ? when are you planning to begin your trip ?\"\n", + "\"user\": \"i will be starting my trip from vegas to fresno and the date of my departure should be 5th of march . i will need tickets for three people .\"\n", + "\"system\": \"i see that 10 buses suit with what you need . the bus you want , leaves at 7 : 10 am and it will be costing you $ 39 . the bus trip has 0 transfers .\"\n", + "\"user\": \"can you tell me the name of the bus station from where the bus leaves , and the name of the bus station where i will be arriving ?\"\n", + "\"system\": \"the bus station of your departure is union plaza and the arrival station will be fresno station .\"\n", + "\"user\": \"can you tell me if some other buses are available ?\"\n", + "\"system\": \"there is another bus which departs at 7 : 50 am and it will be costing you $ 36 . also it is a bus trip with 0 transfers .\"\n", + "\"user\": \"can you check if some other buses are available ? i will be leaving on 4th of march .\"\n", + "\"system\": \"the bus you looking for will depart at 11 : 20 am and it will cost you $ 38 . this bus has 0 transfers .\"\n", + "\"user\": \"that seems nice . i want to make a booking for this bus .\"\n", + "\"system\": \"can you please confirm that you want to have tickets for 3 people for a bus leaving from las vegas to fresno , and the bus will leave next monday at 11 : 20 am .\"\n", + "\"user\": \"that suits me well . can you tell me the name of the bus station where i will be leaving from ?\"\n", + "\"system\": \"your ticket has been booked , the bus station from where your bus starts the trip is union plaza .\"\n", + "\"user\": \"can you tell me the name of bus station where i will be arriving ?\"\n", + "\"system\": \"the bus station where you will arrive is fresno station .\"\n", + "\"user\": \"i appreciate your help very much . that would be all .\"\n", + "\"system\": \"have a good time !\"\n", + "\n", + "terms: ['11 : 20 am', 'fresno', 'buses', 'three', '4th of march', 'vegas', '5th of march', 'union plaza', '$ 39', '7 : 50 am', 'fresno station', 'transfers', '$ 36', '3', '7 : 10 am', '0', '10', 'next monday', '$ 38', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 50 am'], ['7 : 50 am', 'has domain', 'buses'], ['$ 39', 'has domain', 'buses'], ['las vegas', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['fare', 'has value', '$ 36'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'next monday'], ['7 : 10 am', 'has domain', 'buses'], ['leaving time', 'has value', '11 : 20 am'], ['vegas', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['to location', 'has value', 'fresno'], ['5th of march', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['leaving date', 'has value', '5th of march'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['11 : 20 am', 'has domain', 'buses'], ['$ 38', 'has domain', 'buses'], ['4th of march', 'has domain', 'buses'], ['fare', 'has value', '$ 38'], ['buses', 'has slot', 'buybusticket'], ['next monday', 'has domain', 'buses'], ['3', 'has domain', 'buses'], ['fare', 'has value', '$ 39'], ['union plaza', 'has domain', 'buses'], ['from location', 'has value', 'las vegas'], ['leaving time', 'has value', '7 : 10 am'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['3', 'refers to same concept as', 'three'], ['las vegas', 'refers to same concept as', 'vegas'], ['to station', 'has value', 'fresno station'], ['leaving date', 'has value', '4th of march'], ['$ 36', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-234\n", + "dialogue: \"user\": \"get me a bus please .\"\n", + "\"system\": \"where ya headed ?\"\n", + "\"user\": \"i want to get to anaheim , ca please .\"\n", + "\"system\": \"where will you leave ? when will you go ?\"\n", + "\"user\": \"i ' m leaving sacramento , ca on 14th of march .\"\n", + "\"system\": \"i have 8 options , first is 7 : 40 am and it ' s $ 66 . it has 1 transfer .\"\n", + "\"user\": \"what other choices are there ?\"\n", + "\"system\": \"how about the one departing 8 : 30 am , it has 1 transfer and costs $ 65 ?\"\n", + "\"user\": \"what is my goal station and where will i depart from ?\"\n", + "\"system\": \"leaving sacramento valley station and arriving at anaheim intermodal center .\"\n", + "\"user\": \"perfect , let ' s close the deal .\"\n", + "\"system\": \"how many tickets for you ?\"\n", + "\"user\": \"four of us .\"\n", + "\"system\": \"ok , let ' s confirm : 4 people leaving 8 : 30 am on march 14th from sacramento , destination anaheim ?\"\n", + "\"user\": \"wrong , i clearly said 1 person .\"\n", + "\"system\": \"easy enough , 1 person from sacramento .\"\n", + "\"user\": \"finally , you got it .\"\n", + "\"system\": \"you are scheduled .\"\n", + "\"user\": \"thanks , i appreciate your patience .\"\n", + "\"system\": \"can i get you another ticket ?\"\n", + "\"user\": \"no , i have quite enough .\"\n", + "\"system\": \"have a good trip .\"\n", + "\n", + "terms: ['$ 65', 'anaheim intermodal center', 'anaheim', '8 : 30 am', 'march 14th', '$ 66', 'anaheim , ca', '4', 'sacramento valley station', 'one', '8', 'sacramento', '7 : 40 am', 'sacramento , ca', '1', '14th of march']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['buses', 'has slot', 'to station'], ['$ 66', 'has domain', 'buses'], ['$ 65', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['to location', 'has value', 'anaheim , ca'], ['leaving time', 'has value', '8 : 30 am'], ['count', 'has value', '8'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['14th of march', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['march 14th', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['7 : 40 am', 'has domain', 'buses'], ['to station', 'has value', 'anaheim intermodal center'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['fare', 'has value', '$ 66'], ['from station', 'has value', 'sacramento valley station'], ['4', 'refers to same concept as', 'four'], ['anaheim , ca', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['8', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['from location', 'has value', 'sacramento , ca'], ['leaving date', 'has value', '14th of march'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'anaheim'], ['leaving time', 'has value', '7 : 40 am'], ['1', 'has domain', 'buses'], ['fare', 'has value', '$ 65'], ['buses', 'has slot', 'transfers'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['buses', 'has slot', 'from station'], ['8 : 30 am', 'has domain', 'buses'], ['anaheim intermodal center', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-235\n", + "dialogue: \"user\": \"i ' m planning a trip and need help looking at buses\"\n", + "\"system\": \"i can help you with that . where are you leaving from ?\"\n", + "\"user\": \"i ' m leaving from long beach , ca on the 10th\"\n", + "\"system\": \"and where are you going to ?\"\n", + "\"user\": \"los angeles\"\n", + "\"system\": \"there ' s a bus at 6 : 40 am with 0 transfers , it costs $ 11\"\n", + "\"user\": \"yeah that one sounds good . can you book me tickets ?\"\n", + "\"system\": \"i sure can . how many do you need ?\"\n", + "\"user\": \"2 please\"\n", + "\"system\": \"okay , just to confirm , i ' ll book 2 tickets for march 10th , leaving long beach at 6 : 40 am and going to los angeles ?\"\n", + "\"user\": \"yeah that ' s perfect . can you tell me what bus station it leaves from and arrives to ?\"\n", + "\"system\": \"tickets all booked for you ! the bus will be leaving downtown station and arriving at union station\"\n", + "\"user\": \"lovely , thank you ! i don ' t need anything else\"\n", + "\"system\": \"no problem . have a lovely day .\"\n", + "\n", + "terms: ['transfers', 'los angeles', 'long beach', '6 : 40 am', 'long beach , ca', '2', '0', 'downtown station', 'march 10th']\n", + "relations: [['buses', 'has slot', 'to station'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['buses', 'has slot', 'leaving time'], ['the 10th', 'has domain', 'buses'], ['leaving time', 'has value', '6 : 40 am'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['fare', 'has value', '$ 11'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['$ 11', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['from station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['from location', 'has value', 'long beach , ca'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'la'], ['long beach , ca', 'has domain', 'buses'], ['to location', 'has value', 'los angeles'], ['march 10th', 'has domain', 'buses'], ['from location', 'has value', 'long beach'], ['6 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['downtown station', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['leaving date', 'has value', 'march 10th'], ['leaving date', 'has value', 'the 10th'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-236\n", + "dialogue: \"user\": \"can you please help me search for a bus ? i am leaving on the 1st of this month and i need tickets for three people .\"\n", + "\"system\": \"where are you going to ?\"\n", + "\"user\": \"i would like to go to sfo .\"\n", + "\"system\": \"where are you leaving from ?\"\n", + "\"user\": \"i am leaving from anaheim .\"\n", + "\"system\": \"i found a bus that departs at 8 am , with 0 transfers and costs $ 44 per ticket .\"\n", + "\"user\": \"are there any other buses available ?\"\n", + "\"system\": \"there is another one that departs at 10 : 10 am with 0 transfers and costs $ 47 per ticket .\"\n", + "\"user\": \"are there any buses available to go to san diego , leaving tomorrow ?\"\n", + "\"system\": \"there is a bus that departs at 7 : 40 am , has 0 transfers and costs $ 51 per ticket .\"\n", + "\"user\": \"what station does it depart from and which one does it reach ?\"\n", + "\"system\": \"the bus departs from santa fe depot and arrives at salesforce transit center .\"\n", + "\"user\": \"that sounds good , please reserve the seats .\"\n", + "\"system\": \"please confirm the following details : reserving 3 tickets for a bus leaving from san diego to san francisco tomorrow , departing at 7 : 40 am .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your tickets are confirmed .\"\n", + "\"user\": \"thank you for your help .\"\n", + "\"system\": \"can i assist with anything else ?\"\n", + "\"user\": \"no thank you , that is all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['anaheim', 'buses', 'santa fe depot', 'san diego', '8 am', '10 : 10 am', '7 : 40 am', '1st of this month', '$ 51', 'salesforce transit center', '$ 47', 'sfo', 'transfers', 'tomorrow', '3', '0', '$ 44', 'three', 'san francisco']\n", + "relations: [['buses', 'has slot', 'to station'], ['from station', 'has value', 'santa fe depot'], ['to station', 'has value', 'salesforce transit center'], ['to location', 'has value', 'sfo'], ['buses', 'has slot', 'leaving time'], ['$ 51', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['tomorrow', 'has domain', 'buses'], ['leaving time', 'has value', '10 : 10 am'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['fare', 'has value', '$ 47'], ['sfo', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'travelers'], ['salesforce transit center', 'has domain', 'buses'], ['7 : 40 am', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['8 am', 'has domain', 'buses'], ['10 : 10 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['santa fe depot', 'has domain', 'buses'], ['1st of this month', 'has domain', 'buses'], ['$ 44', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['3', 'has domain', 'buses'], ['fare', 'has value', '$ 51'], ['leaving date', 'has value', '1st of this month'], ['to location', 'has value', 'san francisco'], ['fare', 'has value', '$ 44'], ['leaving time', 'has value', '7 : 40 am'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['$ 47', 'has domain', 'buses'], ['from location', 'has value', 'san diego'], ['leaving time', 'has value', '8 am'], ['3', 'refers to same concept as', 'three'], ['san diego', 'has domain', 'buses'], ['leaving date', 'has value', 'tomorrow'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-237\n", + "dialogue: \"user\": \"we are out for a wedding party . is there any bus for 3 people ?\"\n", + "\"system\": \"where do you want to go ?\"\n", + "\"user\": \"our destination is los angeles\"\n", + "\"system\": \"from where you take leave ? when you plan to leave ?\"\n", + "\"user\": \"we are leaving from sd , on the 11th .\"\n", + "\"system\": \"the bus you are looking for will depart at 6 : 10 am with 0 transfers and cost is around $ 24 .\"\n", + "\"user\": \"no other bus there ?\"\n", + "\"system\": \"another one deaprts at 6 : 50 am with 0 transfers and fare is $ 24 .\"\n", + "\"user\": \"from where is it leaving ?\"\n", + "\"system\": \"it is from santa fe depot .\"\n", + "\"user\": \"ok , shall i get bus on 4th of march .\"\n", + "\"system\": \"you can choose from 8 buses . one of them departs at 8 : 30 am with 0 transfers and ticket charge is $ 27 .\"\n", + "\"user\": \"from where will i get it ?\"\n", + "\"system\": \"departs from santa fe depot and arrive at union station .\"\n", + "\"user\": \"great . that will be the one i need .\"\n", + "\"system\": \"do you need tickets now ?\"\n", + "\"user\": \"yes , please reserve seats\"\n", + "\"system\": \"your details are as follows , you want book bus from san diego to los angeles leaving on next monday at 8 : 30 am and 3 people travelling .\"\n", + "\"user\": \"right , thats correct .\"\n", + "\"system\": \"successfully reserved , congrats .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"bon voyage , great day .\"\n", + "\n", + "terms: ['los angeles', 'buses', '$ 24', 'santa fe depot', 'fare', 'san diego', '6 : 10 am', 'union station', 'sd', '4th of march', '8 : 30 am', '8', '6 : 50 am', 'transfers', '$ 27', '3', 'the 11th', '0', 'next monday']\n", + "relations: [['$ 27', 'has domain', 'buses'], ['leaving time', 'has value', '6 : 50 am'], ['buses', 'has slot', 'to station'], ['from station', 'has value', 'santa fe depot'], ['from location', 'has value', 'sd'], ['leaving time', 'has value', '6 : 10 am'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'next monday'], ['leaving time', 'has value', '8 : 30 am'], ['count', 'has value', '8'], ['6 : 10 am', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'travelers'], ['sd', 'has domain', 'buses'], ['fare', 'has value', '$ 24'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4th of march', 'has domain', 'buses'], ['8', 'has domain', 'buses'], ['leaving date', 'has value', 'the 11th'], ['6 : 50 am', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['next monday', 'has domain', 'buses'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['san diego', 'refers to same concept as', 'sd'], ['the 11th', 'has domain', 'buses'], ['to location', 'has value', 'los angeles'], ['buses', 'has slot', 'transfers'], ['los angeles', 'has domain', 'buses'], ['$ 24', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['8 : 30 am', 'has domain', 'buses'], ['from location', 'has value', 'san diego'], ['leaving date', 'has value', '4th of march'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['fare', 'has value', '$ 27']]\n", + "\n", + "dialogue id: sgd-validation-238\n", + "dialogue: \"user\": \"could you help me search for a bus for my upcoming trip ?\"\n", + "\"system\": \"where will you be leaving from , when do you plan on leaving and where are you traveling to ?\"\n", + "\"user\": \"leaving from sd on the 13th of this month and will be going to anaheim , ca .\"\n", + "\"system\": \"i found 9 buses . how about this bus that leaves at 10 : 10 am with 0 transfers for $ 22 ?\"\n", + "\"user\": \"are there any other buses leaving from sfo and going to sacramento ?\"\n", + "\"system\": \"there are 10 . how about this bus that departs at 7 : 20 am with 0 transfers for $ 21 ?\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"are you ready to purchase tickets now ?\"\n", + "\"user\": \"yes i would like to reserve a ticket for 1 person .\"\n", + "\"system\": \"ok , i have 1 ticket for the bus that departs at 7 : 20 am from san francisco going to sacramento on march 13th for $ 21 ? is that correct ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your ticket is confirmed .\"\n", + "\"user\": \"thanks for your help . that is all i need for now .\"\n", + "\"system\": \"my pleasure . have a great day .\"\n", + "\n", + "terms: ['march 13th', 'transfers', '10 : 10 am', '$ 22', '7 : 20 am', 'anaheim , ca', 'buses', 'sd', 'sacramento', '0', '$ 21', '13th of this month', '10', 'sfo', '9', '1', 'san francisco']\n", + "relations: [['fare', 'has value', '$ 21'], ['from location', 'has value', 'sd'], ['to location', 'has value', 'sacramento'], ['from location', 'has value', 'sfo'], ['buses', 'has slot', 'leaving time'], ['to location', 'has value', 'anaheim , ca'], ['leaving time', 'has value', '7 : 20 am'], ['$ 22', 'has domain', 'buses'], ['7 : 20 am', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'count'], ['leaving time', 'has value', '10 : 10 am'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['$ 21', 'has domain', 'buses'], ['sfo', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['sd', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 13th'], ['10 : 10 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['anaheim , ca', 'has domain', 'buses'], ['leaving date', 'has value', '13th of this month'], ['13th of this month', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['count', 'has value', '9'], ['fare', 'has value', '$ 22'], ['march 13th', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'san francisco'], ['9', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-239\n", + "dialogue: \"user\": \"i need to travel somewhere . please find me a bus for the 14th .\"\n", + "\"system\": \"where will you be departing from and where are you going ?\"\n", + "\"user\": \"i will be departing from la and i ' m going to sfo .\"\n", + "\"system\": \"i managed to find 10 buses for you . the bus will be leaving at 6 : 20 am and the cost is $ 51 . there will be 0 transfers .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"would you like me to buy tickets for this bus ?\"\n", + "\"user\": \"yes , please reserve some tickets for me .\"\n", + "\"system\": \"how many tickets will you be purchasing ?\"\n", + "\"user\": \"i need tickets for 3 people .\"\n", + "\"system\": \"so you ' d like 3 tickets for march 14th departing from los angeles and travelling to san francisco . the bus leaves at 6 : 20 am . is this correct .\"\n", + "\"user\": \"no , make it for one person .\"\n", + "\"system\": \"so you ' d like 1 ticket leaving from los angeles . is this correct ?\"\n", + "\"user\": \"yes that ' s perfect . what station does the bus arrive at and where does it leave from ?\"\n", + "\"system\": \"your ticket has been booked . the bus leaves from union station and arrives at salesforce transit center .\"\n", + "\"user\": \"thank you for everything .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , that ' s all . thanks for everything .\"\n", + "\"system\": \"glad i could help . enjoy your day .\"\n", + "\n", + "terms: ['transfers', '$ 51', 'los angeles', 'san francisco', 'union station', 'the 14th', 'salesforce transit center', 'march 14th', '3', 'la', 'one', 'buses', '0', '10', 'sfo', '1', '6 : 20 am']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'salesforce transit center'], ['to location', 'has value', 'sfo'], ['from location', 'has value', 'la'], ['buses', 'has slot', 'leaving time'], ['6 : 20 am', 'has domain', 'buses'], ['$ 51', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['march 14th', 'has domain', 'buses'], ['sfo', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['leaving date', 'has value', 'the 14th'], ['buses', 'has slot', 'to location'], ['union station', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['la', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['leaving time', 'has value', '6 : 20 am'], ['fare', 'has value', '$ 51'], ['from location', 'has value', 'los angeles'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'san francisco'], ['the 14th', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-240\n", + "dialogue: \"user\": \"i need to go on a short trip . can you help me find four seats on a bus ?\"\n", + "\"system\": \"what ' s the destination ? when do you plan to go ? where are you leaving from ?\"\n", + "\"user\": \"i am leaving from anaheim to a san diego on march 8th .\"\n", + "\"system\": \"there ' s a bus that departs at 6 am with 0 transfers . it costs $ 25 .\"\n", + "\"user\": \"from which bus station will i be leaving from and where will i arrive ?\"\n", + "\"system\": \"you will leave from the anaheim intermodal center to the santa fe depot .\"\n", + "\"user\": \"sounds great . please buy the tickets .\"\n", + "\"system\": \"so 4 tickets to a bus that leaves next friday from anaheim to san diego at 6 am ?\"\n", + "\"user\": \"yes , that ' s it .\"\n", + "\"system\": \"your ticket was successful booked .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"can i help you in anything else ?\"\n", + "\"user\": \"no , thanks .\"\n", + "\"system\": \"have an amazing day .\"\n", + "\n", + "terms: ['transfers', 'anaheim', '6 am', '4', '$ 25', '0', 'four', 'santa fe depot', 'anaheim intermodal center', 'next friday', 'san diego', 'march 8th']\n", + "relations: [['leaving date', 'has value', 'next friday'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'santa fe depot'], ['next friday', 'has domain', 'buses'], ['$ 25', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['anaheim', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['leaving date', 'has value', 'march 8th'], ['from station', 'has value', 'anaheim intermodal center'], ['4', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['6 am', 'has domain', 'buses'], ['leaving time', 'has value', '6 am'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['anaheim intermodal center', 'has domain', 'buses'], ['to location', 'has value', 'san diego'], ['fare', 'has value', '$ 25'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-241\n", + "dialogue: \"user\": \"i need a bus leaving from fresno , ca .\"\n", + "\"system\": \"where do you want to go and leave ?\"\n", + "\"user\": \"i want to go to sfo and leave on the 11th of this month .\"\n", + "\"system\": \"i have a bus that leaves at 7 am for $ 33 with 0 transfers .\"\n", + "\"user\": \"how about a departure from anaheim , ca ?\"\n", + "\"system\": \"i have 6 , one leaves at 8 am for $ 54 with 0 transfers .\"\n", + "\"user\": \"i want this bus .\"\n", + "\"system\": \"do you want tickets ?\"\n", + "\"user\": \"i want three tickets .\"\n", + "\"system\": \"confirm departure from anaheim to san francisco on march 11th that leaves at 8 am for 3 .\"\n", + "\"user\": \"change it to four .\"\n", + "\"system\": \"confirm change to 4 on march 11th .\"\n", + "\"user\": \"yes i want to reserve . what station is it ?\"\n", + "\"system\": \"your ticket is confirmed at salesforce transit center .\"\n", + "\"user\": \"thank you for the help .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"that is all today .\"\n", + "\"system\": \"thank you and have a good day .\"\n", + "\n", + "terms: ['march 11th', 'anaheim', '8 am', '6', 'salesforce transit center', '$ 33', '7 am', 'fresno , ca', 'four', 'sfo', 'transfers', '$ 54', '11th of this month', '3', 'anaheim , ca', '4', '0', 'three', 'san francisco']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'salesforce transit center'], ['to location', 'has value', 'sfo'], ['buses', 'has slot', 'leaving time'], ['fare', 'has value', '$ 33'], ['leaving date', 'has value', 'march 11th'], ['from location', 'has value', 'anaheim , ca'], ['11th of this month', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'count'], ['$ 33', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['fresno , ca', 'has domain', 'buses'], ['6', 'has domain', 'buses'], ['sfo', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['salesforce transit center', 'has domain', 'buses'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['8 am', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['march 11th', 'has domain', 'buses'], ['anaheim , ca', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['leaving date', 'has value', '11th of this month'], ['from location', 'has value', 'fresno , ca'], ['buses', 'has slot', 'buybusticket'], ['3', 'has domain', 'buses'], ['leaving time', 'has value', '7 am'], ['count', 'has value', '6'], ['to location', 'has value', 'san francisco'], ['fare', 'has value', '$ 54'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'anaheim'], ['7 am', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['leaving time', 'has value', '8 am'], ['3', 'refers to same concept as', 'three'], ['$ 54', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-242\n", + "dialogue: \"user\": \"can you help me find a bus that leaves on the 7th ?\"\n", + "\"system\": \"where are you coming and going from ?\"\n", + "\"user\": \"i ' m leaving from long beach , ca headed to sacramento and it ' s just for one\"\n", + "\"system\": \"there ' s a 1 transfer bus that costs $ 64 that leaves at 6 : 50 am\"\n", + "\"user\": \"what about other buses ? ones leaving from vegas and heading to fresno\"\n", + "\"system\": \"i found 10 buses , including a 0 transfer bus that leaves at 7 : 10 am and costs $ 34\"\n", + "\"user\": \"which bus station does that leave and arrive at ?\"\n", + "\"system\": \"it starts at union plaza and arrives at fresno station .\"\n", + "\"user\": \"that sounds great\"\n", + "\"system\": \"can i help with anything else ?\"\n", + "\"user\": \"please reserve a ticket for that bus .\"\n", + "\"system\": \"confirming that you want 1 ticket to a bus next thursday leaving from las vegas and heading to fresno leaving at 7 : 10 am\"\n", + "\"user\": \"yes that ' s right\"\n", + "\"system\": \"your ticket is booked\"\n", + "\"user\": \"great , that ' s it , thanks !\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['fresno station', '$ 64', 'next thursday', 'the 7th', 'union plaza', 'fresno', 'long beach , ca', 'buses', '7 : 10 am', 'sacramento', '0', '10', '1', 'vegas', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['leaving time', 'has value', '6 : 50 am'], ['fresno station', 'has domain', 'buses'], ['to location', 'has value', 'sacramento'], ['las vegas', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['buses', 'has slot', 'leaving time'], ['7 : 10 am', 'has domain', 'buses'], ['vegas', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['to location', 'has value', 'fresno'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['$ 34', 'has domain', 'buses'], ['leaving date', 'has value', 'the 7th'], ['sacramento', 'has domain', 'buses'], ['6 : 50 am', 'has domain', 'buses'], ['from location', 'has value', 'long beach , ca'], ['$ 64', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['long beach , ca', 'has domain', 'buses'], ['union plaza', 'has domain', 'buses'], ['from location', 'has value', 'las vegas'], ['1', 'refers to same concept as', 'one'], ['leaving time', 'has value', '7 : 10 am'], ['leaving date', 'has value', 'next thursday'], ['1', 'has domain', 'buses'], ['fare', 'has value', '$ 34'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['fare', 'has value', '$ 64'], ['the 7th', 'has domain', 'buses'], ['las vegas', 'refers to same concept as', 'vegas'], ['to station', 'has value', 'fresno station'], ['next thursday', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-243\n", + "dialogue: \"user\": \"can you help me find a bus , i just need one ticket for the 8th of this month .\"\n", + "\"system\": \"where and you leaving and coming from ?\"\n", + "\"user\": \"i ' m going to sacramento , ca from anaheim , ca\"\n", + "\"system\": \"there ' s a $ 66 bus with 1 stransfer that leaves at 6 : 40 am\"\n", + "\"user\": \"that sounds great , reserve me a ticket\"\n", + "\"system\": \"confirming 1 ticket on the 6 : 40 am next friday from anaheim to sacramento\"\n", + "\"user\": \"yes that works , book it\"\n", + "\"system\": \"your ticket is booked\"\n", + "\"user\": \"thanks so much for your help\"\n", + "\"system\": \"absolutely . anything else ?\"\n", + "\"user\": \"no , thanks so much for your help\"\n", + "\"system\": \"have a good one !\"\n", + "\n", + "terms: ['next friday', 'anaheim', '$ 66', '8th of this month', '1', '6 : 40 am', 'one', 'sacramento', 'sacramento , ca']\n", + "relations: [['leaving date', 'has value', 'next friday'], ['$ 66', 'has domain', 'buses'], ['to location', 'has value', 'sacramento'], ['next friday', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'anaheim , ca'], ['leaving time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['fare', 'has value', '$ 66'], ['leaving date', 'has value', '8th of this month'], ['anaheim , ca', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['to location', 'has value', 'sacramento , ca'], ['1', 'refers to same concept as', 'one'], ['6 : 40 am', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'anaheim'], ['8th of this month', 'has domain', 'buses'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-244\n", + "dialogue: \"user\": \"i want to travel on a bus .\"\n", + "\"system\": \"when are you leaving and where are you going ?\"\n", + "\"user\": \"i want to go to fresno , ca later today .\"\n", + "\"system\": \"where are you traveling from ?\"\n", + "\"user\": \"i am leaving los angeles .\"\n", + "\"system\": \"i found 9 bus trips including one departing at 7 : 30 am with 0 stops that costs $ 38 .\"\n", + "\"user\": \"that is good , i would like to purchase a ticket .\"\n", + "\"system\": \"how many tickets ?\"\n", + "\"user\": \"i need 1 ticket .\"\n", + "\"system\": \"please confirm you want 1 ticket on the bus leaving from los angeles today at 7 : 30 am for fresno .\"\n", + "\"user\": \"no , i need 3 tickets .\"\n", + "\"system\": \"please confirm you want 3 tickets for the bus to fresno .\"\n", + "\"user\": \"that is correct . which bus station does it leave from and which bus station does it arrive at ?\"\n", + "\"system\": \"the ticket is purchased . the bus leaves union station and arrives at fresno station .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"may i further assist you ?\"\n", + "\"user\": \"no , that will be all .\"\n", + "\"system\": \"see you soon !\"\n", + "\n", + "terms: ['fresno station', 'los angeles', 'union station', '3', 'one', 'fresno', '9', '0', 'fresno , ca', '7 : 30 am', 'later today', 'today', '$ 38', '1']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['later today', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'fresno'], ['fresno , ca', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['3', 'refers to same concept as', '$ 3'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['$ 38', 'has domain', 'buses'], ['to location', 'has value', 'fresno , ca'], ['fare', 'has value', '$ 38'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'la'], ['count', 'has value', '9'], ['3', 'has domain', 'buses'], ['from location', 'has value', 'los angeles'], ['1', 'refers to same concept as', 'one'], ['leaving date', 'has value', 'today'], ['leaving time', 'has value', '7 : 30 am'], ['today', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['leaving date', 'has value', 'later today'], ['9', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['7 : 30 am', 'has domain', 'buses'], ['to station', 'has value', 'fresno station'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-245\n", + "dialogue: \"user\": \"i need to get a bus . i ' ll be leaving from fresno , ca soon .\"\n", + "\"system\": \"where do you want to go ? which day are you leaving ?\"\n", + "\"user\": \"i ' m heading out on march 1st and i ' m looking to go to anaheim , ca .\"\n", + "\"system\": \"alright . i ' ve found 4 different buses . the first one leaves at 12 : 40 pm and costs $ 36 . there are 0 stops on this bus .\"\n", + "\"user\": \"okay , that sounds about right . please reserve the bus .\"\n", + "\"system\": \"how many seats do you want to book ?\"\n", + "\"user\": \"i only need 1 ticket .\"\n", + "\"system\": \"sure . just to make sure , you want 1 ticket on the bus leaving from fresno to anaheim today at 12 : 40 pm .\"\n", + "\"user\": \"that ' s correct . that will work out fine .\"\n", + "\"system\": \"alright . i have booked your ticket .\"\n", + "\"user\": \"thank you so much ! that will be it .\"\n", + "\"system\": \"have a great trip .\"\n", + "\n", + "terms: ['$ 36', 'anaheim', 'march 1st', 'one', 'anaheim , ca', '4', 'buses', '1', 'fresno', '0', 'fresno , ca', 'today', '12 : 40 pm']\n", + "relations: [['fare', 'has value', '$ 36'], ['buses', 'has slot', 'leaving time'], ['to location', 'has value', 'anaheim , ca'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['fresno , ca', 'has domain', 'buses'], ['from location', 'has value', 'fresno'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['count', 'has value', '4'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['leaving date', 'has value', 'march 1st'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['anaheim , ca', 'has domain', 'buses'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['4', 'has domain', 'buses'], ['12 : 40 pm', 'has domain', 'buses'], ['from location', 'has value', 'fresno , ca'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['leaving date', 'has value', 'today'], ['to location', 'has value', 'anaheim'], ['today', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['leaving time', 'has value', '12 : 40 pm'], ['$ 36', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-246\n", + "dialogue: \"user\": \"could you help me to find bus ?\"\n", + "\"system\": \"when do you plan to leave and from where ?\"\n", + "\"user\": \"i ' m planning to leave on 5th of march from anaheim\"\n", + "\"system\": \"when are you planning to go ?\"\n", + "\"user\": \"i want to go to san diego it ' s for 2 people\"\n", + "\"system\": \"there are 9 buses which departs at 6 am costs $ 24 and has 0 transfers\"\n", + "\"user\": \"what ' s the bus station im leaving from and to which bus station will i reach ?\"\n", + "\"system\": \"the origin and destination will be anaheim intermodal center and santa fe depot\"\n", + "\"user\": \"is there any more buses ? i ' m leaving on march 11th\"\n", + "\"system\": \"there are 8 buses , eh oh departs at 7 : 30 am and costs $ 23 with 0 transfers\"\n", + "\"user\": \"is there any other bus available ?\"\n", + "\"system\": \"the bus departs from 9 : 20 am and costs $ 24 with 0 transfers\"\n", + "\"user\": \"that ' s great . i would like to book the bus .\"\n", + "\"system\": \"please confirm this : booking a ticket on the bus from anaheim to san diego on march 11th which leaves at 9 : 20 am for 2 persons\"\n", + "\"user\": \"yes perfect . to which bus station will i reach ?\"\n", + "\"system\": \"your ticket is confirmed . you will reach at santa fe depot .\"\n", + "\"user\": \"thanks a lot for the help\"\n", + "\"system\": \"have a wonderful day\"\n", + "\n", + "terms: ['5th of march', 'march 11th', 'anaheim intermodal center', 'anaheim', '6 am', 'buses', '2', '$ 23', '8', '0', '7 : 30 am', '$ 24', 'santa fe depot', '9', '9 : 20 am', 'san diego']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'santa fe depot'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'march 11th'], ['count', 'has value', '8'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['5th of march', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['leaving date', 'has value', '5th of march'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['anaheim', 'has domain', 'buses'], ['fare', 'has value', '$ 24'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['march 11th', 'has domain', 'buses'], ['from station', 'has value', 'anaheim intermodal center'], ['8', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['6 am', 'has domain', 'buses'], ['fare', 'has value', '$ 23'], ['count', 'has value', '9'], ['2', 'refers to same concept as', '$ 2'], ['leaving time', 'has value', '6 am'], ['leaving time', 'has value', '7 : 30 am'], ['leaving time', 'has value', '9 : 20 am'], ['9 : 20 am', 'has domain', 'buses'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['9', 'has domain', 'buses'], ['$ 24', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['anaheim intermodal center', 'has domain', 'buses'], ['7 : 30 am', 'has domain', 'buses'], ['to location', 'has value', 'san diego'], ['$ 23', 'has domain', 'buses'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-247\n", + "dialogue: \"user\": \"i need a trip out of town . can you assist me with finding a bus .\"\n", + "\"system\": \"where is your destination .\"\n", + "\"user\": \"i am heading to vegas .\"\n", + "\"system\": \"where would you be leaving from and when would you like to depart ?\"\n", + "\"user\": \"i want to go to sacramento on the 3rd of march .\"\n", + "\"system\": \"the bus would be leaving at 7 : 30 am . there is 1 transfer and the price is $ 69\"\n", + "\"user\": \"can you find me another bus ?\"\n", + "\"system\": \"there is another one leaving at 10 : 20 am . the price is $ 65 and there is 1 transfer .\"\n", + "\"user\": \"that would be fine .\"\n", + "\"system\": \"should i reserve the tickets for you ?\"\n", + "\"user\": \"go head . i want two .\"\n", + "\"system\": \"you want 2 tickets for a bus from sacramento to las vegas , leaving the day after tomorrow at 10 : 20 am .\"\n", + "\"user\": \"that would be just fine .\"\n", + "\"system\": \"the tickets have been reserved .\"\n", + "\"user\": \"thanks for your assistance .\"\n", + "\"system\": \"is there anything else i can assist you with ?\"\n", + "\"user\": \"no . i appreciate your assistance .\"\n", + "\"system\": \"enjoy the rest of your day .\"\n", + "\n", + "terms: ['$ 65', 'day after tomorrow', 'one', '2', '10 : 20 am', 'sacramento', '7 : 30 am', '3rd of march', 'two', '1', 'vegas', 'las vegas']\n", + "relations: [['$ 65', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['leaving date', 'has value', '3rd of march'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['day after tomorrow', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['10 : 20 am', 'has domain', 'buses'], ['3rd of march', 'has domain', 'buses'], ['vegas', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'vegas'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'day after tomorrow'], ['buses', 'has slot', 'findbus'], ['sacramento', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['fare', 'has value', '$ 69'], ['to location', 'has value', 'las vegas'], ['1', 'refers to same concept as', 'one'], ['leaving time', 'has value', '7 : 30 am'], ['leaving time', 'has value', '10 : 20 am'], ['1', 'has domain', 'buses'], ['fare', 'has value', '$ 65'], ['buses', 'has slot', 'transfers'], ['7 : 30 am', 'has domain', 'buses'], ['las vegas', 'refers to same concept as', 'vegas'], ['$ 69', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-248\n", + "dialogue: \"user\": \"can you please help me find a bus leaving from lax for two people ?\"\n", + "\"system\": \"yes , when do you plan to leave ?\"\n", + "\"user\": \"i am leaving on the 14th .\"\n", + "\"system\": \"where are you going to ?\"\n", + "\"user\": \"i would like to go to san diego .\"\n", + "\"system\": \"there is a bus that departs at 7 : 40 am with 0 transfers that costs $ 24 .\"\n", + "\"user\": \"are there any other ones available ? i need a ticket for 1 and i would like to go to fresno , ca .\"\n", + "\"system\": \"i found 9 buses available . there is one that departs at 7 : 30 am , has 0 transfers and cost $ 34 per ticket .\"\n", + "\"user\": \"which bus station do i depart from and arrive at ?\"\n", + "\"system\": \"the departing station is union station and you arrive at fresno station .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"shall i purchase a ticket for you ?\"\n", + "\"user\": \"no thank you , that is all i need for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['fresno station', 'transfers', 'union station', 'lax', 'the 14th', 'one', 'buses', '0', 'fresno , ca', '7 : 40 am', '7 : 30 am', '$ 34', 'two', '$ 24', '9', '1', 'san diego']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'lax'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['fresno , ca', 'has domain', 'buses'], ['2', 'refers to same concept as', 'two'], ['union station', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['leaving date', 'has value', 'the 14th'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['fare', 'has value', '$ 24'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['$ 34', 'has domain', 'buses'], ['to location', 'has value', 'fresno , ca'], ['buses', 'has slot', 'buybusticket'], ['count', 'has value', '9'], ['1', 'refers to same concept as', 'one'], ['leaving time', 'has value', '7 : 30 am'], ['leaving time', 'has value', '7 : 40 am'], ['the 14th', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['fare', 'has value', '$ 34'], ['buses', 'has slot', 'transfers'], ['9', 'has domain', 'buses'], ['$ 24', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['lax', 'has domain', 'buses'], ['7 : 30 am', 'has domain', 'buses'], ['to location', 'has value', 'san diego'], ['to station', 'has value', 'fresno station'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-249\n", + "dialogue: \"user\": \"i ' m looking for a but to lax .\"\n", + "\"system\": \"when are you leaving ?\"\n", + "\"user\": \"i ' m leaving from vegas on the 14th of this month .\"\n", + "\"system\": \"there are 4 buses that meet your criteria . there is a bus that leaves at 7 : 20 am and has 0 transfers . the cost for a ticket is $ 40 .\"\n", + "\"user\": \"what about other buses ? there will be 4 people travelling .\"\n", + "\"system\": \"there is a bus that leaves at 10 : 20 am with 0 transfers and a cost of $ 42 .\"\n", + "\"user\": \"great . please can i book tickets .\"\n", + "\"system\": \"sure , so to confirm : you want a ticket for 4 people on the bus leaving las vegas for los angeles on march 14th at 10 : 20 am .\"\n", + "\"user\": \"perfect . what station does the bus arrive at ?\"\n", + "\"system\": \"your ticket has been booked successfully . you will arrive at union station .\"\n", + "\"user\": \"thanks . i don ' t need anything else right now .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['transfers', '$ 40', 'lax', 'los angeles', 'union station', 'march 14th', '7 : 20 am', '$ 42', '4', 'buses', '0', '14th of this month', '10 : 20 am', 'vegas', 'las vegas']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['buses', 'has slot', 'to station'], ['las vegas', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['10 : 20 am', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 20 am'], ['7 : 20 am', 'has domain', 'buses'], ['fare', 'has value', '$ 40'], ['vegas', 'has domain', 'buses'], ['to location', 'has value', 'lax'], ['buses', 'has slot', 'count'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['march 14th', 'has domain', 'buses'], ['leaving date', 'has value', '14th of this month'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['count', 'has value', '4'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['fare', 'has value', '$ 42'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['$ 40', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['14th of this month', 'has domain', 'buses'], ['4', 'refers to same concept as', '$ 4'], ['from location', 'has value', 'las vegas'], ['los angeles', 'refers to same concept as', 'lax'], ['$ 42', 'has domain', 'buses'], ['to location', 'has value', 'los angeles'], ['leaving time', 'has value', '10 : 20 am'], ['buses', 'has slot', 'transfers'], ['los angeles', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['lax', 'has domain', 'buses'], ['las vegas', 'refers to same concept as', 'vegas'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-250\n", + "dialogue: \"user\": \"i will be traveling so i am in need of finding a bus .\"\n", + "\"system\": \"can you tell me the time when you will be leaving and the location from where you will leave ?\"\n", + "\"user\": \"i will be starting my journey on 4th of march and i will be leaving from long beach to arrive in sacramento , ca .\"\n", + "\"system\": \"i see that 9 buses suit with what you want . the bus will be leaving at 6 : 50 am and it will cost you $ 71 . the bus trip has 1 transfer .\"\n", + "\"user\": \"can you tell me the bus station where i will arrive at ?\"\n", + "\"system\": \"the station where your bus will be arriving is sacramento valley station .\"\n", + "\"user\": \"can you tell me the bus station where i will be starting my trip ?\"\n", + "\"system\": \"the departing bus station is downtown station .\"\n", + "\"user\": \"can you see if other buses are available ?\"\n", + "\"system\": \"your bus will be leaving at 7 am and it will be costing you $ 72 and it has 1 transfer .\"\n", + "\"user\": \"is it possible for you to see if there are other buses available ?\"\n", + "\"system\": \"there is a bus which leaves at 8 : 30 am and the ticket costs $ 72 , and it is a trip with 1 transfer .\"\n", + "\"user\": \"that seems nice .\"\n", + "\"system\": \"would you like having tickets for this bus trip ?\"\n", + "\"user\": \"actually yes , i want to book tickets for this bus .\"\n", + "\"system\": \"can you tell me the number of the tickets you want ?\"\n", + "\"user\": \"i will be traveling with my partner , so i need tickets for 2 people .\"\n", + "\"system\": \"please confirm that you want to have tickets for 2 people for the bus leaving from long beach to sacramento which leaves next monday at 8 : 30 am .\"\n", + "\"user\": \"that ' s not right . some friends of mine will be coming too , so i need tickets for four people .\"\n", + "\"system\": \"can you confirm once again that you need tickets for 4 people for the bus leaving on next monday .\"\n", + "\"user\": \"that seems right to me . can you tell me the bus station of the arrival ?\"\n", + "\"system\": \"your tickets are booked . the arrival station of your bus trip will be sacramento valley station .\"\n", + "\"user\": \"i appreciate your help very much . that would be all .\"\n", + "\"system\": \"have a good time !\"\n", + "\n", + "terms: ['8 : 30 am', 'long beach', '1', '4', 'buses', 'sacramento valley station', '7 am', '2', 'sacramento', 'downtown station', '$ 72', '6 : 50 am', 'four', '4th of march', 'next monday', '9', 'sacramento , ca', '$ 71']\n", + "relations: [['buses', 'has slot', 'to station'], ['leaving time', 'has value', '6 : 50 am'], ['to location', 'has value', 'sacramento'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'next monday'], ['leaving time', 'has value', '8 : 30 am'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['buses', 'has slot', 'to location'], ['sacramento , ca', 'has domain', 'buses'], ['to station', 'has value', 'sacramento valley station'], ['buses', 'has slot', 'travelers'], ['buses', 'has slot', 'findbus'], ['4', 'refers to same concept as', 'four'], ['4', 'has domain', 'buses'], ['4th of march', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['from station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['6 : 50 am', 'has domain', 'buses'], ['fare', 'has value', '$ 71'], ['fare', 'has value', '$ 72'], ['buses', 'has slot', 'buybusticket'], ['next monday', 'has domain', 'buses'], ['transfers', 'has value', '1'], ['to location', 'has value', 'sacramento , ca'], ['count', 'has value', '9'], ['leaving time', 'has value', '7 am'], ['$ 71', 'has domain', 'buses'], ['from location', 'has value', 'long beach'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['9', 'has domain', 'buses'], ['downtown station', 'has domain', 'buses'], ['7 am', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['$ 72', 'has domain', 'buses'], ['8 : 30 am', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['leaving date', 'has value', '4th of march'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-836\n", + "dialogue: \"user\": \"i need 2 tickets for the bus leaving around 10 : 30 .\"\n", + "\"system\": \"when are you leaving ?\"\n", + "\"user\": \"8th of march .\"\n", + "\"system\": \"where are you going ? where are you leaving from ?\"\n", + "\"user\": \"i am leaving from san diego to go to fresno .\"\n", + "\"system\": \"please confirm , 2 bus tickets from san diego to fresno on march 8th on 10 : 30 am .\"\n", + "\"user\": \"yes , that is perfect .\"\n", + "\"system\": \"your tickets are confirmed .\"\n", + "\"user\": \"thanks , i also need a full - size rental in fresno .\"\n", + "\"system\": \"what time do you want to pick it up ?\"\n", + "\"user\": \"i want to pick it up on the 11th of march at 1 : 30 in the afternoon .\"\n", + "\"system\": \"when do you want to drop it off ?\"\n", + "\"user\": \"i need it until the 14th of this month .\"\n", + "\"system\": \"i found a full - size car , like a cherokee , at fresno yosemite international airport available march 11th .\"\n", + "\"user\": \"that sounds cool .\"\n", + "\"system\": \"can i help with anything else ?\"\n", + "\"user\": \"i am ready to make a reservation .\"\n", + "\"system\": \"please confirm , reservation for a full - size car at fresno yosemite international airport on march 11th at 1 : 30 pm . the drop off day was march 14th .\"\n", + "\"user\": \"that sounds good . what is the total cost ?\"\n", + "\"system\": \"your car is reserved . the total is $ 132 .\"\n", + "\"user\": \"thanks , that is all i need .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['11th of march', '$ 132', 'march 11th', '10 : 30 am', 'cherokee', 'march 14th', 'fresno', '2', 'full - size', '14th of this month', '1 : 30 in the afternoon', 'fresno yosemite international airport', '10 : 30', '1 : 30 pm', 'san diego', 'march 8th']\n", + "relations: [['rentalcars', 'has slot', 'total price'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['type', 'has value', 'full - size'], ['buses', 'has slot', 'leaving time'], ['1 : 30 in the afternoon', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'type'], ['fresno', 'has domain', 'buses'], ['fresno yosemite international airport', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['leaving time', 'has value', '10 : 30'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', '8th of march'], ['to location', 'has value', 'fresno'], ['march 8th', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['leaving time', 'has value', '10 : 30 am'], ['buses', 'has slot', 'to location'], ['rentalcars', 'has slot', 'pickup city'], ['11th of march', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 11th'], ['buses', 'has slot', 'travelers'], ['dropoff date', 'has value', 'march 14th'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup time', 'has value', '1 : 30 pm'], ['$ 132', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup time'], ['pickup time', 'has value', '1 : 30 in the afternoon'], ['leaving date', 'has value', 'march 8th'], ['10 : 30', 'has domain', 'buses'], ['pickup date', 'has value', '11th of march'], ['cherokee', 'has domain', 'rentalcars'], ['fresno', 'has domain', 'rentalcars'], ['march 14th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['dropoff date', 'has value', '14th of this month'], ['car name', 'has value', 'cherokee'], ['10 : 30', 'refers to same concept as', '10 : 30 am'], ['march 11th', 'has domain', 'rentalcars'], ['full - size', 'has domain', 'rentalcars'], ['1 : 30 pm', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'fresno yosemite international airport'], ['pickup city', 'has value', 'fresno'], ['from location', 'has value', 'san diego'], ['8th of march', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['14th of this month', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['10 : 30 am', 'has domain', 'buses'], ['san diego', 'has domain', 'buses'], ['total price', 'has value', '$ 132']]\n", + "\n", + "dialogue id: sgd-validation-837\n", + "dialogue: \"user\": \"i ' d like to get a bus ticket .\"\n", + "\"system\": \"where are you leaving from and where are you going ? how many tickets will you need ?\"\n", + "\"user\": \"i ' d like to leave from sf and go to long beach , ca . i need 3 tickets .\"\n", + "\"system\": \"what day and time are you wanting to leave ?\"\n", + "\"user\": \"i ' d like to leave at 4 : 45 in the evening on the 7th of march .\"\n", + "\"system\": \"please confirm the following : you want 3 tickets for a bus leaving from san francisco for long beach on march 7th at 4 : 45 pm .\"\n", + "\"user\": \"yes , that will work . what station is it going to ?\"\n", + "\"system\": \"it ' s going to downtown station . i was unable to buy the ticket . does the bus leaving at 4 : 30 pm work ? it costs $ 42 .\"\n", + "\"user\": \"yes , that will work .\"\n", + "\"system\": \"the ticket has been bought .\"\n", + "\"user\": \"what station am i leaving from ?\"\n", + "\"system\": \"the bus is leaving from salesforce transit center .\"\n", + "\"user\": \"thanks for all your help . could you help me find a rental car there ?\"\n", + "\"system\": \"are you wanting to get the car on march 7th ?\"\n", + "\"user\": \"i need it starting on the 10th of this month .\"\n", + "\"system\": \"what time will you pick it up ? and how long do you want it for ?\"\n", + "\"user\": \"i need it until the 13th of march and would like to pick it up at around half past 6 in the evening .\"\n", + "\"system\": \"would you like to pick it up from long beach ?\"\n", + "\"user\": \"yes , that would work . i ' d like a standard car .\"\n", + "\"system\": \"there are 3 cars that might work . there ' s a standard cruze available at downtown station on march 10th .\"\n", + "\"user\": \"how much is it ?\"\n", + "\"system\": \"it ' ll cost $ 84 .\"\n", + "\"user\": \"are there any other options ?\"\n", + "\"system\": \"there ' s a standard fusion available at downtown station on march 10th .\"\n", + "\"user\": \"that will work . i ' d like to reserve it .\"\n", + "\"system\": \"please confirm the following : you want to get a standard car from downtown station on march 10th starting at 6 : 30 pm and keep it until march 13th .\"\n", + "\"user\": \"yes , that will work . how much is it ?\"\n", + "\"system\": \"the car has been reserved . it costs $ 96 .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"is there anything else i can help with ?\"\n", + "\"user\": \"no , thanks for everything .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['march 7th', '$ 84', '$ 42', 'half past 6 in the evening', 'march 13th', '10th of this month', 'cruze', 'standard', '13th of march', '4 : 30 pm', 'salesforce transit center', '$ 96', '6 : 30 pm', 'sf', '4 : 45 pm', 'march 10th', '4 : 45 in the evening', 'long beach', '3', 'fusion', 'long beach , ca', 'downtown station', 'san francisco', '7th of march']\n", + "relations: [['pickup date', 'has value', 'march 10th'], ['from station', 'has value', 'salesforce transit center'], ['march 10th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['7th of march', 'has domain', 'buses'], ['downtown station', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['salesforce transit center', 'has domain', 'buses'], ['dropoff date', 'has value', '13th of march'], ['rentalcars', 'has slot', 'getcarsavailable'], ['long beach', 'has domain', 'buses'], ['to location', 'has value', 'long beach , ca'], ['3', 'has domain', 'buses'], ['$ 42', 'has domain', 'buses'], ['to location', 'has value', 'long beach'], ['downtown station', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['pickup time', 'has value', '6 : 30 pm'], ['rentalcars', 'has slot', 'pickup date'], ['cruze', 'has domain', 'rentalcars'], ['march 13th', 'has domain', 'rentalcars'], ['$ 96', 'has domain', 'rentalcars'], ['10th of this month', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['leaving date', 'has value', '7th of march'], ['leaving time', 'has value', '4 : 45 in the evening'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'to location'], ['half past 6 in the evening', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 42'], ['leaving date', 'has value', 'march 7th'], ['total price', 'has value', '$ 84'], ['dropoff date', 'has value', 'march 13th'], ['march 7th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['buses', 'has slot', 'fare'], ['4 : 45 in the evening', 'has domain', 'buses'], ['rentalcars', 'has slot', 'count'], ['rentalcars', 'has slot', 'total price'], ['pickup time', 'has value', 'half past 6 in the evening'], ['san francisco', 'has domain', 'buses'], ['type', 'has value', 'standard'], ['pickup date', 'has value', '10th of this month'], ['$ 84', 'has domain', 'rentalcars'], ['fusion', 'has domain', 'rentalcars'], ['from location', 'has value', 'sf'], ['to station', 'has value', 'downtown station'], ['long beach , ca', 'has domain', 'buses'], ['car name', 'has value', 'fusion'], ['6 : 30 pm', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 7th'], ['3', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to station'], ['car name', 'has value', 'cruze'], ['total price', 'has value', '$ 96'], ['rentalcars', 'has slot', 'type'], ['san francisco', 'refers to same concept as', 'sfo'], ['4 : 30 pm', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['pickup location', 'has value', 'downtown station'], ['pickup city', 'has value', 'long beach'], ['rentalcars', 'has slot', 'pickup city'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup time'], ['4 : 45 pm', 'has domain', 'buses'], ['march 7th', 'has domain', 'buses'], ['13th of march', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['sf', 'has domain', 'buses'], ['leaving time', 'has value', '4 : 30 pm'], ['from location', 'has value', 'san francisco'], ['count', 'has value', '3'], ['long beach', 'has domain', 'rentalcars'], ['leaving time', 'has value', '4 : 45 pm']]\n", + "\n", + "dialogue id: sgd-validation-838\n", + "dialogue: \"user\": \"get me bus tickets .\"\n", + "\"system\": \"where are you travelling to and on what date . how many people are going ?\"\n", + "\"user\": \"i need two tickets going to fresno on friday next week .\"\n", + "\"system\": \"where and when are you departing ?\"\n", + "\"user\": \"i am departing las vegas at quarter past 12 in the afternoon .\"\n", + "\"system\": \"you want a bus with 2 tickets travelling from las vegas to fresno at 12 : 15 pm march 8th . is that right ?\"\n", + "\"user\": \"that is right . are there 0 transfers ?\"\n", + "\"system\": \"there are 0 transfers . i can ' t book your ticket . do you want to depart at 12 : 20 pm with a $ 38 cost ?\"\n", + "\"user\": \"that is fine .\"\n", + "\"system\": \"your ticket is booked .\"\n", + "\"user\": \"thanks . can you get me a rental car there ?\"\n", + "\"system\": \"do you want to get the car in fresno on march 8th and if so , at what time ?\"\n", + "\"user\": \"i will get the car half past 3 in the afternoon on the 10th in fresno .\"\n", + "\"system\": \"when will your return it ?\"\n", + "\"user\": \"i will return it on the 13th of march .\"\n", + "\"system\": \"there is a standard accord at fresno station on march 10th .\"\n", + "\"user\": \"do you have any intermediate cars available ?\"\n", + "\"system\": \"search revealed 5 results . there is a standard altima at fresno yosemite international airport on march 10th .\"\n", + "\"user\": \"how much will this cost me ?\"\n", + "\"system\": \"your bill will be $ 108 overall .\"\n", + "\"user\": \"can you find me a car to get on the 9th of this month ?\"\n", + "\"system\": \"search revealed 4 results . there is a standard camry at fresno yosemite international airport on march 9th .\"\n", + "\"user\": \"how much does that cost ?\"\n", + "\"system\": \"it will cost $ 128 overall .\"\n", + "\"user\": \"that works . get me that car .\"\n", + "\"system\": \"you want a standard car at 3 : 30 pm on march 9th at fresno yosemite international airport and will return it march 13th . is that right ?\"\n", + "\"user\": \"that is right .\"\n", + "\"system\": \"your car is booked .\"\n", + "\"user\": \"thanks a bunch .\"\n", + "\"system\": \"do you need more help ?\"\n", + "\"user\": \"no , that is all . thanks .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['friday next week', 'fresno', '9th of this month', '2', 'camry', 'fresno yosemite international airport', 'march 9th', 'las vegas', 'the 10th', 'march 13th', '$ 108', 'standard', 'half past 3 in the afternoon', '13th of march', '12 : 20 pm', 'altima', 'vegas', '5', 'march 10th', 'quarter past 12 in the afternoon', 'fresno station', 'transfers', '3 : 30 pm', '$ 128', '4', '0', 'accord', 'two', '12 : 15 pm', '$ 38', 'march 8th']\n", + "relations: [['friday next week', 'has domain', 'buses'], ['pickup date', 'has value', 'march 10th'], ['march 10th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'from location'], ['march 8th', 'has domain', 'buses'], ['leaving time', 'has value', 'quarter past 12 in the afternoon'], ['rentalcars', 'has slot', 'dropoff date'], ['fresno station', 'has domain', 'rentalcars'], ['0', 'has domain', 'buses'], ['dropoff date', 'has value', '13th of march'], ['rentalcars', 'has slot', 'getcarsavailable'], ['car name', 'has value', 'camry'], ['accord', 'has domain', 'rentalcars'], ['$ 38', 'has domain', 'buses'], ['leaving time', 'has value', '12 : 20 pm'], ['3 : 30 pm', 'has domain', 'rentalcars'], ['car name', 'has value', 'accord'], ['rentalcars', 'has slot', 'pickup date'], ['9th of this month', 'has domain', 'rentalcars'], ['pickup date', 'has value', '9th of this month'], ['pickup time', 'has value', 'half past 3 in the afternoon'], ['12 : 15 pm', 'has domain', 'buses'], ['march 13th', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['fresno yosemite international airport', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['$ 128', 'has domain', 'rentalcars'], ['half past 3 in the afternoon', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to location'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'march 8th'], ['quarter past 12 in the afternoon', 'has domain', 'buses'], ['total price', 'has value', '$ 108'], ['fresno', 'has domain', 'rentalcars'], ['5', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 128'], ['dropoff date', 'has value', 'march 13th'], ['buses', 'has slot', 'transfers'], ['4', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'fresno'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['camry', 'has domain', 'rentalcars'], ['pickup time', 'has value', '3 : 30 pm'], ['rentalcars', 'has slot', 'total price'], ['fresno', 'has domain', 'buses'], ['type', 'has value', 'standard'], ['march 9th', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 38'], ['march 8th', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 8th'], ['from location', 'has value', 'las vegas'], ['pickup date', 'has value', 'march 9th'], ['car name', 'has value', 'altima'], ['pickup location', 'has value', 'fresno yosemite international airport'], ['las vegas', 'refers to same concept as', 'vegas'], ['count', 'has value', '5'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['pickup date', 'has value', 'the 10th'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'fresno'], ['2', 'refers to same concept as', 'two'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup time'], ['the 10th', 'has domain', 'rentalcars'], ['13th of march', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['pickup location', 'has value', 'fresno station'], ['leaving time', 'has value', '12 : 15 pm'], ['$ 108', 'has domain', 'rentalcars'], ['altima', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'friday next week'], ['12 : 20 pm', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-839\n", + "dialogue: \"user\": \"i need a reservation for the bus .\"\n", + "\"system\": \"when are you leaving ? how many tickets ?\"\n", + "\"user\": \"i need 3 tickets . we are leaving this sunday .\"\n", + "\"system\": \"where are you going ? where are you leaving from ?\"\n", + "\"user\": \"i am leaving la going to sfo .\"\n", + "\"system\": \"what time are you going to leave ?\"\n", + "\"user\": \"it is for 2 people leaving at 9 : 30 in the morning .\"\n", + "\"system\": \"please confirm , 2 tickets from los angeles to san francisco on march 3rd at 9 : 30 am .\"\n", + "\"user\": \"no , i am leaving later today , going to san diego .\"\n", + "\"system\": \"please confirm , leaving march 1st for san diego .\"\n", + "\"user\": \"that is perfect . what is the cost ? what station am i reaching .\"\n", + "\"system\": \"you are arriving at santa fe depot . sorry , that seat wasn ' t available . i found another option leaving at 9 : 20 am and it $ 27 .\"\n", + "\"user\": \"yes , that is good .\"\n", + "\"system\": \"your ticket is confirmed .\"\n", + "\"user\": \"can you find me a rental car there too for this sunday at 18 : 00 until the 4th .\"\n", + "\"system\": \"do you need it in san diego .\"\n", + "\"user\": \"yes , that sounds cool .\"\n", + "\"system\": \"i have 6 cars including a standard car , like an accord , available at santa fe depot on march 3rd .\"\n", + "\"user\": \"sounds good , reserve that car .\"\n", + "\"system\": \"please confirm , picking up a standard car at santa fe depot on march 3rd at 6 pm . you are returning the car march 4th .\"\n", + "\"user\": \"yes , that is cool\"\n", + "\"system\": \"your car is reserved .\"\n", + "\"user\": \"thanks , that is all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['los angeles', 'march 1st', '2', 'santa fe depot', 'march 4th', '9 : 20 am', 'san diego', '6', 'la', 'standard', '6 pm', 'san francisco', 'this sunday', 'later today', 'sfo', '9 : 30 in the morning', 'the 4th', '$ 27', '3', '18 : 00', '9 : 30 am', 'accord', 'march 3rd']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'santa fe depot'], ['$ 27', 'has domain', 'buses'], ['leaving date', 'has value', 'march 3rd'], ['2', 'has domain', 'buses'], ['to location', 'has value', 'sfo'], ['leaving date', 'has value', 'this sunday'], ['travelers', 'has value', '2'], ['standard', 'has domain', 'rentalcars'], ['from location', 'has value', 'la'], ['buses', 'has slot', 'leaving time'], ['dropoff date', 'has value', 'the 4th'], ['march 3rd', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['march 4th', 'has domain', 'rentalcars'], ['later today', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['san francisco', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'car name'], ['pickup time', 'has value', '18 : 00'], ['buses', 'has slot', 'from location'], ['san diego', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['pickup date', 'has value', 'march 3rd'], ['rentalcars', 'has slot', 'dropoff date'], ['sfo', 'has domain', 'buses'], ['pickup date', 'has value', 'this sunday'], ['buses', 'has slot', 'to location'], ['rentalcars', 'has slot', 'pickup city'], ['type', 'has value', 'standard'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving date', 'has value', 'march 1st'], ['santa fe depot', 'has domain', 'buses'], ['the 4th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup time'], ['pickup time', 'has value', '6 pm'], ['accord', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'san diego'], ['la', 'has domain', 'buses'], ['leaving time', 'has value', '9 : 30 am'], ['dropoff date', 'has value', 'march 4th'], ['6', 'has domain', 'rentalcars'], ['this sunday', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['18 : 00', 'has domain', 'rentalcars'], ['march 1st', 'has domain', 'buses'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['leaving time', 'has value', '9 : 30 in the morning'], ['2', 'refers to same concept as', '$ 2'], ['from location', 'has value', 'los angeles'], ['car name', 'has value', 'accord'], ['count', 'has value', '6'], ['to location', 'has value', 'san francisco'], ['santa fe depot', 'has domain', 'rentalcars'], ['leaving time', 'has value', '9 : 20 am'], ['pickup location', 'has value', 'santa fe depot'], ['leaving date', 'has value', 'later today'], ['march 3rd', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['this sunday', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['6 pm', 'has domain', 'rentalcars'], ['to location', 'has value', 'san diego'], ['18 : 00', 'refers to same concept as', '6 pm'], ['rentalcars', 'has slot', 'pickup location'], ['9 : 30 am', 'has domain', 'buses'], ['9 : 20 am', 'has domain', 'buses'], ['san diego', 'has domain', 'buses'], ['9 : 30 in the morning', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['fare', 'has value', '$ 27']]\n", + "\n", + "dialogue id: sgd-validation-840\n", + "dialogue: \"user\": \"can you reserve a bus from lax on the 7th of this month ?\"\n", + "\"system\": \"where will you be going ?\"\n", + "\"user\": \"i want to get to long beach .\"\n", + "\"system\": \"when are you leaving ?\"\n", + "\"user\": \"i want to leave at 7 : 15 am .\"\n", + "\"system\": \"how many tickets will you need ?\"\n", + "\"user\": \"i ' ll need two tickets .\"\n", + "\"system\": \"so you want a bus for 2 people that leaves from los angeles to long beach on march 7th at 7 : 15 am .\"\n", + "\"user\": \"that ' s fine with me . what station do i depart from ?\"\n", + "\"system\": \"you ' ll be leaving from union station . sorry but i couldn ' t book that ticket . do you want to try a bus that leaves at 7 am . it costs $ 12 .\"\n", + "\"user\": \"that ' ll work for me .\"\n", + "\"system\": \"it ' s been booked .\"\n", + "\"user\": \"does it have any transfers ?\"\n", + "\"system\": \"it has 0 transfers .\"\n", + "\"user\": \"can you find me a rental car there too ? i want an intermediate car and i ' ll need it from the 8th until march 12th .\"\n", + "\"system\": \"what time will you be picking it up from long beach ?\"\n", + "\"user\": \"i want to pick it up in the afternoon 3 : 30 .\"\n", + "\"system\": \"there ' s a standard accord that ' s available on march 8th at lgb airport .\"\n", + "\"user\": \"what will it cost ?\"\n", + "\"system\": \"your total will be $ 112 .\"\n", + "\"user\": \"that sounds good , can you book it ?\"\n", + "\"system\": \"you want to book the standard car from lgb airport from march 8th ar 3 : 30 pm until march 12th ?\"\n", + "\"user\": \"yeah that ' s perfect .\"\n", + "\"system\": \"it ' s been booked .\"\n", + "\"user\": \"thanks for that .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no , that ' s it .\"\n", + "\"system\": \"have a good day !\"\n", + "\n", + "terms: ['los angeles', 'lax', 'march 7th', '7th of this month', '2', 'union station', '7 : 15 am', 'lgb airport', 'standard', '$ 112', 'afternoon 3 : 30', '7 am', 'the 8th', 'march 12th', '$ 12', 'transfers', '3 : 30 pm', 'long beach', '0', 'accord', 'two', 'march 8th']\n", + "relations: [['pickup time', 'has value', '3 : 30 pm'], ['march 12th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['standard', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'the 8th'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['7th of this month', 'has domain', 'buses'], ['from location', 'has value', 'lax'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['fare', 'has value', '$ 12'], ['pickup city', 'has value', 'long beach'], ['rentalcars', 'has slot', 'dropoff date'], ['$ 12', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['dropoff date', 'has value', 'march 12th'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['the 8th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'getcarsavailable'], ['rentalcars', 'has slot', 'pickup time'], ['transfers', 'has value', '0'], ['accord', 'has domain', 'rentalcars'], ['2', 'refers to same concept as', 'two'], ['march 7th', 'has domain', 'buses'], ['pickup location', 'has value', 'lgb airport'], ['total price', 'has value', '$ 112'], ['pickup time', 'has value', 'afternoon 3 : 30'], ['long beach', 'has domain', 'buses'], ['march 8th', 'has domain', 'rentalcars'], ['$ 112', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['pickup date', 'has value', 'march 8th'], ['3 : 30 pm', 'has domain', 'rentalcars'], ['leaving time', 'has value', '7 am'], ['leaving date', 'has value', 'march 7th'], ['los angeles', 'refers to same concept as', 'lax'], ['from location', 'has value', 'los angeles'], ['afternoon 3 : 30', 'has domain', 'rentalcars'], ['lgb airport', 'has domain', 'rentalcars'], ['to location', 'has value', 'long beach'], ['car name', 'has value', 'accord'], ['leaving time', 'has value', '7 : 15 am'], ['buses', 'has slot', 'transfers'], ['7 : 15 am', 'has domain', 'buses'], ['7 am', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['lax', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['long beach', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['leaving date', 'has value', '7th of this month'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-841\n", + "dialogue: \"user\": \"i ' m looking for a bus tickets for 2 around half past 1 in the afternoon .\"\n", + "\"system\": \"where did you want to go ?\"\n", + "\"user\": \"i ' m going to la .\"\n", + "\"system\": \"where are you leaving from and on what date ?\"\n", + "\"user\": \"i plan to leave thursday next week from anaheim .\"\n", + "\"system\": \"to confirm : you want 2 bus tickets from anaheim to los angeles at 1 : 30 pm march 7th .\"\n", + "\"user\": \"correct . what station will it leave from ?\"\n", + "\"system\": \"anaheim intermodal center . your tickets are confirmed .\"\n", + "\"user\": \"can you find me a rental car in la ? i ' d like to pick it up around 16 : 30 .\"\n", + "\"system\": \"did you want to pick it up march 7th ? when do you want to return it ?\"\n", + "\"user\": \"i want to pick it up march 9th and keep it until the 10th of this month .\"\n", + "\"system\": \"there is a standard camry available at lax international airport you could pick up march 9th .\"\n", + "\"user\": \"sounds good . can you make the reservation ?\"\n", + "\"system\": \"to verify : you want to pick up the standard car from lax international airport at 4 : 30 pm on march 9th and return it march 10th .\"\n", + "\"user\": \"you got it .\"\n", + "\"system\": \"your car is confirmed .\"\n", + "\"user\": \"how much will it cost ?\"\n", + "\"system\": \"it will total $ 34 .\"\n", + "\"user\": \"thanks a lot . that ' s all i need .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['4 : 30 pm', 'los angeles', 'anaheim', 'march 7th', 'lax', 'thursday next week', 'la', 'lax international airport', '10th of this month', '2', 'march 9th', 'half past 1 in the afternoon', 'standard', 'march 10th', '$ 34', 'camry', '16 : 30', '1 : 30 pm']\n", + "relations: [['camry', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['2', 'has domain', 'buses'], ['march 10th', 'has domain', 'rentalcars'], ['travelers', 'has value', '2'], ['10th of this month', 'has domain', 'rentalcars'], ['to location', 'has value', 'la'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['dropoff date', 'has value', 'march 10th'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['pickup time', 'has value', '4 : 30 pm'], ['rentalcars', 'has slot', 'dropoff date'], ['leaving date', 'has value', 'thursday next week'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving time', 'has value', 'half past 1 in the afternoon'], ['anaheim', 'has domain', 'buses'], ['thursday next week', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['car name', 'has value', 'camry'], ['half past 1 in the afternoon', 'has domain', 'buses'], ['dropoff date', 'has value', '10th of this month'], ['from station', 'has value', 'anaheim intermodal center'], ['march 7th', 'has domain', 'buses'], ['la', 'has domain', 'buses'], ['1 : 30 pm', 'has domain', 'buses'], ['4 : 30 pm', 'has domain', 'rentalcars'], ['march 9th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', 'march 7th'], ['pickup city', 'has value', 'la'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'los angeles'], ['pickup date', 'has value', 'march 9th'], ['leaving time', 'has value', '1 : 30 pm'], ['$ 34', 'has domain', 'rentalcars'], ['march 7th', 'has domain', 'rentalcars'], ['from location', 'has value', 'anaheim'], ['la', 'has domain', 'rentalcars'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['anaheim intermodal center', 'has domain', 'buses'], ['pickup time', 'has value', '16 : 30'], ['16 : 30', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['pickup date', 'has value', 'march 7th'], ['rentalcars', 'has slot', 'pickup location'], ['lax international airport', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'lax international airport'], ['total price', 'has value', '$ 34'], ['16 : 30', 'refers to same concept as', '4 : 30 pm']]\n", + "\n", + "dialogue id: sgd-validation-842\n", + "dialogue: \"user\": \"hello . i want to reserve a bus for an upcoming trip .\"\n", + "\"system\": \"when do you plan on leaving ?\"\n", + "\"user\": \"on the 12th .\"\n", + "\"system\": \"how many tickets are required ?\"\n", + "\"user\": \"i need 3 tickets .\"\n", + "\"system\": \"you ' re traveling between which two places at what time ?\"\n", + "\"user\": \"i go from la to anaheim at 3 : 45 pm .\"\n", + "\"system\": \"you want 3 tickets for a bus ride from los angeles to anaheim at 3 : 45 pm on march 12th ?\"\n", + "\"user\": \"indeed . what station do i leave from , and how many transfers ?\"\n", + "\"system\": \"you leave union station , and the bus has 0 transfers . i could not get the tickets , though . want to instead get $ 12 per person tickets for a bus that leaves at 3 : 40 pm ?\"\n", + "\"user\": \"that works out for me .\"\n", + "\"system\": \"i got the tickets .\"\n", + "\"user\": \"great ! thanks . can you also find a rental car for me ?\"\n", + "\"system\": \"sure . want to pick it up from anaheim ? how long do you want to keep it ? want to get it on march 12th ?\"\n", + "\"user\": \"anaheim ' s fine . i want it from the 13th of march to the 14th of this month .\"\n", + "\"system\": \"and at what time ?\"\n", + "\"user\": \"at around 1 : 30 in the afternoon ?\"\n", + "\"system\": \"i found 6 cars . there ' s a standard accord you can pick up at john wayne airport on march 13th .\"\n", + "\"user\": \"how much would it cost ?\"\n", + "\"system\": \"$ 36 in total .\"\n", + "\"user\": \"sounds good to me . i want to rent it .\"\n", + "\"system\": \"you want to rent a standard accord from john wayne airport on march 13th at 1 : 30 pm , and keep it until march 14th ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"i rented the car .\"\n", + "\"user\": \"thanks for the help . i need nothing further .\"\n", + "\"system\": \"have a superb day !\"\n", + "\n", + "terms: ['3 : 40 pm', 'los angeles', 'anaheim', 'march 13th', '6', 'union station', 'la', 'standard', 'the 12th', '13th of march', 'march 14th', '1 : 30 in the afternoon', 'march 12th', '$ 12', 'john wayne airport', 'transfers', '3 : 45 pm', '3', '0', '14th of this month', 'accord', '1 : 30 pm']\n", + "relations: [['leaving date', 'has value', 'march 12th'], ['rentalcars', 'has slot', 'count'], ['march 12th', 'has domain', 'rentalcars'], ['march 13th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['leaving time', 'has value', '3 : 40 pm'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'la'], ['3 : 45 pm', 'has domain', 'buses'], ['1 : 30 in the afternoon', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['dropoff date', 'has value', 'march 14th'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['fare', 'has value', '$ 12'], ['pickup date', 'has value', '13th of march'], ['$ 36', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'dropoff date'], ['$ 12', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['pickup city', 'has value', 'anaheim'], ['type', 'has value', 'standard'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving time', 'has value', '3 : 45 pm'], ['pickup time', 'has value', '1 : 30 pm'], ['anaheim', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['pickup time', 'has value', '1 : 30 in the afternoon'], ['transfers', 'has value', '0'], ['accord', 'has domain', 'rentalcars'], ['3', 'refers to same concept as', '$ 3'], ['3 : 40 pm', 'has domain', 'buses'], ['la', 'has domain', 'buses'], ['13th of march', 'has domain', 'rentalcars'], ['6', 'has domain', 'rentalcars'], ['march 14th', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'the 12th'], ['buses', 'has slot', 'buybusticket'], ['dropoff date', 'has value', '14th of this month'], ['the 12th', 'has domain', 'buses'], ['pickup date', 'has value', 'march 13th'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['pickup location', 'has value', 'john wayne airport'], ['anaheim', 'has domain', 'rentalcars'], ['from location', 'has value', 'los angeles'], ['march 12th', 'has domain', 'buses'], ['car name', 'has value', 'accord'], ['total price', 'has value', '$ 36'], ['count', 'has value', '6'], ['to location', 'has value', 'anaheim'], ['1 : 30 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['14th of this month', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['john wayne airport', 'has domain', 'rentalcars'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-843\n", + "dialogue: \"user\": \"i need a bus in sacramento for 10 : 15 am .\"\n", + "\"system\": \"how many tickets would you like ?\"\n", + "\"user\": \"i need 4 .\"\n", + "\"system\": \"where will you be going ? when are you leaving ?\"\n", + "\"user\": \"i ' m leaving on the 11th of this month . i ' m going to las vegas .\"\n", + "\"system\": \"4 tickets for a bus from sacramento to las vegas on march 11th at 10 : 15 am . is this what you want ?\"\n", + "\"user\": \"yes , that ' s it .\"\n", + "\"system\": \"i was not able to buy the tickets . there ' s a bus leaving at 10 : 20 am and costs $ 68 .\"\n", + "\"user\": \"that ' s fine then .\"\n", + "\"system\": \"your ticket has been booked .\"\n", + "\"user\": \"i ' d also like a rental car .\"\n", + "\"system\": \"what time will you pick it up ?\"\n", + "\"user\": \"at 3 in the afternoon .\"\n", + "\"system\": \"how long will you have the car ? will you want it from march 11th ? are you picking it up in las vegas ?\"\n", + "\"user\": \"yes . i want it until the 14th . i need it from the 12th of this month .\"\n", + "\"system\": \"a civic is available at mccarran international airport on march 12th . it ' s a standard car .\"\n", + "\"user\": \"that ' s fine then .\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"i ' d like to reserve it .\"\n", + "\"system\": \"picking up a car from mccarran international airport on march 12th at 3 pm until march 14th . it ' s a standard car .\"\n", + "\"user\": \"that ' s it . what will it cost me ?\"\n", + "\"system\": \"your car is reserved . it will cost $ 68 .\"\n", + "\"user\": \"thanks for everything .\"\n", + "\"system\": \"do you need help with anything ?\"\n", + "\"user\": \"no . that ' s all i need .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['12th of this month', 'march 11th', 'the 14th', 'civic', '$ 68', '10 : 15 am', '11th of this month', '3 pm', '4', 'march 14th', 'mccarran international airport', 'sacramento', 'standard', '3 in the afternoon', 'march 12th', '10 : 20 am', 'vegas', 'las vegas']\n", + "relations: [['fare', 'has value', '$ 68'], ['the 14th', 'has domain', 'rentalcars'], ['march 12th', 'has domain', 'rentalcars'], ['leaving time', 'has value', '10 : 15 am'], ['rentalcars', 'has slot', 'total price'], ['$ 68', 'has domain', 'rentalcars'], ['las vegas', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['10 : 20 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'reservecar'], ['leaving date', 'has value', 'march 11th'], ['10 : 15 am', 'has domain', 'buses'], ['11th of this month', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['pickup time', 'has value', '3 pm'], ['rentalcars', 'has slot', 'car name'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'from location'], ['total price', 'has value', '$ 68'], ['buses', 'has slot', 'leaving date'], ['pickup city', 'has value', 'las vegas'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['pickup date', 'has value', 'march 11th'], ['buses', 'has slot', 'travelers'], ['dropoff date', 'has value', 'march 14th'], ['rentalcars', 'has slot', 'getcarsavailable'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', '12th of this month'], ['las vegas', 'has domain', 'rentalcars'], ['march 11th', 'has domain', 'buses'], ['pickup time', 'has value', '3 in the afternoon'], ['4', 'has domain', 'buses'], ['mccarran international airport', 'has domain', 'rentalcars'], ['sacramento', 'has domain', 'buses'], ['leaving date', 'has value', '11th of this month'], ['march 14th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['pickup location', 'has value', 'mccarran international airport'], ['civic', 'has domain', 'rentalcars'], ['12th of this month', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['dropoff date', 'has value', 'the 14th'], ['to location', 'has value', 'las vegas'], ['$ 68', 'has domain', 'buses'], ['3 pm', 'has domain', 'rentalcars'], ['march 11th', 'has domain', 'rentalcars'], ['leaving time', 'has value', '10 : 20 am'], ['3 in the afternoon', 'has domain', 'rentalcars'], ['travelers', 'has value', '4'], ['rentalcars', 'has slot', 'pickup date'], ['las vegas', 'refers to same concept as', 'vegas'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-844\n", + "dialogue: \"user\": \"i need to book a bus ride .\"\n", + "\"system\": \"what are your departure and arrival stations and how many tickets do you need ?\"\n", + "\"user\": \"one person leaving from sf and going to los angeles .\"\n", + "\"system\": \"what is your departure date and time ?\"\n", + "\"user\": \"leaving on march 7th at 5 : 30 pm .\"\n", + "\"system\": \"please confirm you want to book 1 ticket on the bus leaving from san francisco and arriving in los angeles on march 7th at 5 : 30 pm .\"\n", + "\"user\": \"yes . that ' s right . will there be one transfer and what bus station do i arrive at ?\"\n", + "\"system\": \"the bus arriving at union station has 0 transfers . the reservation was not successful . would the 5 : 50 pm bus for $ 37 work for you ?\"\n", + "\"user\": \"yes . that one is okay as well .\"\n", + "\"system\": \"your bus reservation has been booked .\"\n", + "\"user\": \"thanks . i also need a car rental for the 11th of march near there .\"\n", + "\"system\": \"will you be picking it up from los angeles and at what time ? also what is your return date ?\"\n", + "\"user\": \"yes . i will need it from the 13th of this month and picking it up around 10 : 30 .\"\n", + "\"system\": \"there are 4 options . there is a standard civic available for pick up at union station on march 11th .\"\n", + "\"user\": \"what ' s the total ?\"\n", + "\"system\": \"the total is $ 54 .\"\n", + "\"user\": \"okay . sounds affordable .\"\n", + "\"system\": \"should i book it ?\"\n", + "\"user\": \"yes . please book it .\"\n", + "\"system\": \"please confirm you want to book a standard car from union station to be picked up on march 11th at 10 : 30 am and dropped off on march 13th .\"\n", + "\"user\": \"yes . that is correct .\"\n", + "\"system\": \"your reservation was a success .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no . that will be all for now . goodbye .\"\n", + "\"system\": \"okay . have a great day .\"\n", + "\n", + "terms: ['11th of march', 'march 11th', 'los angeles', 'march 7th', 'march 13th', 'union station', '5 : 30 pm', 'standard', '10 : 30 am', 'one', 'sf', '5 : 50 pm', '10 : 30', 'transfers', '$ 54', 'civic', '4', '0', '$ 37', '13th of this month', '1', 'san francisco']\n", + "relations: [['fare', 'has value', '$ 37'], ['rentalcars', 'has slot', 'count'], ['buses', 'has slot', 'to station'], ['pickup time', 'has value', '10 : 30 am'], ['rentalcars', 'has slot', 'total price'], ['march 13th', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['los angeles', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['leaving time', 'has value', '5 : 50 pm'], ['rentalcars', 'has slot', 'type'], ['5 : 50 pm', 'has domain', 'buses'], ['to station', 'has value', 'union station'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['10 : 30 am', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['pickup city', 'has value', 'los angeles'], ['$ 54', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'dropoff date'], ['union station', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['rentalcars', 'has slot', 'pickup city'], ['11th of march', 'has domain', 'rentalcars'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['type', 'has value', 'standard'], ['leaving time', 'has value', '5 : 30 pm'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup date', 'has value', 'march 11th'], ['count', 'has value', '4'], ['rentalcars', 'has slot', 'pickup time'], ['san francisco', 'refers to same concept as', 'san fran'], ['transfers', 'has value', '0'], ['pickup date', 'has value', '11th of march'], ['march 7th', 'has domain', 'buses'], ['from location', 'has value', 'sf'], ['total price', 'has value', '$ 54'], ['buses', 'has slot', 'buybusticket'], ['union station', 'has domain', 'rentalcars'], ['transfers', 'has value', '1'], ['los angeles', 'refers to same concept as', 'la'], ['sf', 'has domain', 'buses'], ['civic', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['10 : 30', 'refers to same concept as', '10 : 30 am'], ['leaving date', 'has value', 'march 7th'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'los angeles'], ['dropoff date', 'has value', 'march 13th'], ['march 11th', 'has domain', 'rentalcars'], ['1', 'has domain', 'buses'], ['from location', 'has value', 'san francisco'], ['buses', 'has slot', 'transfers'], ['10 : 30', 'has domain', 'rentalcars'], ['4', 'has domain', 'rentalcars'], ['$ 37', 'has domain', 'buses'], ['5 : 30 pm', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['dropoff date', 'has value', '13th of this month'], ['13th of this month', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['rentalcars', 'has slot', 'pickup location'], ['pickup time', 'has value', '10 : 30'], ['pickup location', 'has value', 'union station'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-845\n", + "dialogue: \"user\": \"i think it ' s better if you help me with the procedure of looking for a bus\"\n", + "\"system\": \"i can do that , how many tickets ?\"\n", + "\"user\": \"i need tickets for 4 people\"\n", + "\"system\": \"now , you have to tell me the time you want to depart\"\n", + "\"user\": \"the time is 6 in the evening\"\n", + "\"system\": \"what ' s the city you want to leave from ?\"\n", + "\"user\": \"it is sacramento\"\n", + "\"system\": \"now tell me when and where you ' re headed to and i ' ll give you all the info to reserve 4 seats on a bus\"\n", + "\"user\": \"we ' ll leave on the 4th to stop to sf\"\n", + "\"system\": \"now i ' ll do a little recap for you so you know what i am about to do for you . if you confirm me this , i ' ll buy 4 tickets on the bus from sacramento to san francisco that leaves march 4th at 6 pm\"\n", + "\"user\": \"it ' s what i was trying to do\"\n", + "\"system\": \"i did it\"\n", + "\"user\": \"you ' re the best , could you also tell me the name of the bust station in san francisco ?\"\n", + "\"system\": \"no problem , it ' s salesforce transit center\"\n", + "\"user\": \"i could really use a car once there , do you think you can rent one for me ? a compact car would be perfect and the first day i ' ll need it is the 10th of march\"\n", + "\"system\": \"tell me the time and the date you want to rent it from , is it maybe march 4th ? do you think you ' ll pick it up from san francisco ?\"\n", + "\"user\": \"yes , i do . look for cars available at half past 6 in the evening of the 7th of this month\"\n", + "\"system\": \"you can rent a compact car , a cooper to be precise , at sfo international airport on march 7th\"\n", + "\"user\": \"how much will i spend for this one ?\"\n", + "\"system\": \"it ' s $ 69\"\n", + "\"user\": \"it ' s doable , rent it please\"\n", + "\"system\": \"i ' ll rent it in a moment , you have to be 100 % sure of the procedure that is renting a compact car from march 7th at 6 : 30 pm untill march 10th . the car will be located at sfo international airport\"\n", + "\"user\": \"yes , i ' m 100 % sure\"\n", + "\"system\": \"you ' ll find your car waiting for me when you ' ll need it\"\n", + "\"user\": \"excellent , i must go now , take care\"\n", + "\"system\": \"goodbye\"\n", + "\n", + "terms: ['sfo international airport', 'the 4th', 'march 7th', 'sfo', '6 : 30 pm', '4', 'sacramento', '6 in the evening', 'half past 6 in the evening', 'march 10th', 'compact', 'march 4th', 'san francisco', 'cooper']\n", + "relations: [['buses', 'has slot', 'to station'], ['the 4th', 'has domain', 'buses'], ['to station', 'has value', 'salesforce transit center'], ['rentalcars', 'has slot', 'total price'], ['march 10th', 'has domain', 'rentalcars'], ['from location', 'has value', 'sacramento'], ['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['pickup time', 'has value', 'half past 6 in the evening'], ['pickup date', 'has value', '7th of this month'], ['rentalcars', 'has slot', 'reservecar'], ['dropoff date', 'has value', 'march 10th'], ['march 4th', 'has domain', 'rentalcars'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'type'], ['$ 69', 'has domain', 'rentalcars'], ['san francisco', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['leaving time', 'has value', '6 in the evening'], ['leaving date', 'has value', 'march 4th'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['pickup city', 'has value', 'san francisco'], ['buses', 'has slot', 'travelers'], ['salesforce transit center', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['dropoff date', 'has value', '10th of march'], ['half past 6 in the evening', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', 'march 4th'], ['7th of this month', 'has domain', 'rentalcars'], ['cooper', 'has domain', 'rentalcars'], ['4', 'has domain', 'buses'], ['compact', 'has domain', 'rentalcars'], ['sacramento', 'has domain', 'buses'], ['to location', 'has value', 'sf'], ['sfo international airport', 'has domain', 'rentalcars'], ['san francisco', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['6 pm', 'has domain', 'buses'], ['sf', 'has domain', 'buses'], ['10th of march', 'has domain', 'rentalcars'], ['to location', 'has value', 'san francisco'], ['march 7th', 'has domain', 'rentalcars'], ['6 : 30 pm', 'has domain', 'rentalcars'], ['leaving time', 'has value', '6 pm'], ['6 in the evening', 'has domain', 'buses'], ['march 4th', 'has domain', 'buses'], ['pickup date', 'has value', 'march 7th'], ['travelers', 'has value', '4'], ['pickup time', 'has value', '6 : 30 pm'], ['leaving date', 'has value', 'the 4th'], ['rentalcars', 'has slot', 'pickup date'], ['pickup location', 'has value', 'sfo international airport'], ['total price', 'has value', '$ 69'], ['rentalcars', 'has slot', 'pickup location'], ['car name', 'has value', 'cooper']]\n", + "\n", + "dialogue id: sgd-validation-846\n", + "dialogue: \"user\": \"i need to make a bus reservation .\"\n", + "\"system\": \"what time would you like to depart ? what is the date of your travel ? what is your desired destination ?\"\n", + "\"user\": \"i want to go to long beach on the 11th of this month at 6 o \" clock in the evening .\"\n", + "\"system\": \"where are you departing from ? how many people are in your party ?\"\n", + "\"user\": \"i am leaving from las vegas and have four people in my party , total .\"\n", + "\"system\": \"please confirm the following information : you would like a bus ticket to depart from las vegas abd headed to long beach . the bus is to depart on march 11th at 6 pm . and it is for 4 people .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your ticket has now been confirmed .\"\n", + "\"user\": \"thank you for that . i also need a rental car until the 13th .\"\n", + "\"system\": \"would you like to pick it up from long beach ?\"\n", + "\"user\": \"yes , from long beach .\"\n", + "\"system\": \"would you like the car from march 11th ?\"\n", + "\"user\": \"i want a standard car , and yeah starting on the 12th of march .\"\n", + "\"system\": \"at which time would you like it ?\"\n", + "\"user\": \"i want it at like 4 : 30 in the evening .\"\n", + "\"system\": \"there is a car which suits your description at lgb airport , available for pickup on march 12th . it is a standard car and is an accord .\"\n", + "\"user\": \"that sounds great . i want to reserve that one .\"\n", + "\"system\": \"please confirm the following information : you would like to pick up this car from lgb airport on march 12th at 4 : 30 pm . the drop - off date is march 13th . this is a standard car . correct ?\"\n", + "\"user\": \"yeah , that ' s it .\"\n", + "\"system\": \"your car has now been reserved .\"\n", + "\"user\": \"thank you for that ?\"\n", + "\"system\": \"of course . have a wonderful day .\"\n", + "\n", + "terms: ['march 13th', '4 : 30 pm', '12th of march', 'march 11th', '6 o \" clock in the evening', 'the 13th', 'long beach', '11th of this month', 'lgb airport', '4', '4 : 30 in the evening', 'standard', 'four', 'accord', '6 pm', 'march 12th', 'vegas', 'las vegas']\n", + "relations: [['6 o \" clock in the evening', 'has domain', 'buses'], ['march 12th', 'has domain', 'rentalcars'], ['march 13th', 'has domain', 'rentalcars'], ['las vegas', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['12th of march', 'has domain', 'rentalcars'], ['4 : 30 in the evening', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['leaving date', 'has value', 'march 11th'], ['11th of this month', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['pickup time', 'has value', '4 : 30 pm'], ['pickup city', 'has value', 'long beach'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['the 13th', 'has domain', 'rentalcars'], ['type', 'has value', 'standard'], ['pickup date', 'has value', 'march 11th'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'getcarsavailable'], ['rentalcars', 'has slot', 'pickup time'], ['4', 'refers to same concept as', 'four'], ['march 11th', 'has domain', 'buses'], ['accord', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'lgb airport'], ['4', 'has domain', 'buses'], ['leaving date', 'has value', '11th of this month'], ['4 : 30 pm', 'has domain', 'rentalcars'], ['long beach', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['6 pm', 'has domain', 'buses'], ['pickup time', 'has value', '4 : 30 in the evening'], ['leaving time', 'has value', '6 o \" clock in the evening'], ['from location', 'has value', 'las vegas'], ['car name', 'has value', 'accord'], ['lgb airport', 'has domain', 'rentalcars'], ['to location', 'has value', 'long beach'], ['dropoff date', 'has value', 'march 13th'], ['march 11th', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'the 13th'], ['pickup date', 'has value', '12th of march'], ['leaving time', 'has value', '6 pm'], ['travelers', 'has value', '4'], ['rentalcars', 'has slot', 'pickup date'], ['long beach', 'has domain', 'rentalcars'], ['las vegas', 'refers to same concept as', 'vegas'], ['rentalcars', 'has slot', 'pickup location']]\n", + "\n", + "dialogue id: sgd-validation-847\n", + "dialogue: \"user\": \"i would like to reserve a bus .\"\n", + "\"system\": \"when will you leave ?\"\n", + "\"user\": \"i want to leave on 7th of march .\"\n", + "\"system\": \"where will you leave from and how many tickets do you need ? at what time do you want to leave ?\"\n", + "\"user\": \"i want to leave from san francisco and the booking is for 1 person . i will leave at 17 : 00 .\"\n", + "\"system\": \"where will you go ?\"\n", + "\"user\": \"i would like to go to fresno .\"\n", + "\"system\": \"please confirm that you want to book a ticket from san francisco to fresno on march 7th at 5 pm for 1 person .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"sorry , i was not able to buy the ticket . what about the bus that leaves at 5 : 30 pm ? it costs $ 36 .\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"your ticket was confirmed .\"\n", + "\"user\": \"would you find me a rental car there ? i would like it until the 13th of this month . i want to pick it up from fresno .\"\n", + "\"system\": \"would you like the car from march 7th ?\"\n", + "\"user\": \"no , i need it from 8th of march .\"\n", + "\"system\": \"what time will you need it ?\"\n", + "\"user\": \"i would like to pick up the car around 6 o \" clock in the evening\"\n", + "\"system\": \"i have 2 cars you should like . i have a nice standard accord at fresno station for you to pick up on march 8th .\"\n", + "\"user\": \"how much is it in total ?\"\n", + "\"system\": \"it costs $ 165 in total .\"\n", + "\"user\": \"sounds great . reserve this car .\"\n", + "\"system\": \"please confirm that you will pick up from fresno station on march 8th at 6 pm and drop off on march 13th . it is a standard car .\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"your car was reserved .\"\n", + "\"user\": \"thank you for helping . that is what i needed .\"\n", + "\"system\": \"have a good one !\"\n", + "\n", + "terms: ['march 7th', 'fresno', '2', '$ 165', '8th of march', 'march 13th', '17 : 00', '5 pm', '5 : 30 pm', 'standard', '6 pm', 'one', 'fresno station', '$ 36', 'accord', '13th of this month', '1', 'san francisco', '7th of march', 'march 8th']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['rentalcars', 'has slot', 'total price'], ['march 13th', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 36'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['7th of march', 'has domain', 'buses'], ['rentalcars', 'has slot', 'reservecar'], ['leaving date', 'has value', '7th of march'], ['17 : 00', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['fresno', 'has domain', 'buses'], ['8th of march', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['17 : 00', 'refers to same concept as', '5 pm'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['to location', 'has value', 'fresno'], ['rentalcars', 'has slot', 'dropoff date'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['rentalcars', 'has slot', 'pickup city'], ['pickup time', 'has value', '6 o \" clock in the evening'], ['6 o \" clock in the evening', 'has domain', 'rentalcars'], ['buses', 'has slot', 'travelers'], ['leaving time', 'has value', '5 pm'], ['leaving time', 'has value', '5 : 30 pm'], ['rentalcars', 'has slot', 'getcarsavailable'], ['type', 'has value', 'standard'], ['fresno station', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup time'], ['2', 'has domain', 'rentalcars'], ['san francisco', 'refers to same concept as', 'san fran'], ['leaving time', 'has value', '17 : 00'], ['pickup date', 'has value', '8th of march'], ['accord', 'has domain', 'rentalcars'], ['pickup time', 'has value', '6 pm'], ['march 7th', 'has domain', 'buses'], ['count', 'has value', '2'], ['fresno', 'has domain', 'rentalcars'], ['march 8th', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 165'], ['buses', 'has slot', 'buybusticket'], ['pickup date', 'has value', 'march 8th'], ['pickup location', 'has value', 'fresno station'], ['leaving date', 'has value', 'march 7th'], ['$ 165', 'has domain', 'rentalcars'], ['car name', 'has value', 'accord'], ['1', 'refers to same concept as', 'one'], ['dropoff date', 'has value', 'march 13th'], ['5 pm', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['march 7th', 'has domain', 'rentalcars'], ['from location', 'has value', 'san francisco'], ['5 : 30 pm', 'has domain', 'buses'], ['pickup city', 'has value', 'fresno'], ['pickup date', 'has value', 'march 7th'], ['dropoff date', 'has value', '13th of this month'], ['13th of this month', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['6 pm', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['$ 36', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-848\n", + "dialogue: \"user\": \"will you reserve the bus ?\"\n", + "\"system\": \"from where ? departure date and time ?\"\n", + "\"user\": \"i want to leave from long beach , ca on next tuesday at morning 8 .\"\n", + "\"system\": \"number of tickets ?\"\n", + "\"user\": \"two .\"\n", + "\"system\": \"destination ?\"\n", + "\"user\": \"i ' m going to la .\"\n", + "\"system\": \"please confirm 2 tickets on a bus departing from long beach to los angeles on march 5th at 8 am .\"\n", + "\"user\": \"fantastic .\"\n", + "\"system\": \"i wasn ' t able to reserve the bus . try departing at 7 : 40 am for $ 13 ?\"\n", + "\"user\": \"sure .\"\n", + "\"system\": \"i ' ve completed your reservation .\"\n", + "\"user\": \"thanks . will you find a rental car there until 10th of march ?\"\n", + "\"system\": \"pick up from los angeles at what time ?\"\n", + "\"user\": \"perfect . pick up around 13 : 30 .\"\n", + "\"system\": \"you need it from march 5th ?\"\n", + "\"user\": \"make that march 9th .\"\n", + "\"system\": \"i found 6 cars . camry is a standard car available at lax international airport on march 9th .\"\n", + "\"user\": \"wonderful . reserve this car .\"\n", + "\"system\": \"please confirm reservation for a standard car from lax international airport to be picked up on march 9th at 1 : 30 pm and dropped off on march 10th .\"\n", + "\"user\": \"cool .\"\n", + "\"system\": \"i ' ve reserved your car .\"\n", + "\"user\": \"thanks .\"\n", + "\"system\": \"anything else ?\"\n", + "\"user\": \"no . that ' s all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['los angeles', 'lax', '2', 'camry', 'march 9th', '8 am', '6', 'morning 8', 'la', '10th of march', '13 : 30', '7 : 40 am', 'standard', '$ 13', 'next tuesday', 'march 10th', 'long beach', 'lax international airport', 'long beach , ca', 'march 5th', '1 : 30 pm']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['camry', 'has domain', 'rentalcars'], ['march 5th', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['pickup time', 'has value', '13 : 30'], ['travelers', 'has value', '2'], ['march 10th', 'has domain', 'rentalcars'], ['to location', 'has value', 'la'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['los angeles', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['dropoff date', 'has value', 'march 10th'], ['rentalcars', 'has slot', 'type'], ['fare', 'has value', '$ 13'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['next tuesday', 'has domain', 'buses'], ['pickup city', 'has value', 'los angeles'], ['rentalcars', 'has slot', 'dropoff date'], ['2', 'refers to same concept as', 'two'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['leaving date', 'has value', 'next tuesday'], ['march 5th', 'has domain', 'rentalcars'], ['type', 'has value', 'standard'], ['buses', 'has slot', 'travelers'], ['dropoff date', 'has value', '10th of march'], ['rentalcars', 'has slot', 'getcarsavailable'], ['$ 13', 'has domain', 'buses'], ['7 : 40 am', 'has domain', 'buses'], ['8 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['car name', 'has value', 'camry'], ['pickup time', 'has value', '1 : 30 pm'], ['la', 'has domain', 'buses'], ['march 9th', 'has domain', 'rentalcars'], ['long beach', 'has domain', 'buses'], ['from location', 'has value', 'long beach , ca'], ['morning 8', 'has domain', 'buses'], ['6', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['long beach , ca', 'has domain', 'buses'], ['leaving date', 'has value', 'march 5th'], ['13 : 30', 'has domain', 'rentalcars'], ['10th of march', 'has domain', 'rentalcars'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['leaving time', 'has value', 'morning 8'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'los angeles'], ['pickup date', 'has value', 'march 9th'], ['count', 'has value', '6'], ['from location', 'has value', 'long beach'], ['leaving time', 'has value', '7 : 40 am'], ['1 : 30 pm', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 5th'], ['los angeles', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['13 : 30', 'refers to same concept as', '1 : 30 pm'], ['leaving time', 'has value', '8 am'], ['rentalcars', 'has slot', 'pickup location'], ['lax international airport', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'lax international airport'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-849\n", + "dialogue: \"user\": \"i need a bus reservation\"\n", + "\"system\": \"when are you leaving\"\n", + "\"user\": \"i am leaving next friday\"\n", + "\"system\": \"how many ticket do you need and what time are you leaving\"\n", + "\"user\": \"i need two tickets leaving 07 : 15\"\n", + "\"system\": \"where are you traveling to and leaving from\"\n", + "\"user\": \"i am leaving from las vegas to fresno , ca at four in the evening\"\n", + "\"system\": \"please confirm your ticekt for 2 from las vegas to fresno on march 8th at 4 pm\"\n", + "\"user\": \"no change it to leaving from long beach on the 1st\"\n", + "\"system\": \"please confirm your changes from long beach on march 1st\"\n", + "\"user\": \"no this is for 1 ticket to go to los angeles\"\n", + "\"system\": \"please confirm your changes to 1 people to los angeles\"\n", + "\"user\": \"yes please\"\n", + "\"system\": \"your ticket is booked\"\n", + "\"user\": \"thank you , i also want a intermediate car\"\n", + "\"system\": \"when do you want to return the car ? march 1st ?\"\n", + "\"user\": \"i need it from 6th of march , till next friday\"\n", + "\"system\": \"are you picking up from los angeles ? what time do you need it\"\n", + "\"user\": \"i need it around 3 : 30 pm\"\n", + "\"system\": \"there is a standard camry at lax international airport on march 6th\"\n", + "\"user\": \"please reserve it for me\"\n", + "\"system\": \"please confirm your reservation of standard car from lax international airport from march 6th at 3 : 30 pm to march 8th\"\n", + "\"user\": \"perfect , what is the total cost\"\n", + "\"system\": \"your total is $ 72\"\n", + "\"user\": \"thank you\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"no that ' s it\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['los angeles', '3 : 30 pm', 'lax', '6th of march', 'march 1st', 'long beach', '1', 'fresno', 'lax international airport', '2', 'march 6th', 'fresno , ca', 'standard', 'two', 'camry', 'march 8th', 'vegas', 'las vegas']\n", + "relations: [['leaving date', 'has value', 'next friday'], ['6th of march', 'has domain', 'rentalcars'], ['camry', 'has domain', 'rentalcars'], ['pickup time', 'has value', '3 : 30 pm'], ['rentalcars', 'has slot', 'total price'], ['next friday', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['leaving time', 'has value', 'four in the evening'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'the 1st'], ['los angeles', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['$ 72', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'type'], ['fresno', 'has domain', 'buses'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving time', 'has value', '07 : 15'], ['four in the evening', 'has domain', 'buses'], ['fresno , ca', 'has domain', 'buses'], ['to location', 'has value', 'fresno'], ['march 8th', 'has domain', 'buses'], ['4 pm', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['rentalcars', 'has slot', 'dropoff date'], ['dropoff date', 'has value', 'next friday'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup city'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving date', 'has value', 'march 1st'], ['rentalcars', 'has slot', 'pickup time'], ['next friday', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 6th'], ['car name', 'has value', 'camry'], ['leaving date', 'has value', 'march 8th'], ['pickup date', 'has value', '6th of march'], ['2', 'refers to same concept as', 'two'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['leaving time', 'has value', '4 pm'], ['lax international airport', 'has domain', 'rentalcars'], ['to location', 'has value', 'fresno , ca'], ['long beach', 'has domain', 'buses'], ['march 8th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['pickup date', 'has value', 'march 1st'], ['07 : 15', 'has domain', 'buses'], ['3 : 30 pm', 'has domain', 'rentalcars'], ['from location', 'has value', 'las vegas'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'los angeles'], ['march 6th', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'march 8th'], ['from location', 'has value', 'long beach'], ['1', 'has domain', 'buses'], ['total price', 'has value', '$ 72'], ['pickup city', 'has value', 'los angeles'], ['los angeles', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['las vegas', 'refers to same concept as', 'vegas'], ['rentalcars', 'has slot', 'pickup location'], ['march 1st', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'lax international airport'], ['the 1st', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-850\n", + "dialogue: \"user\": \"i would like to make a bus reservation .\"\n", + "\"system\": \"what is your point of departure and when do you want to leave ?\"\n", + "\"user\": \"i am departing from sacramento on saturday this week .\"\n", + "\"system\": \"what number of tickets do you want ? what is your destination and what time do you want to leave ?\"\n", + "\"user\": \"this is for 3 people and i want to leave at morning 10 : 15 going to las vegas .\"\n", + "\"system\": \"okay , confirm these details for me : you would like to book tickets on a bus heading out of sacramento on march 2nd at 10 : 15 am for 3 people going to las vegas .\"\n", + "\"user\": \"no , i want it to be 4 people .\"\n", + "\"system\": \"confirm these details if you would : you would like tickets on the bus for 4 people heading out of sacramento .\"\n", + "\"user\": \"no , i ' m heading out of philly and going to nyc .\"\n", + "\"system\": \"okay , here are the details to confirm : you would like a ticket leaving on the bus from philadelphia and going to new york .\"\n", + "\"user\": \"yes that is fine with me . what bus station am i going to ?\"\n", + "\"system\": \"the station you will go to is port authority station . sorry , i was unable to purchase that ticket . what about the bus that leaves at 10 : 20 am ? that bus costs $ 20 .\"\n", + "\"user\": \"yes , that would be good for me .\"\n", + "\"system\": \"your ticket has been confirmed .\"\n", + "\"user\": \"are there zero transfers ?\"\n", + "\"system\": \"the bus has 0 transfers .\"\n", + "\"user\": \"thanks very much for your help . can you also find me a rental car there ?\"\n", + "\"system\": \"would you like to pick it up in new york ?\"\n", + "\"user\": \"yes that would be fine .\"\n", + "\"system\": \"are you wanting to get the car from march 2nd ? and what is the last date you will be needing the car ? what time do you want to pick it up ?\"\n", + "\"user\": \"i want the car till march 14th and want to pick it up from the 10th . i would like to pick the car up at about five pm .\"\n", + "\"system\": \"there is a good car available at grand central station that you can pick up on march 10th . the car is a standard and it is an accord .\"\n", + "\"user\": \"can you find anything else available ? i would like a car that is spacious .\"\n", + "\"system\": \"there is a very good car that you can pick up on march 10th at grand central station . the car is full - size , it is a cherokee .\"\n", + "\"user\": \"that sounds fine .\"\n", + "\"system\": \"would you like to reserve this car ?\"\n", + "\"user\": \"yes , i would like to rent a vehicle .\"\n", + "\"system\": \"confirm these details : you will pick up the car on march 10th at 5 pm at grand central station . you want to drop it off on march 14th . the car is full - size .\"\n", + "\"user\": \"yes that sounds fine . what is the price of this ?\"\n", + "\"system\": \"the car has been reserved for you . the reservation charge is $ 172 total .\"\n", + "\"user\": \"thanks very much for your help . that is all i wanted .\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['philly', '$ 20', '10 : 20 am', 'the 10th', '5 pm', 'standard', 'new york', 'march 2nd', 'vegas', 'philadelphia', 'cherokee', 'five pm', 'morning 10 : 15', 'march 14th', 'sacramento', 'march 10th', 'transfers', 'nyc', 'grand central station', '10 : 15 am', '3', 'saturday this week', '4', 'full - size', '0', 'port authority station', 'accord', '$ 172', 'las vegas']\n", + "relations: [['pickup date', 'has value', 'march 10th'], ['march 10th', 'has domain', 'rentalcars'], ['type', 'has value', 'full - size'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', 'morning 10 : 15'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup location', 'has value', 'grand central station'], ['accord', 'has domain', 'rentalcars'], ['from location', 'has value', 'philadelphia'], ['leaving date', 'has value', 'march 2nd'], ['3', 'has domain', 'buses'], ['car name', 'has value', 'accord'], ['fare', 'has value', '$ 20'], ['philly', 'has domain', 'buses'], ['saturday this week', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['leaving date', 'has value', 'saturday this week'], ['pickup time', 'has value', '5 pm'], ['port authority station', 'has domain', 'buses'], ['5 pm', 'has domain', 'rentalcars'], ['morning 10 : 15', 'has domain', 'buses'], ['leaving time', 'has value', '10 : 15 am'], ['$ 20', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['to location', 'has value', 'nyc'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'to location'], ['dropoff date', 'has value', 'march 14th'], ['transfers', 'has value', '0'], ['nyc', 'has domain', 'buses'], ['total price', 'has value', '$ 172'], ['pickup city', 'has value', 'new york'], ['leaving time', 'has value', '10 : 20 am'], ['buses', 'has slot', 'transfers'], ['pickup date', 'has value', 'march 2nd'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'total price'], ['from location', 'has value', 'sacramento'], ['to location', 'has value', 'new york'], ['10 : 20 am', 'has domain', 'buses'], ['10 : 15 am', 'has domain', 'buses'], ['type', 'has value', 'standard'], ['$ 172', 'has domain', 'rentalcars'], ['march 2nd', 'has domain', 'rentalcars'], ['cherokee', 'has domain', 'rentalcars'], ['philadelphia', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['march 14th', 'has domain', 'rentalcars'], ['new york', 'has domain', 'rentalcars'], ['to location', 'has value', 'las vegas'], ['to station', 'has value', 'port authority station'], ['full - size', 'has domain', 'rentalcars'], ['travelers', 'has value', '4'], ['pickup time', 'has value', 'five pm'], ['las vegas', 'refers to same concept as', 'vegas'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['las vegas', 'has domain', 'buses'], ['march 2nd', 'has domain', 'buses'], ['pickup date', 'has value', 'the 10th'], ['rentalcars', 'has slot', 'type'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['rentalcars', 'has slot', 'pickup time'], ['4', 'has domain', 'buses'], ['the 10th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['car name', 'has value', 'cherokee'], ['from location', 'has value', 'philly'], ['five pm', 'has domain', 'rentalcars'], ['philadelphia', 'refers to same concept as', 'philly'], ['grand central station', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-851\n", + "dialogue: \"user\": \"i need a bus leaving from sacramento to sd leaving at half past 10 in the morning .\"\n", + "\"system\": \"when are you leaving ?\"\n", + "\"user\": \"on the 6th of this month .\"\n", + "\"system\": \"how many tickets ?\"\n", + "\"user\": \"i need 1 ticket leaving from long beach .\"\n", + "\"system\": \"please confirm , leaving long beach to san diego on march 6th at 10 : 30 am for 1 person .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your ticket is confirmed .\"\n", + "\"user\": \"i need a rental care from march 8th to march 14th .\"\n", + "\"system\": \"are you picking it up in san diego ?\"\n", + "\"user\": \"yes .\"\n", + "\"system\": \"at what time ?\"\n", + "\"user\": \"afternoon 2 .\"\n", + "\"system\": \"i found a standard car , like an accord , at santa fe depot on march 8th .\"\n", + "\"user\": \"that sounds good . reserve this car .\"\n", + "\"system\": \"please confirm , picking up a standard car at santa fe depot on march 8th at 2 pm . the drop off date is march 14th .\"\n", + "\"user\": \"yes , that is good . what is the total cost ?\"\n", + "\"system\": \"your car is reserved . the total is $ 156 .\"\n", + "\"user\": \"thanks , that is all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['10 : 30 am', 'march 14th', 'long beach', 'sd', '6th of this month', 'sacramento', 'march 6th', 'half past 10 in the morning', 'standard', 'accord', '2 pm', '$ 156', 'santa fe depot', '1', 'san diego', 'march 8th']\n", + "relations: [['to location', 'has value', 'sd'], ['pickup time', 'has value', 'afternoon 2'], ['rentalcars', 'has slot', 'total price'], ['from location', 'has value', 'sacramento'], ['standard', 'has domain', 'rentalcars'], ['type', 'has value', 'dontcare'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', 'half past 10 in the morning'], ['rentalcars', 'has slot', 'reservecar'], ['2 pm', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 6th'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['san diego', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'dropoff date'], ['pickup time', 'has value', '2 pm'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['leaving time', 'has value', '10 : 30 am'], ['rentalcars', 'has slot', 'pickup city'], ['dropoff date', 'has value', 'march 14th'], ['sd', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'getcarsavailable'], ['type', 'has value', 'standard'], ['rentalcars', 'has slot', 'pickup time'], ['march 6th', 'has domain', 'buses'], ['accord', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'san diego'], ['sacramento', 'has domain', 'buses'], ['total price', 'has value', '$ 156'], ['long beach', 'has domain', 'buses'], ['march 14th', 'has domain', 'rentalcars'], ['march 8th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['pickup date', 'has value', 'march 8th'], ['san diego', 'refers to same concept as', 'sd'], ['leaving date', 'has value', '6th of this month'], ['dontcare', 'has domain', 'rentalcars'], ['car name', 'has value', 'accord'], ['afternoon 2', 'has domain', 'rentalcars'], ['$ 156', 'has domain', 'rentalcars'], ['santa fe depot', 'has domain', 'rentalcars'], ['from location', 'has value', 'long beach'], ['half past 10 in the morning', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['pickup location', 'has value', 'santa fe depot'], ['6th of this month', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['to location', 'has value', 'san diego'], ['rentalcars', 'has slot', 'pickup location'], ['10 : 30 am', 'has domain', 'buses'], ['san diego', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-852\n", + "dialogue: \"user\": \"hi there , could you get me a bus reservation please ?\"\n", + "\"system\": \"when will you be departing ?\"\n", + "\"user\": \"at 4 : 45 in the evening , please .\"\n", + "\"system\": \"where will you be travelling to and how many tickets for which date will you be travelling ?\"\n", + "\"user\": \"i will need 4 tickets to portland on the 2nd of this month .\"\n", + "\"system\": \"i see , where will you be departing from ?\"\n", + "\"user\": \"likely from vancouver , bc .\"\n", + "\"system\": \"sure , please confirm your reservation for 4 on the bus from vancouver to portland at 4 : 45 pm on march 2nd .\"\n", + "\"user\": \"that is fine with me .\"\n", + "\"system\": \"sorry , that reservation could not me made . how about a bus departing at 4 : 50 pm which costs $ 38 ?\"\n", + "\"user\": \"that is fine with me too .\"\n", + "\"system\": \"your reservation has been made .\"\n", + "\"user\": \"could you get me a rental car there too ?\"\n", + "\"system\": \"till when will you be using the car ?\"\n", + "\"user\": \"till the march 9th , please .\"\n", + "\"system\": \"will you pick the car up from portland ?\"\n", + "\"user\": \"yes , i will .\"\n", + "\"system\": \"and will you need the car from march 2nd , and what time do you need it ?\"\n", + "\"user\": \"i will pick up the car at 9 in the morning on monday next week .\"\n", + "\"system\": \"how about a nice standard accord available at pdx international airport on march 4th ?\"\n", + "\"user\": \"sure , could you reserve it for me please ?\"\n", + "\"system\": \"please confirm your reservation for a standard car available at pdx international airport on march 4th at 9 am till the march 9th .\"\n", + "\"user\": \"sure , how much will this cost me ?\"\n", + "\"system\": \"this will cost you $ 135 in total , and your booking has been made .\"\n", + "\"user\": \"i see , that is all i need , thanks !\"\n", + "\"system\": \"have a safe trip !\"\n", + "\n", + "terms: ['2nd of this month', '$ 135', 'monday next week', 'march 9th', 'march 4th', 'vancouver', 'standard', 'march 2nd', 'vancouver , bc', '4 : 50 pm', '9 in the morning', '4 : 45 pm', '4 : 45 in the evening', 'pdx international airport', '4', '9 am', 'accord', '$ 38', 'portland']\n", + "relations: [['rentalcars', 'has slot', 'total price'], ['leaving time', 'has value', '4 : 50 pm'], ['$ 135', 'has domain', 'rentalcars'], ['march 2nd', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'portland'], ['buses', 'has slot', 'leaving time'], ['2nd of this month', 'has domain', 'buses'], ['4 : 50 pm', 'has domain', 'buses'], ['rentalcars', 'has slot', 'reservecar'], ['leaving time', 'has value', '4 : 45 in the evening'], ['pickup time', 'has value', '9 am'], ['from location', 'has value', 'vancouver'], ['march 4th', 'has domain', 'rentalcars'], ['from location', 'has value', 'vancouver , bc'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['total price', 'has value', '$ 135'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'getcarsavailable'], ['rentalcars', 'has slot', 'pickup time'], ['vancouver , bc', 'has domain', 'buses'], ['4 : 45 pm', 'has domain', 'buses'], ['portland', 'has domain', 'buses'], ['9 am', 'has domain', 'rentalcars'], ['march 2nd', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 4th'], ['accord', 'has domain', 'rentalcars'], ['vancouver', 'refers to same concept as', 'vancouver , bc'], ['4', 'has domain', 'buses'], ['$ 38', 'has domain', 'buses'], ['march 9th', 'has domain', 'rentalcars'], ['to location', 'has value', 'portland'], ['fare', 'has value', '$ 38'], ['leaving date', 'has value', '2nd of this month'], ['buses', 'has slot', 'buybusticket'], ['pickup time', 'has value', '9 in the morning'], ['leaving date', 'has value', 'march 2nd'], ['vancouver', 'has domain', 'buses'], ['monday next week', 'has domain', 'rentalcars'], ['car name', 'has value', 'accord'], ['portland', 'has domain', 'rentalcars'], ['pdx international airport', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'monday next week'], ['pickup date', 'has value', 'march 2nd'], ['dropoff date', 'has value', 'march 9th'], ['travelers', 'has value', '4'], ['rentalcars', 'has slot', 'pickup date'], ['pickup location', 'has value', 'pdx international airport'], ['leaving time', 'has value', '4 : 45 pm'], ['rentalcars', 'has slot', 'pickup location'], ['9 in the morning', 'has domain', 'rentalcars'], ['buses', 'has slot', 'fare'], ['4 : 45 in the evening', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-853\n", + "dialogue: \"user\": \"i would like to reserve a bus .\"\n", + "\"system\": \"i will need to know how many tickets you need and when you are planning to leave .\"\n", + "\"user\": \"it would be for four people leaving on the 2nd of march .\"\n", + "\"system\": \"i will need to know your departure and arrival cities and what time you would like to leave .\"\n", + "\"user\": \"i am planning to leave from long beach at quarter past 7 in the evening to go to fresno , ca .\"\n", + "\"system\": \"please confirm that you would like a bus ticket from long beach to fresno on march 2nd at 7 : 15 pm for 4 people .\"\n", + "\"user\": \"yes , that is correct . can you tell me the name of the station i will be arriving at ?\"\n", + "\"system\": \"sorry , i could not purchase that ticket , is there anything else i can do for you ?\"\n", + "\"user\": \"can you please try again but this time from fresno , ca to vegas on march 1st ?\"\n", + "\"system\": \"please confirm you would like a bus ticket from fresno to las vegas on march 1st at 7 : 15 pm for 4 people .\"\n", + "\"user\": \"yes , that will work . i would like 0 transfers please and can you tell me the name of the bus station i will be leaving from ?\"\n", + "\"system\": \"the bus station is fresno station and it does have 0 transfers but i could not purchase that ticket . would you be interested in a bus departing at 7 : 20 pm that costs $ 37 ?\"\n", + "\"user\": \"sure , that will work !\"\n", + "\"system\": \"i have confirmed your ticket !\"\n", + "\"user\": \"thank you , could you also find me a rental car please ?\"\n", + "\"system\": \"are you picking up the car from las vegas ? i will need to know the date and time of when you will want the car .\"\n", + "\"user\": \"yes , i will be picking up there around 5 o \" clock in the evening and keeping it until march 10th .\"\n", + "\"system\": \"do you need the car from march 1st ?\"\n", + "\"user\": \"i need it from wednesday next week .\"\n", + "\"system\": \"there is a nice standard civic that is available on march 6th at mccarran international airport . would you be interested in that one ?\"\n", + "\"user\": \"yes , sounds perfect !\"\n", + "\"system\": \"would you like for me to reserve the car now ?\"\n", + "\"user\": \"yes , i would like to rent it now .\"\n", + "\"system\": \"please confirm you will be picking up a standard car at mccarran international airport on march 6th at 5 pm and dropping off on march 10th .\"\n", + "\"user\": \"yes , that is correct , can you give me the total cost ?\"\n", + "\"system\": \"i have reserved your rental and the total cost will be $ 132 .\"\n", + "\"user\": \"thank you for all your help !\"\n", + "\"system\": \"is there anything else i can assist you with ?\"\n", + "\"user\": \"not at this time , thank you !\"\n", + "\"system\": \"have a beautiful day then !\"\n", + "\n", + "terms: ['march 1st', 'fresno', 'mccarran international airport', 'march 6th', 'las vegas', '$ 132', 'wednesday next week', 'quarter past 7 in the evening', '5 pm', 'standard', '2nd of march', 'vegas', 'march 2nd', 'fresno , ca', 'march 10th', 'four', 'fresno station', 'transfers', 'civic', 'long beach', '4', '0', '$ 37', '7 : 15 pm', '7 : 20 pm', '5 o \" clock in the evening']\n", + "relations: [['pickup time', 'has value', '5 o \" clock in the evening'], ['march 10th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['pickup date', 'has value', 'wednesday next week'], ['buses', 'has slot', 'from location'], ['fresno , ca', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['from location', 'has value', 'fresno'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['4', 'refers to same concept as', 'four'], ['long beach', 'has domain', 'buses'], ['leaving date', 'has value', 'march 2nd'], ['quarter past 7 in the evening', 'has domain', 'buses'], ['march 6th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['march 1st', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 132'], ['pickup time', 'has value', '5 pm'], ['from station', 'has value', 'fresno station'], ['fare', 'has value', '$ 37'], ['5 pm', 'has domain', 'rentalcars'], ['7 : 20 pm', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['leaving time', 'has value', '7 : 15 pm'], ['rentalcars', 'has slot', 'reservecar'], ['dropoff date', 'has value', 'march 10th'], ['vegas', 'has domain', 'buses'], ['rentalcars', 'has slot', 'car name'], ['pickup city', 'has value', 'las vegas'], ['5 o \" clock in the evening', 'has domain', 'rentalcars'], ['$ 132', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to location'], ['transfers', 'has value', '0'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['wednesday next week', 'has domain', 'rentalcars'], ['march 1st', 'has domain', 'buses'], ['7 : 15 pm', 'has domain', 'buses'], ['pickup date', 'has value', 'march 1st'], ['civic', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['from location', 'has value', 'long beach'], ['buses', 'has slot', 'transfers'], ['$ 37', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['fresno station', 'has domain', 'buses'], ['rentalcars', 'has slot', 'total price'], ['fresno', 'has domain', 'buses'], ['type', 'has value', 'standard'], ['las vegas', 'has domain', 'rentalcars'], ['to location', 'has value', 'fresno , ca'], ['pickup location', 'has value', 'mccarran international airport'], ['to location', 'has value', 'las vegas'], ['leaving time', 'has value', '7 : 20 pm'], ['travelers', 'has value', '4'], ['las vegas', 'refers to same concept as', 'vegas'], ['buses', 'has slot', 'to station'], ['las vegas', 'has domain', 'buses'], ['march 2nd', 'has domain', 'buses'], ['leaving time', 'has value', 'quarter past 7 in the evening'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'fresno'], ['to location', 'has value', 'vegas'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', 'march 6th'], ['4', 'has domain', 'buses'], ['mccarran international airport', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'fresno , ca'], ['2nd of march', 'has domain', 'buses'], ['leaving date', 'has value', '2nd of march']]\n", + "\n", + "dialogue id: sgd-validation-854\n", + "dialogue: \"user\": \"i need a bus reservation . please help me set this up .\"\n", + "\"system\": \"alright , how many tickets would you like to reserve ?\"\n", + "\"user\": \"i need two please . i will be trying to leave at half past 7 in the evening .\"\n", + "\"system\": \"when are you planning to leave .\"\n", + "\"user\": \"i ' m planning to leave on the 4th ?\"\n", + "\"system\": \"where would you like to leave from .\"\n", + "\"user\": \"i am leaving from fresno .\"\n", + "\"system\": \"where are you going to ?\"\n", + "\"user\": \"i ' m leaving from sf and would like to go sacramento , ca .\"\n", + "\"system\": \"please confirm your details for leaving on march 4 at 7 : 30 pm . this will be for 2 tickets departing on march 4th . san francisco and will be arriving at sacramento .\"\n", + "\"user\": \"yes that will work . which bus station would i be arriving at . what will my ticket price be .\"\n", + "\"system\": \"your ticket is confirmed from sacramento valley station , your ticket is $ 22 .\"\n", + "\"user\": \"could you also please find me a rental car . i will need a medium - sized vehicle . i will need to pick up at half past 7 in the evening . i will need this on the 11th of this month .\"\n", + "\"system\": \"will you be picking up in sacramento and on which date ?\"\n", + "\"user\": \"yes , that will do . i am going to need this rental until the 13th of march .\"\n", + "\"system\": \"i have 4 cars which may be of interest to you . suggest first smf international airport on march 11th . this is a standard accord .\"\n", + "\"user\": \"ok . lets do it .\"\n", + "\"system\": \"please confirm . pick up at smf international airport on march 11th at 7 : 30 pm and drop off on march 13th . this will be a standard .\"\n", + "\"user\": \"yes . go ahead\"\n", + "\"system\": \"ok . your all set .\"\n", + "\"user\": \"thank you .\"\n", + "\"system\": \"your welcome . have a good day\"\n", + "\n", + "terms: ['march 11th', 'fresno', 'sacramento valley station', '2', 'smf international airport', 'march 4th', 'march 13th', '$ 22', 'half past 7 in the evening', 'standard', '13th of march', '7 : 30 pm', 'sacramento', 'sf', 'sacramento , ca', 'the 4th', '11th of this month', '4', 'accord', 'two', 'san francisco']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['buses', 'has slot', 'to station'], ['the 4th', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['to location', 'has value', 'sacramento'], ['travelers', 'has value', '2'], ['pickup location', 'has value', 'smf international airport'], ['march 13th', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['smf international airport', 'has domain', 'rentalcars'], ['$ 22', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['fresno', 'has domain', 'buses'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['pickup time', 'has value', 'half past 7 in the evening'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['leaving date', 'has value', 'march 4th'], ['half past 7 in the evening', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'dropoff date'], ['from location', 'has value', 'fresno'], ['2', 'refers to same concept as', 'two'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['count', 'has value', '4'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['to station', 'has value', 'sacramento valley station'], ['rentalcars', 'has slot', 'getcarsavailable'], ['dropoff date', 'has value', '13th of march'], ['pickup date', 'has value', 'march 11th'], ['san francisco', 'refers to same concept as', 'san fran'], ['rentalcars', 'has slot', 'pickup time'], ['accord', 'has domain', 'rentalcars'], ['from location', 'has value', 'sf'], ['sacramento', 'has domain', 'buses'], ['11th of this month', 'has domain', 'rentalcars'], ['pickup time', 'has value', '7 : 30 pm'], ['leaving time', 'has value', 'half past 7 in the evening'], ['13th of march', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['sf', 'has domain', 'buses'], ['to location', 'has value', 'sacramento , ca'], ['pickup city', 'has value', 'sacramento'], ['car name', 'has value', 'accord'], ['7 : 30 pm', 'has domain', 'buses'], ['fare', 'has value', '$ 22'], ['dropoff date', 'has value', 'march 13th'], ['march 11th', 'has domain', 'rentalcars'], ['pickup date', 'has value', '11th of this month'], ['from location', 'has value', 'san francisco'], ['4', 'has domain', 'rentalcars'], ['sacramento', 'has domain', 'rentalcars'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['march 4th', 'has domain', 'buses'], ['leaving date', 'has value', 'the 4th'], ['leaving time', 'has value', '7 : 30 pm'], ['rentalcars', 'has slot', 'pickup date'], ['half past 7 in the evening', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['7 : 30 pm', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-855\n", + "dialogue: \"user\": \"i ' d like to reserve a bus from philly .\"\n", + "\"system\": \"what number of tickets and when will you be leaving ?\"\n", + "\"user\": \"that ' s for one on the 2nd of march at quarter past 7 in the morning .\"\n", + "\"system\": \"where are you heading ?\"\n", + "\"user\": \"i will be going to washington .\"\n", + "\"system\": \"please confirm a ticket for a bus from philadelphia to washington leaving march 2nd at 7 : 15 am for 1 .\"\n", + "\"user\": \"yes , that is good . tell me the bus station i ' m leaving from .\"\n", + "\"system\": \"i ' m starting at intercity terminal . sorry , i couldn ' t get that ticket . what about the bus leaving at 7 : 30 am for $ 29 .\"\n", + "\"user\": \"that will be fine .\"\n", + "\"system\": \"the ticket is confirmed .\"\n", + "\"user\": \"thanks for the help . will you find me a rental car to pick up from washington ?\"\n", + "\"system\": \"what time do you need it and till what date ? would you like the car from march 2nd ?\"\n", + "\"user\": \"i would like it till march 9th picking up at three pm and needing it the 4th of this month .\"\n", + "\"system\": \"i see 3 cars you might like including a nice car from dulles international airport picking up march 4th a standard camry car .\"\n", + "\"user\": \"that is good . i ' d like to reserve the car .\"\n", + "\"system\": \"please confirm you are picking up a car from dulles international airport march 4th at 3 pm dropping off march 9th a standard car .\"\n", + "\"user\": \"yes , that is great .\"\n", + "\"system\": \"the car has been reserved .\"\n", + "\"user\": \"thanks for the help .\"\n", + "\"system\": \"is there anything else i can help with ?\"\n", + "\"user\": \"no , thanks so much .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['3 pm', 'philly', 'camry', 'march 9th', 'march 4th', '7 : 15 am', '$ 29', '7 : 30 am', 'standard', '2nd of march', 'march 2nd', 'philadelphia', '4th of this month', 'washington', 'one', '1', 'dulles international airport', 'intercity terminal', '3', 'quarter past 7 in the morning', 'three', 'three pm']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['dulles international airport', 'has domain', 'rentalcars'], ['camry', 'has domain', 'rentalcars'], ['pickup date', 'has value', '4th of this month'], ['march 2nd', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['march 4th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'type'], ['pickup time', 'has value', '3 pm'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'washington'], ['rentalcars', 'has slot', 'dropoff date'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['rentalcars', 'has slot', 'pickup city'], ['washington', 'has domain', 'buses'], ['type', 'has value', 'standard'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'getcarsavailable'], ['rentalcars', 'has slot', 'pickup time'], ['car name', 'has value', 'camry'], ['march 2nd', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 4th'], ['philadelphia', 'has domain', 'buses'], ['from location', 'has value', 'philadelphia'], ['intercity terminal', 'has domain', 'buses'], ['fare', 'has value', '$ 29'], ['march 9th', 'has domain', 'rentalcars'], ['three pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', 'march 2nd'], ['pickup time', 'has value', 'three pm'], ['from location', 'has value', 'philly'], ['2nd of march', 'has domain', 'buses'], ['washington', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['quarter past 7 in the morning', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 30 am'], ['3 pm', 'has domain', 'rentalcars'], ['philly', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 15 am'], ['pickup location', 'has value', 'dulles international airport'], ['pickup date', 'has value', 'march 2nd'], ['7 : 15 am', 'has domain', 'buses'], ['$ 29', 'has domain', 'buses'], ['dropoff date', 'has value', 'march 9th'], ['from station', 'has value', 'intercity terminal'], ['4th of this month', 'has domain', 'rentalcars'], ['leaving date', 'has value', '2nd of march'], ['buses', 'has slot', 'from station'], ['pickup city', 'has value', 'washington'], ['count', 'has value', '3'], ['rentalcars', 'has slot', 'pickup date'], ['7 : 30 am', 'has domain', 'buses'], ['philadelphia', 'refers to same concept as', 'philly'], ['3', 'refers to same concept as', 'three'], ['rentalcars', 'has slot', 'pickup location'], ['3', 'has domain', 'rentalcars'], ['leaving time', 'has value', 'quarter past 7 in the morning'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-856\n", + "dialogue: \"user\": \"reserve for me please a bus .\"\n", + "\"system\": \"tell me where are you going ?\"\n", + "\"user\": \"in lax i want to go .\"\n", + "\"system\": \"tell me please when you want to leave and how many tickets you want .\"\n", + "\"user\": \"will be for 2 people on the 9th .\"\n", + "\"system\": \"tell me where are you leaving from ?\"\n", + "\"user\": \"from fresno , ca i plan to leave .\"\n", + "\"system\": \"at what time you want to be ?\"\n", + "\"user\": \"at 14 : 30 wil be great .\"\n", + "\"system\": \"2 tickets at the bus that leave from fresno to los angeles on march 9th at 2 : 30 pm , is that correct ?\"\n", + "\"user\": \"yes thst ' s good .\"\n", + "\"system\": \"sorry but unfortunately the purchase was not made . you want to change it with the bus that depart at 2 pm and cost $ 36 ?\"\n", + "\"user\": \"yes is okay .\"\n", + "\"system\": \"ticket was confirmed .\"\n", + "\"user\": \"tell me how many transfers have and what is the bus station from where i will leaving .\"\n", + "\"system\": \"fresno station is the origin station . the bus has 0 transfers .\"\n", + "\"user\": \"thanks . i also need to find a rental car there . the pick up will be around evening 4 : 30 and i will need it till 14th of this month .\"\n", + "\"system\": \"the pick up will be from los angeles and you want to have the car from march 9th ?\"\n", + "\"user\": \"yes is perfect . from 11th of march , i will need the car .\"\n", + "\"system\": \"i have for you 6 options . first is a nice standard camry car . is available for pick up on march 11th at lax international airport .\"\n", + "\"user\": \"tell me please the total cost .\"\n", + "\"system\": \"cost in total is $ 99 .\"\n", + "\"user\": \"sounds very good make for me a reservation .\"\n", + "\"system\": \"you need a standard car available from lax international airport . pick up date is march 11th at 4 : 30 pm and drop off is on march 14th . is that okay ?\"\n", + "\"user\": \"sounds very good .\"\n", + "\"system\": \"card is reserved .\"\n", + "\"user\": \"thanks . that ' s all .\"\n", + "\"system\": \"have a good day !\"\n", + "\n", + "terms: ['11th of march', 'march 11th', 'los angeles', 'lax', '14 : 30', 'fresno', '2', '2 : 30 pm', 'camry', 'march 9th', '6', '2 pm', 'standard', 'evening 4 : 30', '4 : 30 pm', 'march 14th', 'fresno , ca', 'transfers', '$ 36', '$ 99', 'lax international airport', '0', '14th of this month', 'the 9th']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['camry', 'has domain', 'rentalcars'], ['14 : 30', 'has domain', 'buses'], ['fresno station', 'has domain', 'buses'], ['leaving time', 'has value', '2 : 30 pm'], ['evening 4 : 30', 'has domain', 'rentalcars'], ['2', 'has domain', 'buses'], ['pickup time', 'has value', 'evening 4 : 30'], ['travelers', 'has value', '2'], ['rentalcars', 'has slot', 'total price'], ['fare', 'has value', '$ 36'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['los angeles', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'type'], ['fresno', 'has domain', 'buses'], ['to location', 'has value', 'lax'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['fresno , ca', 'has domain', 'buses'], ['pickup city', 'has value', 'los angeles'], ['rentalcars', 'has slot', 'dropoff date'], ['from location', 'has value', 'fresno'], ['$ 99', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['11th of march', 'has domain', 'rentalcars'], ['the 9th', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup date', 'has value', 'march 11th'], ['pickup time', 'has value', '4 : 30 pm'], ['dropoff date', 'has value', 'march 14th'], ['rentalcars', 'has slot', 'pickup time'], ['car name', 'has value', 'camry'], ['transfers', 'has value', '0'], ['pickup date', 'has value', '11th of march'], ['leaving date', 'has value', 'the 9th'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['total price', 'has value', '$ 99'], ['4 : 30 pm', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 9th'], ['march 9th', 'has domain', 'rentalcars'], ['6', 'has domain', 'rentalcars'], ['march 14th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'fresno , ca'], ['dropoff date', 'has value', '14th of this month'], ['leaving time', 'has value', '2 pm'], ['leaving time', 'has value', '14 : 30'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'los angeles'], ['pickup date', 'has value', 'march 9th'], ['count', 'has value', '6'], ['march 11th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['2 : 30 pm', 'has domain', 'buses'], ['2 pm', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['lax', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['14th of this month', 'has domain', 'rentalcars'], ['14 : 30', 'refers to same concept as', '2 : 30 pm'], ['rentalcars', 'has slot', 'pickup location'], ['lax international airport', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'lax international airport'], ['$ 36', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['from station', 'has value', 'fresno station']]\n", + "\n", + "dialogue id: sgd-validation-857\n", + "dialogue: \"user\": \"hi there , could you search for some bus rides for me please ?\"\n", + "\"system\": \"sure , where will you be travelling to ?\"\n", + "\"user\": \"to sacramento , please !\"\n", + "\"system\": \"and when will you be departing from ?\"\n", + "\"user\": \"most likely on the 13th of this month !\"\n", + "\"system\": \"i see , where and what time will you like to depart ?\"\n", + "\"user\": \"likely from fresno at 8 in the morning .\"\n", + "\"system\": \"how many tickets are you looking to purchase ?\"\n", + "\"user\": \"for 2 please on the 1st .\"\n", + "\"system\": \"please confirm your purchase for 2 seats for the bus travelling from fresno to sacramento on march 1st at 8 am .\"\n", + "\"user\": \"that is fine with me . where am i departing from and how much will this cost me ?\"\n", + "\"system\": \"you will depart from sacramento valley station and this will cost you $ 29 .\"\n", + "\"user\": \"i see , could you get me a standard rental car for use till wednesday next week ?\"\n", + "\"system\": \"sure , and will you pick up from sacramento ?\"\n", + "\"user\": \"yes , i will .\"\n", + "\"system\": \"will you be using the car from march 1st ?\"\n", + "\"user\": \"no , i will use it from march 3rd .\"\n", + "\"system\": \"when will you be picking the car up ?\"\n", + "\"user\": \"most likely at 12 : 30 in the afternoon .\"\n", + "\"system\": \"would you like a standard corolla for your pickup at sacramento valley station on march 3rd ?\"\n", + "\"user\": \"sure , could you make a reservation for it please ?\"\n", + "\"system\": \"please confirm your reservation for a standard car at sacramento valley station on march 3rd at 12 : 30 pm to march 6th .\"\n", + "\"user\": \"sure , how much will this cost me ?\"\n", + "\"system\": \"your reservation has been made , and will cost you $ 105 in total .\"\n", + "\"user\": \"thank you for your assistance .\"\n", + "\"system\": \"do you need further help ?\"\n", + "\"user\": \"no , that is all i need . thank you .\"\n", + "\"system\": \"no worries , have a great day ahead !\"\n", + "\n", + "terms: ['corolla', '12 : 30 pm', 'wednesday next week', 'the 1st', 'march 1st', 'fresno', 'sacramento valley station', '2', '$ 29', 'sacramento', 'march 6th', '$ 105', '8 in the morning', 'standard', '12 : 30 in the afternoon', '13th of this month', 'march 3rd', '8 am']\n", + "relations: [['buses', 'has slot', 'to station'], ['to location', 'has value', 'sacramento'], ['2', 'has domain', 'buses'], ['rentalcars', 'has slot', 'total price'], ['travelers', 'has value', '2'], ['corolla', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'the 1st'], ['march 3rd', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'sacramento valley station'], ['rentalcars', 'has slot', 'reservecar'], ['total price', 'has value', '$ 105'], ['rentalcars', 'has slot', 'type'], ['fresno', 'has domain', 'buses'], ['8 in the morning', 'has domain', 'buses'], ['pickup date', 'has value', 'march 3rd'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'leaving date'], ['leaving time', 'has value', '8 in the morning'], ['rentalcars', 'has slot', 'dropoff date'], ['from location', 'has value', 'fresno'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['to station', 'has value', 'sacramento valley station'], ['buses', 'has slot', 'travelers'], ['dropoff date', 'has value', 'wednesday next week'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving date', 'has value', 'march 1st'], ['pickup time', 'has value', '12 : 30 in the afternoon'], ['8 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['12 : 30 pm', 'has domain', 'rentalcars'], ['12 : 30 in the afternoon', 'has domain', 'rentalcars'], ['sacramento valley station', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'march 6th'], ['sacramento', 'has domain', 'buses'], ['leaving date', 'has value', '13th of this month'], ['13th of this month', 'has domain', 'buses'], ['wednesday next week', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 29'], ['pickup time', 'has value', '12 : 30 pm'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['pickup date', 'has value', 'march 1st'], ['2', 'refers to same concept as', '$ 2'], ['pickup city', 'has value', 'sacramento'], ['march 6th', 'has domain', 'rentalcars'], ['$ 105', 'has domain', 'rentalcars'], ['car name', 'has value', 'corolla'], ['$ 29', 'has domain', 'buses'], ['sacramento', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['leaving time', 'has value', '8 am'], ['rentalcars', 'has slot', 'pickup location'], ['march 1st', 'has domain', 'rentalcars'], ['the 1st', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-858\n", + "dialogue: \"user\": \"i need a bus next wednesday leaving morning 9 : 45 .\"\n", + "\"system\": \"where is departure , arrival and how many seats ?\"\n", + "\"user\": \"leaving from sd to san francisco for two seats .\"\n", + "\"system\": \"confirm march 6th departure from san diego to san francisco at 9 : 45 am for 2 .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"how about 10 am for $ 52 ?\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"you are now confirmed .\"\n", + "\"user\": \"i need a rental car for next friday pick up in san francisco .\"\n", + "\"system\": \"what time do you want ?\"\n", + "\"user\": \"i want to pick up 1 : 30 pm .\"\n", + "\"system\": \"how long do you want it ?\"\n", + "\"user\": \"i want a small car until march 13th .\"\n", + "\"system\": \"i found 4 . i have a compact bolt at salesforce transit center for march 8th .\"\n", + "\"user\": \"what is the cost ?\"\n", + "\"system\": \"it is $ 120 .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"do you want to book ?\"\n", + "\"user\": \"yes , rent it for me .\"\n", + "\"system\": \"confirm compact bolt at salesforce transit center pickup march 8th at 1 : 30 pm until march 13th .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"you are now confirmed .\"\n", + "\"user\": \"that is all i need .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['2', 'march 6th', '$ 52', 'san diego', 'march 13th', 'sd', 'bolt', 'salesforce transit center', '10 am', 'next friday', 'morning 9 : 45', '9 : 45 am', 'next wednesday', '4', 'two', 'compact', 'san francisco', '1 : 30 pm', '$ 120', 'march 8th']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['leaving date', 'has value', 'next wednesday'], ['next wednesday', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['from location', 'has value', 'sd'], ['travelers', 'has value', '2'], ['march 13th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['type', 'has value', 'compact'], ['10 am', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['leaving date', 'has value', 'march 6th'], ['9 : 45 am', 'has domain', 'buses'], ['pickup date', 'has value', 'next friday'], ['rentalcars', 'has slot', 'type'], ['san francisco', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['morning 9 : 45', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['2', 'refers to same concept as', 'two'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['pickup city', 'has value', 'san francisco'], ['count', 'has value', '4'], ['leaving time', 'has value', '10 am'], ['buses', 'has slot', 'travelers'], ['sd', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup time', 'has value', '1 : 30 pm'], ['rentalcars', 'has slot', 'pickup time'], ['next friday', 'has domain', 'rentalcars'], ['leaving time', 'has value', '9 : 45 am'], ['total price', 'has value', '$ 120'], ['march 6th', 'has domain', 'buses'], ['bolt', 'has domain', 'rentalcars'], ['compact', 'has domain', 'rentalcars'], ['san francisco', 'has domain', 'rentalcars'], ['march 8th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['fare', 'has value', '$ 52'], ['$ 52', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 8th'], ['san diego', 'refers to same concept as', 'sd'], ['leaving time', 'has value', 'morning 9 : 45'], ['$ 120', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'march 13th'], ['to location', 'has value', 'san francisco'], ['1 : 30 pm', 'has domain', 'rentalcars'], ['4', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'salesforce transit center'], ['car name', 'has value', 'bolt'], ['from location', 'has value', 'san diego'], ['rentalcars', 'has slot', 'pickup date'], ['rentalcars', 'has slot', 'pickup location'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-859\n", + "dialogue: \"user\": \"i want to find a bus leaving from los angeles .\"\n", + "\"system\": \"where are you heading and what time would you like to leave ?\"\n", + "\"user\": \"i want to go to long beach at the morning 6 : 30 .\"\n", + "\"system\": \"what day would you like to leave , and how many tickets do you need ?\"\n", + "\"user\": \"i need 4 tickets for march 11th .\"\n", + "\"system\": \"okay . i am booking 4 tickets for a bus traveling from los angeles to long beach on march 11th at 6 : 30 am . is this correct ?\"\n", + "\"user\": \"no , i want to leave from seattle and go to portland , or instead .\"\n", + "\"system\": \"okay , i am booking your tickets on a bus traveling from seattle to portland . is this correct ?\"\n", + "\"user\": \"yes , that ' s correct . are there any transfers ? and which station do i arrive at ?\"\n", + "\"system\": \"your tickets have been booked . there are 0 transfers . you will arrive at the portland bus station .\"\n", + "\"user\": \"can you find me a spacious rental car for march 12th , picking up at 9 : 30 am ?\"\n", + "\"system\": \"would you like to pick it up in portland ? when would you like to return the car ?\"\n", + "\"user\": \"yes , that ' s good . returning the 14th of march .\"\n", + "\"system\": \"i found 2 cars you may like . there is a full - size cr - v available march 12th at pdx international airport . does that work for you ?\"\n", + "\"user\": \"that sounds good . can you reserve the car ?\"\n", + "\"system\": \"okay , i am reserving the full - size car at pdx international airport , picking up march 12th at 9 : 30 am and returning on march 14th . is this correct ?\"\n", + "\"user\": \"yes , sounds good .\"\n", + "\"system\": \"the car has been reserved successfully .\"\n", + "\"user\": \"thank you for all your help . that ' s all i need for now .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['march 11th', 'los angeles', '2', '14th of march', 'portland', 'portland , or', 'march 14th', 'march 12th', 'cr - v', 'transfers', '6 : 30 am', 'pdx international airport', 'long beach', 'seattle', '4', 'full - size', '0', '9 : 30 am', 'morning 6 : 30', 'portland bus station']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['buses', 'has slot', 'to station'], ['march 12th', 'has domain', 'rentalcars'], ['to station', 'has value', 'portland bus station'], ['type', 'has value', 'full - size'], ['to location', 'has value', 'portland , or'], ['buses', 'has slot', 'leaving time'], ['pickup city', 'has value', 'portland'], ['rentalcars', 'has slot', 'reservecar'], ['leaving date', 'has value', 'march 11th'], ['pickup time', 'has value', '9 : 30 am'], ['rentalcars', 'has slot', 'type'], ['9 : 30 am', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'leaving date'], ['portland', 'refers to same concept as', 'portland , or'], ['leaving time', 'has value', '6 : 30 am'], ['portland , or', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['dropoff date', 'has value', 'march 14th'], ['rentalcars', 'has slot', 'getcarsavailable'], ['rentalcars', 'has slot', 'pickup time'], ['2', 'has domain', 'rentalcars'], ['transfers', 'has value', '0'], ['morning 6 : 30', 'has domain', 'buses'], ['portland', 'has domain', 'buses'], ['portland bus station', 'has domain', 'buses'], ['march 11th', 'has domain', 'buses'], ['count', 'has value', '2'], ['4', 'has domain', 'buses'], ['long beach', 'has domain', 'buses'], ['6 : 30 am', 'has domain', 'buses'], ['to location', 'has value', 'portland'], ['march 14th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['14th of march', 'has domain', 'rentalcars'], ['los angeles', 'refers to same concept as', 'la'], ['from location', 'has value', 'los angeles'], ['to location', 'has value', 'long beach'], ['seattle', 'has domain', 'buses'], ['portland', 'has domain', 'rentalcars'], ['pdx international airport', 'has domain', 'rentalcars'], ['dropoff date', 'has value', '14th of march'], ['full - size', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['los angeles', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['rentalcars', 'has slot', 'pickup date'], ['leaving time', 'has value', 'morning 6 : 30'], ['pickup location', 'has value', 'pdx international airport'], ['rentalcars', 'has slot', 'pickup location'], ['car name', 'has value', 'cr - v'], ['from location', 'has value', 'seattle'], ['cr - v', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-860\n", + "dialogue: \"user\": \"can you please get me 2 bus tickets from las vegas ?\"\n", + "\"system\": \"sure , but first tell me at what time and where to .\"\n", + "\"user\": \"i ' m going to sacramento , ca and it would be nice to leave at 7 : 45 am .\"\n", + "\"system\": \"when are you travelling ?\"\n", + "\"user\": \"i ' m travelling next wednesday .\"\n", + "\"system\": \"can you please confirm that you want 2 tickets for the bus leaving las vegas for sacramento on march 6th at 7 : 45 am .\"\n", + "\"user\": \"on second thought please find me three tickets from san diego .\"\n", + "\"system\": \"can you please confirm that you want 3 tickets from san diego ?\"\n", + "\"user\": \"yes , that ' s correct . do you know if the bus has 1 transfer ?\"\n", + "\"system\": \"indeed , it has 1 transfer but unfortunately i wasn ' t able to book your ticket as requested . are you ok with the bus that leaves at 7 : 40 am with tickets priced at $ 81 ?\"\n", + "\"user\": \"yes , that will do .\"\n", + "\"system\": \"i ' ve successfully purchased your ticket .\"\n", + "\"user\": \"can you please tell me the departure station .\"\n", + "\"system\": \"you ' ll be departing from santa fe depot ?\"\n", + "\"user\": \"thanks . please find me a medium - sized rental car which i ' ll pick up from sacramento , ca .\"\n", + "\"system\": \"are yo picking it up on march 6th ? at what time ? also , please tell me how long do you plan to keep the car .\"\n", + "\"user\": \"i ' d like to pick up the car on the 9th of march at two pm and i plan to keep it until march 14th .\"\n", + "\"system\": \"there are 3 cars meeting your criteria out of which i recommend a nice standard class camry available for pickup from smf international airport on march 9th .\"\n", + "\"user\": \"can you find me another one ?\"\n", + "\"system\": \"there ' s a nice standard class civic available for pickup from smf international airport on march 9th .\"\n", + "\"user\": \"sounds perfect for me .\"\n", + "\"system\": \"do you want me to book this car for you ?\"\n", + "\"user\": \"yes , please do .\"\n", + "\"system\": \"can you please confirm that you want me to book a standard car for you to be picked up on march 9th at 2 pm from smf international airport , due for drop off on march 14th ?\"\n", + "\"user\": \"yes , that ' s correct . how much is the total rental price ?\"\n", + "\"system\": \"i ' ve successfully placed your reservation , which in total will cost you $ 180 .\"\n", + "\"user\": \"thanks for everything .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"no , that will be all .\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['2', 'smf international airport', 'march 6th', 'camry', 'march 9th', 'santa fe depot', 'san diego', '2 pm', '7 : 40 am', 'standard', 'two pm', 'vegas', '7 : 45 am', 'march 14th', 'one', '$ 180', 'sacramento', 'sacramento , ca', 'next wednesday', '9th of march', 'civic', '3', '$ 81', 'two', 'three', '1', 'las vegas']\n", + "relations: [['leaving time', 'has value', '7 : 45 am'], ['leaving date', 'has value', 'next wednesday'], ['2 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'getcarsavailable'], ['santa fe depot', 'has domain', 'buses'], ['car name', 'has value', 'camry'], ['pickup time', 'has value', 'two pm'], ['to location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'buses'], ['march 6th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['san diego', 'has domain', 'buses'], ['9th of march', 'has domain', 'rentalcars'], ['from station', 'has value', 'santa fe depot'], ['to location', 'has value', 'sacramento'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['smf international airport', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 6th'], ['rentalcars', 'has slot', 'car name'], ['pickup time', 'has value', '2 pm'], ['buses', 'has slot', 'to location'], ['dropoff date', 'has value', 'march 14th'], ['civic', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['1', 'refers to same concept as', 'one'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'san diego'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['camry', 'has domain', 'rentalcars'], ['next wednesday', 'has domain', 'buses'], ['pickup location', 'has value', 'smf international airport'], ['rentalcars', 'has slot', 'total price'], ['type', 'has value', 'standard'], ['march 6th', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['march 9th', 'has domain', 'rentalcars'], ['march 14th', 'has domain', 'rentalcars'], ['san diego', 'refers to same concept as', 'sd'], ['from location', 'has value', 'las vegas'], ['total price', 'has value', '$ 180'], ['sacramento , ca', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 9th'], ['leaving time', 'has value', '7 : 40 am'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['las vegas', 'refers to same concept as', 'vegas'], ['3', 'refers to same concept as', 'three'], ['3', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 81'], ['$ 81', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['pickup city', 'has value', 'sacramento , ca'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['two pm', 'has domain', 'rentalcars'], ['2', 'refers to same concept as', 'two'], ['$ 180', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup city'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['pickup date', 'has value', '9th of march'], ['7 : 40 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', 'march 6th'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['count', 'has value', '3'], ['7 : 45 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-861\n", + "dialogue: \"user\": \"i would like to reserve a bus to go to san fran leaving at afternoon 1 .\"\n", + "\"system\": \"when would you like to leave ? where will you leave from ? how many tickets would you like ?\"\n", + "\"user\": \"i will leave from las vegas for 4 and will leave on the 9th of this month .\"\n", + "\"system\": \"please confirm that you want to book a bus leaving from las vegas going to san francisco . the bus leaves on march 9th at 1 pm for 4 people .\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"sorry i was unable to purchase that ticket . how about a bus leaving at 12 : 50 pm costing $ 47 ?\"\n", + "\"user\": \"sounds fine .\"\n", + "\"system\": \"your ticket was confirmed .\"\n", + "\"user\": \"what bus station will i reach ?\"\n", + "\"system\": \"the station you arrive at is salesforce transit center .\"\n", + "\"user\": \"thank you for helping . would you find me a rental car there ?\"\n", + "\"system\": \"what time do you need it ? could you pick it up from san francisco ?\"\n", + "\"user\": \"sounds good to me . i would like to pick it up at 2 in the afternoon .\"\n", + "\"system\": \"would you like to get the car march 9th ?\"\n", + "\"user\": \"i need it from march 12th .\"\n", + "\"system\": \"what date will you drop off the car ?\"\n", + "\"user\": \"i would like it till 13th of this month .\"\n", + "\"system\": \"i have 6 cars that should be good . what about this nice carat sfo international airport that you can pick up on march 12th ? it ' s a standard altima .\"\n", + "\"user\": \"is there something else i could have ? i would like to pick it up the 14th of this month .\"\n", + "\"system\": \"there is a nice car that you can pick up at salesforce transit center on march 12th . it ' s a standard civic .\"\n", + "\"user\": \"could you tell me the total cost ?\"\n", + "\"system\": \"your reservtaion was $ 56 in total .\"\n", + "\"user\": \"sounds good . i would like to make a reservation .\"\n", + "\"system\": \"could you confirm that you will pick up at salesforce transit center on march 12th at 2 pm and drop it off march 14th ? it ' s a standard car .\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"your car was reserved .\"\n", + "\"user\": \"thank you for helping .\"\n", + "\"system\": \"could i assist with something else ?\"\n", + "\"user\": \"no , that ' s it .\"\n", + "\"system\": \"have a good one .\"\n", + "\n", + "terms: ['san fran', '9th of this month', '1 pm', 'march 9th', 'sfo international airport', '6', '2 pm', 'standard', 'altima', 'vegas', 'salesforce transit center', '2 in the afternoon', 'march 14th', '$ 47', 'sfo', 'march 12th', '$ 56', 'afternoon 1', '12 : 50 pm', 'civic', '4', '14th of this month', '13th of this month', 'san francisco', 'las vegas']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['buses', 'has slot', 'to station'], ['march 12th', 'has domain', 'rentalcars'], ['to station', 'has value', 'salesforce transit center'], ['rentalcars', 'has slot', 'total price'], ['las vegas', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['2 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['$ 56', 'has domain', 'rentalcars'], ['leaving time', 'has value', 'afternoon 1'], ['rentalcars', 'has slot', 'type'], ['san francisco', 'refers to same concept as', 'sfo'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'car name'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'from location'], ['to location', 'has value', 'san fran'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['march 9th', 'has domain', 'buses'], ['fare', 'has value', '$ 47'], ['leaving time', 'has value', '12 : 50 pm'], ['pickup time', 'has value', '2 in the afternoon'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['pickup city', 'has value', 'san francisco'], ['rentalcars', 'has slot', 'dropoff date'], ['type', 'has value', 'standard'], ['buses', 'has slot', 'travelers'], ['salesforce transit center', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup time', 'has value', '2 pm'], ['dropoff date', 'has value', 'march 14th'], ['rentalcars', 'has slot', 'pickup time'], ['4', 'has domain', 'buses'], ['leaving time', 'has value', '1 pm'], ['leaving date', 'has value', 'march 9th'], ['march 9th', 'has domain', 'rentalcars'], ['san francisco', 'has domain', 'rentalcars'], ['sfo international airport', 'has domain', 'rentalcars'], ['6', 'has domain', 'rentalcars'], ['march 14th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['dropoff date', 'has value', '14th of this month'], ['9th of this month', 'has domain', 'buses'], ['1 pm', 'has domain', 'buses'], ['4', 'refers to same concept as', '$ 4'], ['civic', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['salesforce transit center', 'has domain', 'rentalcars'], ['from location', 'has value', 'las vegas'], ['12 : 50 pm', 'has domain', 'buses'], ['pickup date', 'has value', 'march 9th'], ['2 in the afternoon', 'has domain', 'rentalcars'], ['count', 'has value', '6'], ['to location', 'has value', 'san francisco'], ['car name', 'has value', 'altima'], ['afternoon 1', 'has domain', 'buses'], ['san fran', 'has domain', 'buses'], ['leaving date', 'has value', '9th of this month'], ['altima', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'salesforce transit center'], ['travelers', 'has value', '4'], ['dropoff date', 'has value', '13th of this month'], ['$ 47', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['13th of this month', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'sfo international airport'], ['14th of this month', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 56'], ['rentalcars', 'has slot', 'pickup location'], ['las vegas', 'refers to same concept as', 'vegas'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-862\n", + "dialogue: \"user\": \"i would like to reserve a bus .\"\n", + "\"system\": \"what number of tickets and where are you leaving from ?\"\n", + "\"user\": \"i am leaving san francisco for 4 people .\"\n", + "\"system\": \"when and where are you leaving and going to ?\"\n", + "\"user\": \"i am leaving sacramento , ca next friday 11 : 45 in the morning .\"\n", + "\"system\": \"please confirm a bus ticket from san francisco to sacramento march 8th at 11 : 45 am for 4 .\"\n", + "\"user\": \"yes , that is good for me .\"\n", + "\"system\": \"sorry i can ' t buy that ticket . what about the bus at 11 : 40 am and it costs $ 24 .\"\n", + "\"user\": \"yes , that is good for me .\"\n", + "\"system\": \"the ticket is confirmed .\"\n", + "\"user\": \"what is the bus station i ' m departing from and are there 0 transfers ?\"\n", + "\"system\": \"the origin station would be salesforce transit center with 0 transfers .\"\n", + "\"user\": \"thanks for the help and can you find a rental car there ?\"\n", + "\"system\": \"would you like to pick it up from sacramento ?\"\n", + "\"user\": \"yes , that is good .\"\n", + "\"system\": \"what time do you need it and till what date ? would you want the car from march 8th ?\"\n", + "\"user\": \"i need the car until march 12th for pickup 14 : 00 the 10th of this month .\"\n", + "\"system\": \"a nice car is at smf international airport march 10th for a standard accord car .\"\n", + "\"user\": \"tell me the total cost .\"\n", + "\"system\": \"the reservation is $ 66 .\"\n", + "\"user\": \"that is good and i ' d like to reserve the car .\"\n", + "\"system\": \"please confirm a car from smf international airport with a pickup march 10th 2 pm and drop - off march 12th standard car .\"\n", + "\"user\": \"yes , that is good .\"\n", + "\"system\": \"the car is reserved .\"\n", + "\"user\": \"thanks for the help and that ' s all i need .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['11 : 45 in the morning', '$ 66', 'smf international airport', '$ 24', '11 : 45 am', '11 : 40 am', '10th of this month', '2 pm', 'standard', 'salesforce transit center', 'sacramento', 'march 10th', 'march 12th', 'sacramento , ca', 'next friday', 'transfers', '4', '14 : 00', '0', 'accord', 'san francisco', 'march 8th']\n", + "relations: [['leaving date', 'has value', 'next friday'], ['march 12th', 'has domain', 'rentalcars'], ['to location', 'has value', 'sacramento'], ['next friday', 'has domain', 'buses'], ['from station', 'has value', 'salesforce transit center'], ['10th of this month', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'smf international airport'], ['pickup date', 'has value', 'march 10th'], ['march 10th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['standard', 'has domain', 'rentalcars'], ['2 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['smf international airport', 'has domain', 'rentalcars'], ['leaving time', 'has value', '11 : 40 am'], ['rentalcars', 'has slot', 'type'], ['san francisco', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['march 8th', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['pickup time', 'has value', '2 pm'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['dropoff date', 'has value', 'march 12th'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup date', 'has value', '10th of this month'], ['14 : 00', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 24'], ['rentalcars', 'has slot', 'pickup time'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'march 8th'], ['accord', 'has domain', 'rentalcars'], ['14 : 00', 'refers to same concept as', '2 pm'], ['4', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['11 : 40 am', 'has domain', 'buses'], ['march 8th', 'has domain', 'rentalcars'], ['pickup time', 'has value', '14 : 00'], ['buses', 'has slot', 'buybusticket'], ['total price', 'has value', '$ 66'], ['to location', 'has value', 'sacramento , ca'], ['pickup date', 'has value', 'march 8th'], ['pickup city', 'has value', 'sacramento'], ['car name', 'has value', 'accord'], ['leaving time', 'has value', '11 : 45 am'], ['from location', 'has value', 'san francisco'], ['leaving time', 'has value', '11 : 45 in the morning'], ['buses', 'has slot', 'transfers'], ['sacramento', 'has domain', 'rentalcars'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['$ 24', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['buses', 'has slot', 'from station'], ['11 : 45 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['rentalcars', 'has slot', 'pickup location'], ['11 : 45 in the morning', 'has domain', 'buses'], ['$ 66', 'has domain', 'rentalcars'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-863\n", + "dialogue: \"user\": \"i need a bus for 2 .\"\n", + "\"system\": \"where do you want to go and leave from ? when are you leaving from ?\"\n", + "\"user\": \"i will leave from fresno on the 9th of this month and would like to go to vegas .\"\n", + "\"system\": \"what time will you leave ?\"\n", + "\"user\": \"i want to leave at 12 : 30 .\"\n", + "\"system\": \"could you confirm that you want to book a ticket from fresno to las vegas on march 9th at 12 : 30 pm for 2 ?\"\n", + "\"user\": \"no , i will leave from san francisco at afternoon 12 .\"\n", + "\"system\": \"could you confirm that you want to get a ticket on the bus from san francisco that leaves at 12 pm ?\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"sorry , i was unable to purchase the ticket . could i help with something else ?\"\n", + "\"user\": \"would you try it again ? it ' s for 3 and i will leave on march 1st .\"\n", + "\"system\": \"could you confirm that you want to leave from san francisco to las vegas on march 1st at 12 pm for 3 ?\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"sorry , i was unable to purchase the ticket . what about the bus that leaves at 12 : 20 pm and costs $ 52 ?\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"your ticket was confirmed .\"\n", + "\"user\": \"could you look for a rental car , too ?\"\n", + "\"system\": \"what time do you need it from ?\"\n", + "\"user\": \"i want the car around 3 : 30 pm .\"\n", + "\"system\": \"when do you want to pick up and drop off the car ? will you pick it up in las vegas ? would you like to pick it up march 1st ?\"\n", + "\"user\": \"sounds good , yeah . i will need from march 5th until next thursday .\"\n", + "\"system\": \"i have 4 cars that should be good . there is a nice car at mccarran international airport that you can pick up on march 5th . it is a standard civic .\"\n", + "\"user\": \"that sounds good . i want to make the reservation .\"\n", + "\"system\": \"could you confirm that you are picking up a standard car from mccarran international airport on march 5th at 3 : 30 pm and dropping it off march 7th ?\"\n", + "\"user\": \"sounds wonderful .\"\n", + "\"system\": \"your car was reserved .\"\n", + "\"user\": \"thanks for helping .\"\n", + "\"system\": \"could i help with something else ?\"\n", + "\"user\": \"no , that ' s it .\"\n", + "\"system\": \"have a good one .\"\n", + "\n", + "terms: ['march 7th', 'march 1st', 'fresno', '9th of this month', '2', 'mccarran international airport', '$ 52', 'march 9th', 'afternoon 12', 'standard', '12 : 20 pm', '12 : 30', 'vegas', '12 : 30 pm', '12 pm', '3 : 30 pm', 'civic', '3', '4', 'march 5th', 'next thursday', 'san francisco', 'las vegas']\n", + "relations: [['dropoff date', 'has value', 'next thursday'], ['rentalcars', 'has slot', 'count'], ['leaving time', 'has value', '12 pm'], ['pickup time', 'has value', '3 : 30 pm'], ['2', 'has domain', 'buses'], ['12 : 30 pm', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['vegas', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['next thursday', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['to location', 'has value', 'vegas'], ['san francisco', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['from location', 'has value', 'fresno'], ['pickup city', 'has value', 'las vegas'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['leaving time', 'has value', 'afternoon 12'], ['march 5th', 'has domain', 'rentalcars'], ['type', 'has value', 'standard'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving date', 'has value', 'march 1st'], ['count', 'has value', '4'], ['san francisco', 'refers to same concept as', 'san fran'], ['rentalcars', 'has slot', 'pickup time'], ['las vegas', 'has domain', 'rentalcars'], ['12 pm', 'has domain', 'buses'], ['leaving time', 'has value', '12 : 30'], ['mccarran international airport', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 9th'], ['buses', 'has slot', 'buybusticket'], ['12 : 30', 'refers to same concept as', '12 : 30 pm'], ['9th of this month', 'has domain', 'buses'], ['march 1st', 'has domain', 'buses'], ['leaving time', 'has value', '12 : 20 pm'], ['fare', 'has value', '$ 52'], ['3', 'has domain', 'buses'], ['$ 52', 'has domain', 'buses'], ['3 : 30 pm', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 1st'], ['pickup location', 'has value', 'mccarran international airport'], ['car name', 'has value', 'civic'], ['civic', 'has domain', 'rentalcars'], ['to location', 'has value', 'las vegas'], ['dropoff date', 'has value', 'march 7th'], ['march 7th', 'has domain', 'rentalcars'], ['from location', 'has value', 'san francisco'], ['4', 'has domain', 'rentalcars'], ['leaving date', 'has value', '9th of this month'], ['pickup date', 'has value', 'march 5th'], ['leaving time', 'has value', '12 : 30 pm'], ['12 : 30', 'has domain', 'buses'], ['12 : 20 pm', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['las vegas', 'refers to same concept as', 'vegas'], ['rentalcars', 'has slot', 'pickup location'], ['march 1st', 'has domain', 'rentalcars'], ['afternoon 12', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-864\n", + "dialogue: \"user\": \"hi , could you get me a bus reservation please ?\"\n", + "\"system\": \"sure , where will you be travelling from and what is your intended departure time and date\"\n", + "\"user\": \"i will be departing from sacramento , ca and will travel from march 8th at 8 : 15 pm .\"\n", + "\"system\": \"how many tickets are you looking for and where will you be travelling to ?\"\n", + "\"user\": \"i need tickets for two to long beach , ca .\"\n", + "\"system\": \"sure , please confirm your purchase of 2 bus tickets from sacramento to long beach at 8 : 15 pm on march 8th .\"\n", + "\"user\": \"sure , which bus station will i arrive at and how much will this cost me ?\"\n", + "\"system\": \"you will arrive at downtown station . your booking could not be made , how about a bus departing at 7 : 50 pm costing $ 68 ?\"\n", + "\"user\": \"sure , that is fine with me .\"\n", + "\"system\": \"your booking has been made .\"\n", + "\"user\": \"could you get me a rental car there too ?\"\n", + "\"system\": \"sure , will you be picking the car from long beach on march 8th and what till will you need it ?\"\n", + "\"user\": \"sure , but i will pick the car up at 17 : 00 on 12th of this month .\"\n", + "\"system\": \"and when will you be using the car till ?\"\n", + "\"user\": \"on the march 13th , please .\"\n", + "\"system\": \"how about a nice standard accord for pickup at lgb airport on march 12th ?\"\n", + "\"user\": \"that sounds good !\"\n", + "\"system\": \"would you like a reservation ?\"\n", + "\"user\": \"sure , could you help me make one ?\"\n", + "\"system\": \"please confirm your reservation for a standard car from lgb airport from march 12th at 5 pm to march 13th .\"\n", + "\"user\": \"sure , how much will this cost me ?\"\n", + "\"system\": \"your booking has been made which will cost you a total of $ 32 .\"\n", + "\"user\": \"i see , thank you !\"\n", + "\"system\": \"could i further assist you ?\"\n", + "\"user\": \"no , that is all i need , thanks !\"\n", + "\"system\": \"have a safe trip !\"\n", + "\n", + "terms: ['$ 68', '8 : 15 pm', '2', 'march 13th', '12th of this month', 'lgb airport', '17 : 00', '5 pm', 'standard', '7 : 50 pm', '$ 32', 'sacramento', 'march 12th', 'sacramento , ca', 'long beach', 'long beach , ca', 'downtown station', 'accord', 'two', 'march 8th']\n", + "relations: [['5 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 68'], ['march 12th', 'has domain', 'rentalcars'], ['march 13th', 'has domain', 'rentalcars'], ['2', 'has domain', 'buses'], ['pickup time', 'has value', '17 : 00'], ['travelers', 'has value', '2'], ['rentalcars', 'has slot', 'total price'], ['from location', 'has value', 'sacramento'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'type'], ['leaving time', 'has value', '7 : 50 pm'], ['rentalcars', 'has slot', 'car name'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'from location'], ['17 : 00', 'refers to same concept as', '5 pm'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['pickup city', 'has value', 'long beach'], ['rentalcars', 'has slot', 'dropoff date'], ['2', 'refers to same concept as', 'two'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'getcarsavailable'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', '12th of this month'], ['leaving date', 'has value', 'march 8th'], ['accord', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'lgb airport'], ['sacramento', 'has domain', 'buses'], ['17 : 00', 'has domain', 'rentalcars'], ['to station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['march 8th', 'has domain', 'rentalcars'], ['$ 32', 'has domain', 'rentalcars'], ['to location', 'has value', 'long beach , ca'], ['buses', 'has slot', 'buybusticket'], ['7 : 50 pm', 'has domain', 'buses'], ['pickup date', 'has value', 'march 8th'], ['12th of this month', 'has domain', 'rentalcars'], ['long beach , ca', 'has domain', 'buses'], ['from location', 'has value', 'sacramento , ca'], ['car name', 'has value', 'accord'], ['$ 68', 'has domain', 'buses'], ['to location', 'has value', 'long beach'], ['dropoff date', 'has value', 'march 13th'], ['lgb airport', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 32'], ['8 : 15 pm', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 15 pm'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['downtown station', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['long beach', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['buses', 'has slot', 'fare'], ['pickup time', 'has value', '5 pm']]\n", + "\n", + "dialogue id: sgd-validation-865\n", + "dialogue: \"user\": \"i ' ll be going on a trip soon . can you please help me book tickets for a bus that goes to vegas ?\"\n", + "\"system\": \"sure , how many tickets do you want to buy ?\"\n", + "\"user\": \"i need tickets for four people .\"\n", + "\"system\": \"okay , just let me know what day and time you plan on leaving and where you ' ll be leaving from .\"\n", + "\"user\": \"i plan on leaving this sunday at 15 : 00 from long beach .\"\n", + "\"system\": \"alright , please just confirm that you want to book tickets for 4 people for the bus that ' s leaving from long beach on march 3rd at 3 pm and is going to las vegas .\"\n", + "\"user\": \"yup , that sounds right . can you tell me the stations the bus leaves from and goes to ?\"\n", + "\"system\": \"unfortunately , i wasn ' t able to book your tickets for this bus . is there anything else you might need ?\"\n", + "\"user\": \"can you please try booking it again for 3 people for a bus leaving from fresno , ca ?\"\n", + "\"system\": \"okay , so you want to book tickets for 3 people for the bus leaving from fresno on march 3rd at 3 pm and arriving in las vegas , right ?\"\n", + "\"user\": \"yeah , that ' s right .\"\n", + "\"system\": \"okay , your tickets have been booked .\"\n", + "\"user\": \"great , can you please look for rental cars around that area ?\"\n", + "\"system\": \"do you want to pick it up in las vegas on march 3rd ?\"\n", + "\"user\": \"yeah , i need to pick it up from there but i ' ll need it on the 11th .\"\n", + "\"system\": \"okay , what time do you want to pick it up and how long will you need it for ?\"\n", + "\"user\": \"i ' d like to pick it up around 11 in the morning and rent it until the 13th of this month .\"\n", + "\"system\": \"i found a nice standard civic available for pickup on march 11th at mccarran international airport .\"\n", + "\"user\": \"how much would it cost to rent it ?\"\n", + "\"system\": \"it costs $ 56 in total for this rental .\"\n", + "\"user\": \"how about finding any compact rental cars available for pickup in paris , france ?\"\n", + "\"system\": \"okay , i found 4 cars you might be interested in . how about renting a nice compact bolt available for pickup on march 11th at charles de gaulle international airport ?\"\n", + "\"user\": \"yeah that sounds perfect .\"\n", + "\"system\": \"would you like to rent this car then ?\"\n", + "\"user\": \"yup , i ' d like to reserve it .\"\n", + "\"system\": \"please verify that you will be picking up a compact rental car on march 11th from charles de gaulle international airport at 11 am and dropping it back off on march 13th .\"\n", + "\"user\": \"yeah , that ' s right .\"\n", + "\"system\": \"your rental car has been reserved for you .\"\n", + "\"user\": \"great , how much does it cost ?\"\n", + "\"system\": \"it costs $ 60 in total for this car .\"\n", + "\"user\": \"cool , thanks for all your help today . i don ' t need help with anything else .\"\n", + "\"system\": \"no problem , enjoy your day !\"\n", + "\n", + "terms: ['march 11th', '3 pm', 'fresno', 'mccarran international airport', 'march 13th', '11 am', 'charles de gaulle international airport', 'standard', 'bolt', 'vegas', '$ 60', '15 : 00', 'this sunday', 'paris , france', 'fresno , ca', 'four', '$ 56', '11 in the morning', 'civic', 'long beach', '3', 'the 11th', '4', '13th of this month', 'compact', 'march 3rd', 'las vegas']\n", + "relations: [['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['$ 56', 'has domain', 'rentalcars'], ['pickup time', 'has value', '11 am'], ['buses', 'has slot', 'from location'], ['fresno , ca', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['from location', 'has value', 'fresno'], ['rentalcars', 'has slot', 'getcarsavailable'], ['total price', 'has value', '$ 60'], ['4', 'refers to same concept as', 'four'], ['pickup time', 'has value', '11 in the morning'], ['long beach', 'has domain', 'buses'], ['3', 'has domain', 'buses'], ['march 11th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from station'], ['13th of this month', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['11 in the morning', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 3rd'], ['march 13th', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['vegas', 'has domain', 'buses'], ['rentalcars', 'has slot', 'car name'], ['charles de gaulle international airport', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'las vegas'], ['buses', 'has slot', 'to location'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['compact', 'has domain', 'rentalcars'], ['leaving time', 'has value', '3 pm'], ['this sunday', 'has domain', 'buses'], ['15 : 00', 'refers to same concept as', '3 pm'], ['civic', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['dropoff date', 'has value', 'march 13th'], ['from location', 'has value', 'long beach'], ['4', 'has domain', 'rentalcars'], ['car name', 'has value', 'bolt'], ['dropoff date', 'has value', '13th of this month'], ['rentalcars', 'has slot', 'pickup location'], ['the 11th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'count'], ['paris , france', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['march 3rd', 'has domain', 'rentalcars'], ['fresno', 'has domain', 'buses'], ['pickup date', 'has value', 'march 3rd'], ['type', 'has value', 'standard'], ['15 : 00', 'has domain', 'buses'], ['pickup date', 'has value', 'march 11th'], ['las vegas', 'has domain', 'rentalcars'], ['bolt', 'has domain', 'rentalcars'], ['$ 60', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'mccarran international airport'], ['to location', 'has value', 'las vegas'], ['leaving time', 'has value', '15 : 00'], ['march 3rd', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['total price', 'has value', '$ 56'], ['las vegas', 'refers to same concept as', 'vegas'], ['buses', 'has slot', 'to station'], ['leaving date', 'has value', 'this sunday'], ['las vegas', 'has domain', 'buses'], ['11 am', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'vegas'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['3 pm', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['4', 'has domain', 'buses'], ['mccarran international airport', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'fresno , ca'], ['pickup city', 'has value', 'paris , france'], ['pickup date', 'has value', 'the 11th'], ['pickup location', 'has value', 'charles de gaulle international airport']]\n", + "\n", + "dialogue id: sgd-validation-866\n", + "dialogue: \"user\": \"i ' d like to get three bus tickets .\"\n", + "\"system\": \"what time and date are you wanting to leave ?\"\n", + "\"user\": \"i ' d like to leave this sunday at 3 : 45 in the afternoon .\"\n", + "\"system\": \"where are you wanting to go ?\"\n", + "\"user\": \"i ' d like 2 tickets to los angeles .\"\n", + "\"system\": \"where are you wanting to leave from ?\"\n", + "\"user\": \"i ' d like to leave from fresno , ca .\"\n", + "\"system\": \"please confirm the following : you would like 2 bus tickets for a bus leaving from fresno and heading to los angeles . the bus leaves on march 3rd at 3 : 45 pm .\"\n", + "\"user\": \"no , i ' d like to leave from sd at nine in the morning .\"\n", + "\"system\": \"please confirm the following : you ' d like a ticket for a bus leaving from san diego at 9 am .\"\n", + "\"user\": \"no , i ' d like to leave later today and go to fresno , ca .\"\n", + "\"system\": \"please confirm the following : you want a ticket for a bus going to fresno on march 1st .\"\n", + "\"user\": \"yes , that will work .\"\n", + "\"system\": \"sorry , the ticket couldn ' t be bought . how does a bus leaving at 8 : 50 am sound ? it costs $ 49 .\"\n", + "\"user\": \"that will work for me .\"\n", + "\"system\": \"the ticket has been bought .\"\n", + "\"user\": \"how many transfers are there ? and where am i leaving from ?\"\n", + "\"system\": \"there are 0 transfers and it leaves from santa fe depot .\"\n", + "\"user\": \"thanks for your help . could you help me find a rental car as well ? i ' d like to pick it up on the 12th of this month from fresno , ca .\"\n", + "\"system\": \"how long do you need it ? and what time do you want to pick it up ?\"\n", + "\"user\": \"i ' d like it up the 14th of this month and want to pick it up around afternoon 3 : 30 .\"\n", + "\"system\": \"there ' s a standard accord available at fresno station on march 12th .\"\n", + "\"user\": \"what ' s the cost ?\"\n", + "\"system\": \"it costs $ 70 .\"\n", + "\"user\": \"are there other options ? i ' d like a small car .\"\n", + "\"system\": \"there ' s a nice compact bolt available at fresno yosemite international airport on march 12th .\"\n", + "\"user\": \"that will work .\"\n", + "\"system\": \"would you like to reserve it ?\"\n", + "\"user\": \"yes , i ' d like to rent the car .\"\n", + "\"system\": \"please confirm the following : you ' d like to reserve a compact car on march 12th at 3 : 30 pm at fresno yosemite international airport and return it on march 14th .\"\n", + "\"user\": \"yes , that will work .\"\n", + "\"system\": \"the car has been reserved .\"\n", + "\"user\": \"thanks for everything . that ' s all for now .\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['los angeles', 'march 1st', 'fresno', '2', 'santa fe depot', 'fresno yosemite international airport', 'san diego', '12th of this month', 'sd', 'standard', '8 : 50 am', '3 : 45 in the afternoon', 'bolt', 'nine in the morning', 'afternoon 3 : 30', 'march 14th', 'this sunday', 'fresno , ca', 'later today', 'march 12th', 'fresno station', 'transfers', '3 : 30 pm', '3 : 45 pm', '3', '9 am', '0', '14th of this month', '$ 49', 'accord', 'compact', 'three', 'march 3rd', '$ 70']\n", + "relations: [['march 12th', 'has domain', 'rentalcars'], ['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'from location'], ['leaving time', 'has value', '3 : 45 in the afternoon'], ['fresno , ca', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['from location', 'has value', 'fresno'], ['fresno station', 'has domain', 'rentalcars'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving time', 'has value', '3 : 45 pm'], ['santa fe depot', 'has domain', 'buses'], ['accord', 'has domain', 'rentalcars'], ['pickup time', 'has value', 'afternoon 3 : 30'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['12th of this month', 'has domain', 'rentalcars'], ['3 : 30 pm', 'has domain', 'rentalcars'], ['3 : 45 in the afternoon', 'has domain', 'buses'], ['car name', 'has value', 'accord'], ['leaving date', 'has value', 'later today'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['san diego', 'has domain', 'buses'], ['from station', 'has value', 'santa fe depot'], ['leaving date', 'has value', 'march 3rd'], ['pickup city', 'has value', 'fresno , ca'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['fresno yosemite international airport', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['total price', 'has value', '$ 70'], ['nine in the morning', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['dropoff date', 'has value', 'march 14th'], ['transfers', 'has value', '0'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['compact', 'has domain', 'rentalcars'], ['this sunday', 'has domain', 'buses'], ['march 1st', 'has domain', 'buses'], ['afternoon 3 : 30', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['car name', 'has value', 'bolt'], ['from location', 'has value', 'san diego'], ['14th of this month', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['pickup time', 'has value', '3 : 30 pm'], ['rentalcars', 'has slot', 'total price'], ['9 am', 'has domain', 'buses'], ['3 : 45 pm', 'has domain', 'buses'], ['later today', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['type', 'has value', 'standard'], ['sd', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 50 am'], ['bolt', 'has domain', 'rentalcars'], ['to location', 'has value', 'fresno , ca'], ['march 14th', 'has domain', 'rentalcars'], ['san diego', 'refers to same concept as', 'sd'], ['$ 49', 'has domain', 'buses'], ['pickup location', 'has value', 'fresno yosemite international airport'], ['march 3rd', 'has domain', 'buses'], ['$ 70', 'has domain', 'rentalcars'], ['3', 'refers to same concept as', 'three'], ['leaving time', 'has value', 'nine in the morning'], ['from location', 'has value', 'sd'], ['2', 'has domain', 'buses'], ['leaving date', 'has value', 'this sunday'], ['travelers', 'has value', '2'], ['rentalcars', 'has slot', 'type'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'fresno'], ['fare', 'has value', '$ 49'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', '12th of this month'], ['leaving time', 'has value', '9 am'], ['8 : 50 am', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'fresno , ca'], ['dropoff date', 'has value', '14th of this month'], ['fresno , ca', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'fresno station'], ['to location', 'has value', 'los angeles']]\n", + "\n", + "dialogue id: sgd-validation-867\n", + "dialogue: \"user\": \"i want a bus from fresno , ca for the 5th of this month .\"\n", + "\"system\": \"how many tickets ?\"\n", + "\"user\": \"i need four .\"\n", + "\"system\": \"what is destination and departure time ?\"\n", + "\"user\": \"leaving at 08 : 30 to sacramento , ca .\"\n", + "\"system\": \"confirm bus to sacramento to fresno leaving march 5th at 8 : 30 am for 4 .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"how about 8 : 20 am for $ 29 ?\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"you are now confirmed .\"\n", + "\"user\": \"thanks , i need compact car for the 9th of march till 12th of this month .\"\n", + "\"system\": \"what time is pick up ?\"\n", + "\"user\": \"3 in the afternoon .\"\n", + "\"system\": \"is sacramento pick up ?\"\n", + "\"user\": \"yes that is correct .\"\n", + "\"system\": \"i found 5 . i have a compact bolt at smf international airport for pickup march 9th .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"confirm compact bolt at smf international airport for pickup 3 pm march 9th to march 12th .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"you are now confirmed .\"\n", + "\"user\": \"what is cost ?\"\n", + "\"system\": \"it is $ 84 total .\"\n", + "\"user\": \"that is all i need .\"\n", + "\"system\": \"have a nice time .\"\n", + "\n", + "terms: ['3 pm', '$ 84', 'fresno', 'smf international airport', 'march 9th', '5th of this month', '12th of this month', '08 : 30', '$ 29', 'bolt', '8 : 20 am', '8 : 30 am', '5', 'sacramento', 'fresno , ca', 'four', 'march 12th', 'sacramento , ca', '9th of march', '4', 'march 5th', 'compact']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['march 5th', 'has domain', 'buses'], ['march 12th', 'has domain', 'rentalcars'], ['to location', 'has value', 'sacramento'], ['pickup location', 'has value', 'smf international airport'], ['rentalcars', 'has slot', 'total price'], ['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['leaving time', 'has value', '8 : 30 am'], ['smf international airport', 'has domain', 'rentalcars'], ['5th of this month', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['fresno', 'has domain', 'buses'], ['pickup time', 'has value', '3 pm'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['fresno , ca', 'has domain', 'buses'], ['leaving time', 'has value', '08 : 30'], ['rentalcars', 'has slot', 'dropoff date'], ['from location', 'has value', 'fresno'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['dropoff date', 'has value', 'march 12th'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['pickup date', 'has value', '9th of march'], ['rentalcars', 'has slot', 'getcarsavailable'], ['$ 84', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup time'], ['4', 'refers to same concept as', 'four'], ['pickup time', 'has value', '3 in the afternoon'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['bolt', 'has domain', 'rentalcars'], ['4', 'has domain', 'buses'], ['compact', 'has domain', 'rentalcars'], ['sacramento', 'has domain', 'buses'], ['fare', 'has value', '$ 29'], ['march 9th', 'has domain', 'rentalcars'], ['dropoff date', 'has value', '12th of this month'], ['5', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'fresno , ca'], ['to location', 'has value', 'sacramento , ca'], ['12th of this month', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 5th'], ['pickup city', 'has value', 'sacramento'], ['total price', 'has value', '$ 84'], ['pickup date', 'has value', 'march 9th'], ['3 pm', 'has domain', 'rentalcars'], ['08 : 30', 'refers to same concept as', '8 : 30 am'], ['$ 29', 'has domain', 'buses'], ['3 in the afternoon', 'has domain', 'rentalcars'], ['8 : 20 am', 'has domain', 'buses'], ['sacramento', 'has domain', 'rentalcars'], ['car name', 'has value', 'bolt'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['travelers', 'has value', '4'], ['8 : 30 am', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 20 am'], ['rentalcars', 'has slot', 'pickup date'], ['rentalcars', 'has slot', 'pickup location'], ['leaving date', 'has value', '5th of this month'], ['count', 'has value', '5'], ['08 : 30', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['9th of march', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-868\n", + "dialogue: \"user\": \"i want a bus to go to lax .\"\n", + "\"system\": \"how many tickets would you like ? where are you coming from ?\"\n", + "\"user\": \"i ' m coming from anaheim , ca with 2 people .\"\n", + "\"system\": \"when are you leaving ?\"\n", + "\"user\": \"i ' m leaving next monday .\"\n", + "\"system\": \"what time are you leaving ?\"\n", + "\"user\": \"i ' m leaving this evening 4 : 15 .\"\n", + "\"system\": \"2 tickets for a bus leaving from anaheim to los angeles on march 4th at 4 : 15 pm . is this what you want ?\"\n", + "\"user\": \"yes , that ' s it .\"\n", + "\"system\": \"i was not able to book the tickets . another bus is leaving at 4 : 10 pm and costs $ 12 .\"\n", + "\"user\": \"that ' s fine then .\"\n", + "\"system\": \"your tickets have been booked .\"\n", + "\"user\": \"i ' d also like a rental car there .\"\n", + "\"system\": \"do you need the car for march 4th ?\"\n", + "\"user\": \"i need it until the 11th of this month .\"\n", + "\"system\": \"when will you pick it up ?\"\n", + "\"user\": \"i ' ll pick it up at 3 : 30 pm .\"\n", + "\"system\": \"how long will you have the car ?\"\n", + "\"user\": \"until the 12th of march .\"\n", + "\"system\": \"are you picking it up in los angeles ?\"\n", + "\"user\": \"yes i am .\"\n", + "\"system\": \"a camry is available at lax international airport on march 11th . it ' s a standard car .\"\n", + "\"user\": \"that ' s good . i ' d like to reserve it .\"\n", + "\"system\": \"picking up your standard car from lax international airport on march 11th at 3 : 30 pm . you ' ll drop it off on march 12th . is this right ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"your car is reserved .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"no , that ' s all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['march 11th', 'los angeles', 'lax', 'anaheim', '2', 'camry', 'march 4th', '12th of march', 'standard', '4 : 10 pm', '4 : 15 pm', 'march 12th', '$ 12', '3 : 30 pm', '11th of this month', 'evening 4 : 15', 'anaheim , ca', 'lax international airport', 'next monday']\n", + "relations: [['4 : 10 pm', 'has domain', 'buses'], ['pickup time', 'has value', '3 : 30 pm'], ['camry', 'has domain', 'rentalcars'], ['march 12th', 'has domain', 'rentalcars'], ['evening 4 : 15', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'next monday'], ['leaving time', 'has value', 'evening 4 : 15'], ['12th of march', 'has domain', 'rentalcars'], ['los angeles', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['from location', 'has value', 'anaheim , ca'], ['march 4th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'type'], ['to location', 'has value', 'lax'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['fare', 'has value', '$ 12'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['pickup city', 'has value', 'los angeles'], ['rentalcars', 'has slot', 'dropoff date'], ['$ 12', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['dropoff date', 'has value', 'march 12th'], ['pickup date', 'has value', 'march 11th'], ['buses', 'has slot', 'travelers'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['rentalcars', 'has slot', 'getcarsavailable'], ['anaheim', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['car name', 'has value', 'camry'], ['4 : 15 pm', 'has domain', 'buses'], ['pickup date', 'has value', 'march 4th'], ['anaheim , ca', 'has domain', 'buses'], ['leaving time', 'has value', '4 : 10 pm'], ['11th of this month', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['next monday', 'has domain', 'buses'], ['3 : 30 pm', 'has domain', 'rentalcars'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'los angeles'], ['leaving time', 'has value', '4 : 15 pm'], ['march 11th', 'has domain', 'rentalcars'], ['pickup date', 'has value', '11th of this month'], ['from location', 'has value', 'anaheim'], ['march 4th', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['lax', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['dropoff date', 'has value', '12th of march'], ['rentalcars', 'has slot', 'pickup location'], ['lax international airport', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'lax international airport'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-869\n", + "dialogue: \"user\": \"i ' m looking to take a trip . i need bus tickets\"\n", + "\"system\": \"sure . how many people ?\"\n", + "\"user\": \"there will be three of us heading out from lax\"\n", + "\"system\": \"where to ? when would you like to leave ?\"\n", + "\"user\": \"we ' re going to vegas on the 1st of march\"\n", + "\"system\": \"leaving around what time ?\"\n", + "\"user\": \"can it depart at 17 : 15 ?\"\n", + "\"system\": \"please confirm : 3 tickets on the bus from los angeles to las vegas on march 1st , departing at 5 : 15 pm\"\n", + "\"user\": \"change that to leave from anaheim , ca on saturday this week\"\n", + "\"system\": \"please confirm : departing from anaheim on march 2nd\"\n", + "\"user\": \"yes that ' s right\"\n", + "\"system\": \"sorry , that wasn ' t available . i have one departing at 5 : 20 pm for $ 39\"\n", + "\"user\": \"yes that ' s fine\"\n", + "\"system\": \"i ' ve purchased your tickets\"\n", + "\"user\": \"i need a rental car there too , until the 12th of this month\"\n", + "\"system\": \"you ' ll pick up the car on march 2nd in las vegas ? around what time ?\"\n", + "\"user\": \"i ' ll get the car on the 9th of this month actually , around 12 : 00\"\n", + "\"system\": \"how about a standard car , a civic , from mccarran international airport for pickup on march 9th ?\"\n", + "\"user\": \"what else do you have ?\"\n", + "\"system\": \"how about a standard car , an elantra , from mccarran international airport for pickup on march 9th ?\"\n", + "\"user\": \"how much is that ?\"\n", + "\"system\": \"that rental will be $ 87 in total\"\n", + "\"user\": \"sure , sounds good\"\n", + "\"system\": \"would you like to book the rental car reservation ?\"\n", + "\"user\": \"yes , reserve it please\"\n", + "\"system\": \"please confirm : renting a standard car from mccarran international airport on march 9th at 12 pm , returning it on march 12th\"\n", + "\"user\": \"yes , that ' s right\"\n", + "\"system\": \"i ' ve reserved your car\"\n", + "\"user\": \"thanks so much . i ' m good for now\"\n", + "\"system\": \"happy to help\"\n", + "\n", + "terms: ['los angeles', 'anaheim', 'march 1st', '9th of this month', 'mccarran international airport', 'march 9th', 'standard', 'march 2nd', 'vegas', '17 : 15', 'elantra', '$ 87', '12 pm', 'civic', '3', 'anaheim , ca', '5 : 20 pm', 'three', 'las vegas']\n", + "relations: [['12 : 00', 'has domain', 'rentalcars'], ['march 12th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'anaheim , ca'], ['from location', 'has value', 'lax'], ['1st of march', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['pickup time', 'has value', '12 : 00'], ['rentalcars', 'has slot', 'dropoff date'], ['dropoff date', 'has value', 'march 12th'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving date', 'has value', '1st of march'], ['anaheim , ca', 'has domain', 'buses'], ['leaving date', 'has value', 'march 2nd'], ['3', 'has domain', 'buses'], ['12th of this month', 'has domain', 'rentalcars'], ['elantra', 'has domain', 'rentalcars'], ['leaving time', 'has value', '5 : 20 pm'], ['12 pm', 'has domain', 'rentalcars'], ['leaving time', 'has value', '5 : 15 pm'], ['saturday this week', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['5 : 20 pm', 'has domain', 'buses'], ['leaving date', 'has value', 'saturday this week'], ['rentalcars', 'has slot', 'pickup date'], ['9th of this month', 'has domain', 'rentalcars'], ['pickup date', 'has value', '9th of this month'], ['17 : 15', 'refers to same concept as', '5 : 15 pm'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['vegas', 'has domain', 'buses'], ['rentalcars', 'has slot', 'car name'], ['pickup city', 'has value', 'las vegas'], ['buses', 'has slot', 'to location'], ['dropoff date', 'has value', '12th of this month'], ['march 1st', 'has domain', 'buses'], ['civic', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 39'], ['car name', 'has value', 'civic'], ['leaving time', 'has value', '17 : 15'], ['pickup date', 'has value', 'march 2nd'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['$ 39', 'has domain', 'buses'], ['rentalcars', 'has slot', 'total price'], ['type', 'has value', 'standard'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['anaheim', 'has domain', 'buses'], ['las vegas', 'has domain', 'rentalcars'], ['march 2nd', 'has domain', 'rentalcars'], ['march 9th', 'has domain', 'rentalcars'], ['17 : 15', 'has domain', 'buses'], ['pickup location', 'has value', 'mccarran international airport'], ['pickup time', 'has value', '12 pm'], ['to location', 'has value', 'las vegas'], ['pickup date', 'has value', 'march 9th'], ['3', 'refers to same concept as', 'three'], ['las vegas', 'refers to same concept as', 'vegas'], ['total price', 'has value', '$ 87'], ['las vegas', 'has domain', 'buses'], ['march 2nd', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['12 : 00', 'refers to same concept as', '12 pm'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'vegas'], ['car name', 'has value', 'elantra'], ['rentalcars', 'has slot', 'pickup city'], ['$ 87', 'has domain', 'rentalcars'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['rentalcars', 'has slot', 'pickup time'], ['mccarran international airport', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'lax'], ['from location', 'has value', 'los angeles'], ['from location', 'has value', 'anaheim'], ['5 : 15 pm', 'has domain', 'buses'], ['lax', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-870\n", + "dialogue: \"user\": \"i would like to reserve a bus .\"\n", + "\"system\": \"i will need to know when your plan to leave and your destination .\"\n", + "\"user\": \"i am planning to go to san fran on the 10th of march .\"\n", + "\"system\": \"and how many tickets will you be needing ?\"\n", + "\"user\": \"i would like tickets for two people .\"\n", + "\"system\": \"where are you departing from ?\"\n", + "\"user\": \"i will be departing from sacramento .\"\n", + "\"system\": \"and what time would you like to leave ?\"\n", + "\"user\": \"i would like to leave at 10 : 30 in the morning if possible .\"\n", + "\"system\": \"please confirm you would like a ticket for 2 people leaving from sacramento to san francisco on march 10th at 10 : 30 am .\"\n", + "\"user\": \"actually i will be leaving from long beach and will just need 1 ticket now .\"\n", + "\"system\": \"please confirm you would like a ticket for 1 person on the bus leaving from long beach .\"\n", + "\"user\": \"yes , that is correct !\"\n", + "\"system\": \"i have confirmed your ticket .\"\n", + "\"user\": \"i also would like to rent a compact car there in san fran and pick it up around 14 : 00 please .\"\n", + "\"system\": \"how long will you need the rental car ?\"\n", + "\"user\": \"i will need it until the 13th of march .\"\n", + "\"system\": \"will you need the car from march 10th ?\"\n", + "\"user\": \"no , i will need it from the 11th of this month .\"\n", + "\"system\": \"there is nice compact bolt that is available at salesforce transit center on march 11th . would you be interested in that one ?\"\n", + "\"user\": \"can you tell me the price ?\"\n", + "\"system\": \"your reservation would cost a total of $ 46 .\"\n", + "\"user\": \"do you have anything else available ?\"\n", + "\"system\": \"yes , there is also a compact cooper that is available at sfo international airport on march 11th .\"\n", + "\"user\": \"yes , i would like to reserve that one please !\"\n", + "\"system\": \"please confirm that you would like to pick up a compact car at sfo international airport on march 11th at 2 pm and drop off on march 13th .\"\n", + "\"user\": \"that is correct !\"\n", + "\"system\": \"i have reserved your car .\"\n", + "\"user\": \"can you tell me what the total cost is ?\"\n", + "\"system\": \"yes , your reservation is $ 60 .\"\n", + "\"user\": \"thank you for all of your help !\"\n", + "\"system\": \"is there anything else i can assist you with ?\"\n", + "\"user\": \"no thank you , that will be all for now !\"\n", + "\"system\": \"have a wonderful day and an enjoyable trip !\"\n", + "\n", + "terms: ['san fran', 'march 11th', '2', 'sfo international airport', 'march 13th', '10th of march', '2 pm', 'bolt', '13th of march', 'cooper', 'salesforce transit center', '$ 46', '10 : 30 am', 'one', '$ 60', 'sacramento', 'march 10th', 'sfo', 'long beach', '11th of this month', '14 : 00', '10 : 30 in the morning', 'two', 'compact', '1', 'san francisco']\n", + "relations: [['rentalcars', 'has slot', 'total price'], ['2', 'has domain', 'buses'], ['leaving date', 'has value', '10th of march'], ['travelers', 'has value', '2'], ['pickup date', 'has value', 'march 10th'], ['from location', 'has value', 'sacramento'], ['10 : 30 in the morning', 'has domain', 'buses'], ['type', 'has value', 'compact'], ['march 10th', 'has domain', 'rentalcars'], ['2 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['san fran', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'type'], ['san francisco', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'san fran'], ['san francisco', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['2', 'refers to same concept as', 'two'], ['pickup time', 'has value', '2 pm'], ['leaving time', 'has value', '10 : 30 am'], ['buses', 'has slot', 'to location'], ['travelers', 'has value', '1'], ['leaving time', 'has value', '10 : 30 in the morning'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'travelers'], ['dropoff date', 'has value', '13th of march'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup date', 'has value', 'march 11th'], ['10th of march', 'has domain', 'buses'], ['14 : 00', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup time'], ['total price', 'has value', '$ 60'], ['cooper', 'has domain', 'rentalcars'], ['bolt', 'has domain', 'rentalcars'], ['14 : 00', 'refers to same concept as', '2 pm'], ['compact', 'has domain', 'rentalcars'], ['sacramento', 'has domain', 'buses'], ['11th of this month', 'has domain', 'rentalcars'], ['sfo international airport', 'has domain', 'rentalcars'], ['long beach', 'has domain', 'buses'], ['pickup time', 'has value', '14 : 00'], ['13th of march', 'has domain', 'rentalcars'], ['$ 60', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['$ 46', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 46'], ['salesforce transit center', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['dropoff date', 'has value', 'march 13th'], ['march 10th', 'has domain', 'buses'], ['march 11th', 'has domain', 'rentalcars'], ['to location', 'has value', 'san francisco'], ['from location', 'has value', 'long beach'], ['pickup date', 'has value', '11th of this month'], ['1', 'has domain', 'buses'], ['san fran', 'has domain', 'buses'], ['pickup location', 'has value', 'salesforce transit center'], ['pickup city', 'has value', 'san fran'], ['car name', 'has value', 'bolt'], ['rentalcars', 'has slot', 'pickup date'], ['leaving date', 'has value', 'march 10th'], ['pickup location', 'has value', 'sfo international airport'], ['rentalcars', 'has slot', 'pickup location'], ['march 13th', 'has domain', 'rentalcars'], ['10 : 30 am', 'has domain', 'buses'], ['car name', 'has value', 'cooper']]\n", + "\n", + "dialogue id: sgd-validation-871\n", + "dialogue: \"user\": \"can you find me a bus for three people to leave from portland .\"\n", + "\"system\": \"where are you going and what date and time do you want to leave ?\"\n", + "\"user\": \"i ' m going to vancouver . i want to leave today at 10 : 45 .\"\n", + "\"system\": \"so you want to book a bus for 3 people from portland to vancouver for march 1st at 10 : 45 am ?\"\n", + "\"user\": \"actually change it to the morning 9 to get to seattle .\"\n", + "\"system\": \"okay , so a 9 am bus to seattle ?\"\n", + "\"user\": \"yes please . what station will i arrive at ?\"\n", + "\"system\": \"you ' ll be arriving at king street station . sorry but i couldn ' t book that ticket . there ' s another bus that leaves at 8 : 40 am that costs $ 34 .\"\n", + "\"user\": \"that ' s fine with me .\"\n", + "\"system\": \"it ' s been booked .\"\n", + "\"user\": \"does it have one transfer ?\"\n", + "\"system\": \"it has 0 transfers .\"\n", + "\"user\": \"thanks , can you find me a rental car too ? i just need a standard car until march 9th .\"\n", + "\"system\": \"do you want to pick it up from seattle on march 1st ?\"\n", + "\"user\": \"yes , but make it from the 7th of this month .\"\n", + "\"system\": \"what time do you want to pick it up ?\"\n", + "\"user\": \"i prefer to get it around 2 o \" clock in the afternoon .\"\n", + "\"system\": \"there ' s 5 cars i found for you . one is a standard civic at seattle - tacoma international airport available for pickup on march 7th .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"do you want to book it ?\"\n", + "\"user\": \"yes please .\"\n", + "\"system\": \"ok so you want a reservation for the standard car from seattle - tacoma international airport on march 7th at 2 pm until march 9th ?\"\n", + "\"user\": \"yes . what ' s the total ?\"\n", + "\"system\": \"it ' s been booked . it ' ll cost $ 54 total .\"\n", + "\"user\": \"thanks for that .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no that ' s it , thanks !\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['march 7th', 'march 1st', '7th of this month', 'morning 9', 'march 9th', '8 : 40 am', 'vancouver', '2 pm', 'standard', 'today', '10 : 45', 'one', '5', 'king street station', 'seattle - tacoma international airport', 'transfers', '$ 54', 'civic', '3', 'seattle', '9 am', '10 : 45 am', '0', '$ 34', '2 o \" clock in the afternoon', 'three', 'portland']\n", + "relations: [['5', 'refers to same concept as', '$ 5'], ['2 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['pickup date', 'has value', '7th of this month'], ['10 : 45 am', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['0', 'has domain', 'buses'], ['leaving time', 'has value', '10 : 45'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup location', 'has value', 'seattle - tacoma international airport'], ['3', 'has domain', 'buses'], ['seattle', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['march 1st', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['to location', 'has value', 'vancouver'], ['rentalcars', 'has slot', 'car name'], ['to station', 'has value', 'king street station'], ['pickup time', 'has value', '2 pm'], ['buses', 'has slot', 'to location'], ['leaving time', 'has value', '10 : 45 am'], ['transfers', 'has value', '0'], ['7th of this month', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'seattle'], ['5', 'has domain', 'rentalcars'], ['march 1st', 'has domain', 'buses'], ['pickup date', 'has value', 'march 1st'], ['civic', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['seattle - tacoma international airport', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['today', 'has domain', 'buses'], ['fare', 'has value', '$ 34'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['march 7th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['to location', 'has value', 'seattle'], ['total price', 'has value', '$ 54'], ['buses', 'has slot', 'fare'], ['10 : 45', 'refers to same concept as', '10 : 45 am'], ['rentalcars', 'has slot', 'count'], ['rentalcars', 'has slot', 'total price'], ['9 am', 'has domain', 'buses'], ['8 : 40 am', 'has domain', 'buses'], ['type', 'has value', 'standard'], ['portland', 'has domain', 'buses'], ['$ 34', 'has domain', 'buses'], ['march 9th', 'has domain', 'rentalcars'], ['leaving time', 'has value', 'morning 9'], ['pickup date', 'has value', 'march 7th'], ['3', 'refers to same concept as', 'three'], ['count', 'has value', '5'], ['pickup time', 'has value', '2 o \" clock in the afternoon'], ['seattle', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to station'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['$ 54', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup city'], ['2 o \" clock in the afternoon', 'has domain', 'rentalcars'], ['king street station', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['rentalcars', 'has slot', 'pickup time'], ['morning 9', 'has domain', 'buses'], ['leaving time', 'has value', '9 am'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['transfers', 'has value', '1'], ['vancouver', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 40 am'], ['leaving date', 'has value', 'today'], ['10 : 45', 'has domain', 'buses'], ['dropoff date', 'has value', 'march 9th']]\n", + "\n", + "dialogue id: sgd-validation-872\n", + "dialogue: \"user\": \"i need a bus ticket to long beach on the 9th at morning 11 : 30\"\n", + "\"system\": \"sure , how many tickets would you like ?\"\n", + "\"user\": \"one\"\n", + "\"system\": \"where are you located ?\"\n", + "\"user\": \"sacramento , ca\"\n", + "\"system\": \"please confirm : 1 11 : 30 am bus ticket from sacramento enroute to long beach on march 9th\"\n", + "\"user\": \"correct\"\n", + "\"system\": \"sorry , this ticket could not be completed . an alternative bus leaves at 11 am for $ 73\"\n", + "\"user\": \"sure , that works fine for me as well .\"\n", + "\"system\": \"this ticket is now complete\"\n", + "\"user\": \"awesome , i appreciate your help . oh , i forgot to mention i ' ll need a rental car .\"\n", + "\"system\": \"would you like this to be picked up in long beach ? will this be on march 9th ?\"\n", + "\"user\": \"yes , i ' d like to pick it up around afternoon 3 : 30 in long beach . no , i ' ll need it the 13th of this month\"\n", + "\"system\": \"how long do you need the car ?\"\n", + "\"user\": \"until the 14th of this month\"\n", + "\"system\": \"sure thing . there are 5 cars available . how about a standard accord that ' s available for pick up on march 13th at lgb airport ?\"\n", + "\"user\": \"great , please book this car .\"\n", + "\"system\": \"please confirm : a standard car will be picked up at 3 : 30 pm from lgb airport on march 13th and dropped off on march 14th\"\n", + "\"user\": \"perfect\"\n", + "\"system\": \"this car is now booked\"\n", + "\"user\": \"how much ?\"\n", + "\"system\": \"$ 35\"\n", + "\"user\": \"you ' ve been very helpful , thanks\"\n", + "\"system\": \"enjoy your day !\"\n", + "\n", + "terms: ['march 13th', '11 am', '3 : 30 pm', 'afternoon 3 : 30', 'long beach', 'lgb airport', '5', 'sacramento', 'standard', 'the 9th', 'accord', '11 : 30 am', 'march 9th', '1']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['pickup time', 'has value', '3 : 30 pm'], ['total price', 'has value', '$ 35'], ['march 13th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['leaving time', 'has value', 'morning 11 : 30'], ['from location', 'has value', 'sacramento'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['$ 35', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from location'], ['$ 73', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['pickup city', 'has value', 'long beach'], ['rentalcars', 'has slot', 'dropoff date'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['rentalcars', 'has slot', 'pickup city'], ['type', 'has value', 'standard'], ['the 9th', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['sacramento , ca', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['dropoff date', 'has value', 'march 14th'], ['rentalcars', 'has slot', 'pickup time'], ['accord', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'the 9th'], ['pickup location', 'has value', 'lgb airport'], ['sacramento', 'has domain', 'buses'], ['leaving time', 'has value', '11 am'], ['leaving date', 'has value', 'march 9th'], ['march 9th', 'has domain', 'rentalcars'], ['long beach', 'has domain', 'buses'], ['pickup time', 'has value', 'afternoon 3 : 30'], ['march 14th', 'has domain', 'rentalcars'], ['5', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['dropoff date', 'has value', '14th of this month'], ['pickup date', 'has value', 'march 13th'], ['3 : 30 pm', 'has domain', 'rentalcars'], ['from location', 'has value', 'sacramento , ca'], ['afternoon 3 : 30', 'has domain', 'rentalcars'], ['pickup date', 'has value', '13th of this month'], ['lgb airport', 'has domain', 'rentalcars'], ['to location', 'has value', 'long beach'], ['pickup date', 'has value', 'march 9th'], ['car name', 'has value', 'accord'], ['1', 'refers to same concept as', 'one'], ['1', 'has domain', 'buses'], ['11 : 30 am', 'has domain', 'buses'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['leaving time', 'has value', '11 : 30 am'], ['fare', 'has value', '$ 73'], ['13th of this month', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['14th of this month', 'has domain', 'rentalcars'], ['11 am', 'has domain', 'buses'], ['long beach', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['count', 'has value', '5'], ['morning 11 : 30', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-873\n", + "dialogue: \"user\": \"i need a bus .\"\n", + "\"system\": \"where are you coming from ? where is your destination ?\"\n", + "\"user\": \"i ' m going to la from fresno , ca .\"\n", + "\"system\": \"when are you leaving ? how many tickets would you like ?\"\n", + "\"user\": \"i ' ll need four tickets . i wanna leave on the 4th of this month at the afternoon 1 : 30 .\"\n", + "\"system\": \"you need 4 tickets for a bus leaving on march 4th to go to los angeles from fresno at 1 : 30 pm . is this right ?\"\n", + "\"user\": \"yes , that ' s it .\"\n", + "\"system\": \"your tickets have been bought .\"\n", + "\"user\": \"i ' d also like a rental car . i wanna pick it up at 2 o \" clock in the afternoon on the 6th .\"\n", + "\"system\": \"how long will you need the car ? are you picking it up in los angeles ?\"\n", + "\"user\": \"yes i am . i ' ll need it until march 10th .\"\n", + "\"system\": \"i ' ve got 6 cars for you . a camry will be available at lax international airport on march 6th . it ' s a standard car .\"\n", + "\"user\": \"that ' s fine . i ' d like to reserve it .\"\n", + "\"system\": \"picking up a car at lax international airport on march 6th at 2 pm until march 10th . it ' s a standard car . is this right ?\"\n", + "\"user\": \"yes . what will it cost me ?\"\n", + "\"system\": \"your rental car is reserved . it will cost $ 144 .\"\n", + "\"user\": \"thanks . that ' s all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['los angeles', 'lax', 'fresno', 'march 6th', 'camry', 'march 4th', '6', 'la', 'afternoon 1 : 30', '2 pm', 'standard', '4th of this month', 'fresno , ca', 'march 10th', 'four', '4', 'the 6th', 'lax international airport', '2 o \" clock in the afternoon', '$ 144', '1 : 30 pm']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['camry', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 144'], ['rentalcars', 'has slot', 'total price'], ['march 10th', 'has domain', 'rentalcars'], ['to location', 'has value', 'la'], ['$ 144', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['2 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['los angeles', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['dropoff date', 'has value', 'march 10th'], ['rentalcars', 'has slot', 'type'], ['fresno', 'has domain', 'buses'], ['pickup location', 'has value', 'lax international airport'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['fresno , ca', 'has domain', 'buses'], ['pickup city', 'has value', 'los angeles'], ['rentalcars', 'has slot', 'dropoff date'], ['from location', 'has value', 'fresno'], ['pickup time', 'has value', '2 pm'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['2 o \" clock in the afternoon', 'has domain', 'rentalcars'], ['type', 'has value', 'standard'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'getcarsavailable'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', 'march 6th'], ['car name', 'has value', 'camry'], ['4', 'refers to same concept as', 'four'], ['the 6th', 'has domain', 'rentalcars'], ['la', 'has domain', 'buses'], ['4th of this month', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['1 : 30 pm', 'has domain', 'buses'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['pickup date', 'has value', 'the 6th'], ['leaving time', 'has value', 'afternoon 1 : 30'], ['6', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'fresno , ca'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'los angeles'], ['count', 'has value', '6'], ['leaving time', 'has value', '1 : 30 pm'], ['march 6th', 'has domain', 'rentalcars'], ['march 4th', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['leaving date', 'has value', '4th of this month'], ['rentalcars', 'has slot', 'pickup date'], ['rentalcars', 'has slot', 'pickup location'], ['lax international airport', 'has domain', 'rentalcars'], ['afternoon 1 : 30', 'has domain', 'buses'], ['pickup time', 'has value', '2 o \" clock in the afternoon']]\n", + "\n", + "dialogue id: sgd-validation-874\n", + "dialogue: \"user\": \"i will be travelling soon to san fran . i need to find a bus departing from sacramento , ca .\"\n", + "\"system\": \"when do you want to leave ? at what time do you want to leave ?\"\n", + "\"user\": \"look for something on the 10th of march at 5 : 45 pm .\"\n", + "\"system\": \"how many tickets do you want ?\"\n", + "\"user\": \"i will be travelling with some friends . get me 3 tickets .\"\n", + "\"system\": \"please confirm : booking 3 bus tickets from sacramento to san francisco on march 10th at 5 : 45 pm .\"\n", + "\"user\": \"that is correct . from which station does it departs and to which one it arrives ?\"\n", + "\"system\": \"it leaves from sacramento valley station and arrives to salesforce transit center . there was an issue booking the tickets , there is a bus available at 5 : 50 pm on the same day . it has a cost of $ 23 per ticket .\"\n", + "\"user\": \"sure , that one is fine .\"\n", + "\"system\": \"the tickets have been booked .\"\n", + "\"user\": \"i will also need to find a rental car . what cars are available ?\"\n", + "\"system\": \"do you want ti pick it up in san francisco on march 10th ?\"\n", + "\"user\": \"i want to pick it up there but on 11th of this month .\"\n", + "\"system\": \"until when do you want to rent the car ? at what time do you want to pick it up ?\"\n", + "\"user\": \"i will need it until the 13th of this month and would like to pick it up at 7 : 30 pm .\"\n", + "\"system\": \"there is a standard altima car available for pickup at sfo international airport on march 11th .\"\n", + "\"user\": \"what is the cost of the car ?\"\n", + "\"system\": \"it has a total cost of $ 68 .\"\n", + "\"user\": \"are there any compact cars available ? look for pick up in philly .\"\n", + "\"system\": \"there are 3 possible cars for you . there is a compact cooper available for pickup at intercity terminal on march 11th .\"\n", + "\"user\": \"that one sounds great .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"yes , i want to book the car .\"\n", + "\"system\": \"please confirm : booking a a compact car from march 11th until march 13th available for pickup at intercity terminal at 7 : 30 pm .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"the car has been booked .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , that would be all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['san fran', 'march 11th', '$ 68', 'sacramento valley station', 'philly', 'sfo international airport', 'march 13th', '10th of march', '$ 23', 'standard', 'altima', 'cooper', '5 : 45 pm', 'salesforce transit center', '7 : 30 pm', 'sacramento', 'march 10th', '5 : 50 pm', 'sfo', 'sacramento , ca', '11th of this month', '3', 'intercity terminal', '13th of this month', 'compact', 'san francisco']\n", + "relations: [['$ 68', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 10th'], ['march 10th', 'has domain', 'rentalcars'], ['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['salesforce transit center', 'has domain', 'buses'], ['leaving time', 'has value', '5 : 45 pm'], ['rentalcars', 'has slot', 'getcarsavailable'], ['11th of this month', 'has domain', 'rentalcars'], ['san francisco', 'has domain', 'rentalcars'], ['pickup time', 'has value', '7 : 30 pm'], ['3', 'has domain', 'buses'], ['march 10th', 'has domain', 'buses'], ['march 11th', 'has domain', 'rentalcars'], ['pickup date', 'has value', '11th of this month'], ['buses', 'has slot', 'from station'], ['13th of this month', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['intercity terminal', 'has domain', 'rentalcars'], ['march 13th', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'car name'], ['total price', 'has value', '$ 68'], ['to location', 'has value', 'san fran'], ['pickup city', 'has value', 'san francisco'], ['buses', 'has slot', 'to location'], ['pickup location', 'has value', 'intercity terminal'], ['compact', 'has domain', 'rentalcars'], ['from location', 'has value', 'sacramento , ca'], ['dropoff date', 'has value', 'march 13th'], ['5 : 45 pm', 'has domain', 'buses'], ['dropoff date', 'has value', '13th of this month'], ['rentalcars', 'has slot', 'pickup location'], ['car name', 'has value', 'cooper'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['rentalcars', 'has slot', 'total price'], ['from location', 'has value', 'sacramento'], ['leaving time', 'has value', '5 : 50 pm'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['pickup city', 'has value', 'philly'], ['san francisco', 'has domain', 'buses'], ['type', 'has value', 'standard'], ['pickup date', 'has value', 'march 11th'], ['sacramento', 'has domain', 'buses'], ['fare', 'has value', '$ 23'], ['to location', 'has value', 'san francisco'], ['car name', 'has value', 'altima'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['leaving date', 'has value', 'march 10th'], ['3', 'has domain', 'rentalcars'], ['$ 23', 'has domain', 'buses'], ['7 : 30 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to station'], ['philly', 'has domain', 'rentalcars'], ['to station', 'has value', 'salesforce transit center'], ['leaving date', 'has value', '10th of march'], ['sacramento valley station', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['5 : 50 pm', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['10th of march', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['from station', 'has value', 'sacramento valley station'], ['cooper', 'has domain', 'rentalcars'], ['sfo international airport', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['san fran', 'has domain', 'buses'], ['altima', 'has domain', 'rentalcars'], ['count', 'has value', '3'], ['pickup location', 'has value', 'sfo international airport']]\n", + "\n", + "dialogue id: sgd-validation-875\n", + "dialogue: \"user\": \"i like to reserve the bus\"\n", + "\"system\": \"how many tickets would you like to get ?\"\n", + "\"user\": \"for three persons .\"\n", + "\"system\": \"where are you coming from and to where are you heading ? at what time would you like to leave ?\"\n", + "\"user\": \"from lax to anaheim , ca . i want to leave at afternoon 3 : 45 .\"\n", + "\"system\": \"what date would you like to leave ?\"\n", + "\"user\": \"i prefer on the 7th .\"\n", + "\"system\": \"please verify the details : you are booking bus tickets for 3 people from los angeles going to anaheim on march 7th at 3 : 45 pm .\"\n", + "\"user\": \"sounds good . how many transfers i may have and which bus station i will be reaching ?\"\n", + "\"system\": \"there is 0 transfers and anaheim intermodal center is the destination station . i ' m sorry but it ' s not available . how about the one leaving at 3 : 40 pm for $ 11 ?\"\n", + "\"user\": \"yes , it will be okay .\"\n", + "\"system\": \"your ticket is successfully booked .\"\n", + "\"user\": \"can you help me find a rental car there available from march 10th ?\"\n", + "\"system\": \"until what date will you need the car ? are you picking it up from anaheim ? what time will you use the car ?\"\n", + "\"user\": \"awesome . i will use it until the 12th of this month and i prefer to pick it up at around half past 3 in the afternoon .\"\n", + "\"system\": \"there is a standard car , an accord available for pick up at john wayne airport on march 10th .\"\n", + "\"user\": \"sounds great . i will reserve that car .\"\n", + "\"system\": \"please verify the details : you will pickup a standard car at john wayne airport on march 10th at 3 : 30 pm . march 12th is the drop - off date .\"\n", + "\"user\": \"awesome . how much is the total cost ?\"\n", + "\"system\": \"the car was reserved . the total cost is $ 58 .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no . that would be all .\"\n", + "\"system\": \"have a good day !\"\n", + "\n", + "terms: ['3 : 40 pm', 'los angeles', 'lax', 'anaheim', 'march 7th', '12th of this month', 'standard', 'half past 3 in the afternoon', 'anaheim intermodal center', 'the 7th', 'afternoon 3 : 45', '$ 11', 'march 10th', '$ 58', 'march 12th', 'john wayne airport', 'transfers', '3 : 30 pm', '3 : 45 pm', '3', 'anaheim , ca', '0', 'accord', 'three']\n", + "relations: [['leaving time', 'has value', 'afternoon 3 : 45'], ['pickup time', 'has value', 'half past 3 in the afternoon'], ['buses', 'has slot', 'to station'], ['pickup time', 'has value', '3 : 30 pm'], ['march 12th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['pickup date', 'has value', 'march 10th'], ['march 10th', 'has domain', 'rentalcars'], ['leaving time', 'has value', '3 : 40 pm'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['to location', 'has value', 'anaheim , ca'], ['3 : 45 pm', 'has domain', 'buses'], ['rentalcars', 'has slot', 'reservecar'], ['total price', 'has value', '$ 58'], ['from location', 'has value', 'lax'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['fare', 'has value', '$ 11'], ['half past 3 in the afternoon', 'has domain', 'rentalcars'], ['afternoon 3 : 45', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['pickup city', 'has value', 'anaheim'], ['type', 'has value', 'standard'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving time', 'has value', '3 : 45 pm'], ['dropoff date', 'has value', 'march 12th'], ['anaheim', 'has domain', 'buses'], ['to station', 'has value', 'anaheim intermodal center'], ['$ 11', 'has domain', 'buses'], ['transfers', 'has value', '0'], ['rentalcars', 'has slot', 'pickup time'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['accord', 'has domain', 'rentalcars'], ['anaheim , ca', 'has domain', 'buses'], ['leaving date', 'has value', 'the 7th'], ['march 7th', 'has domain', 'buses'], ['3 : 40 pm', 'has domain', 'buses'], ['dropoff date', 'has value', '12th of this month'], ['buses', 'has slot', 'buybusticket'], ['3', 'has domain', 'buses'], ['12th of this month', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'john wayne airport'], ['3 : 30 pm', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 7th'], ['anaheim', 'has domain', 'rentalcars'], ['from location', 'has value', 'los angeles'], ['car name', 'has value', 'accord'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['$ 58', 'has domain', 'rentalcars'], ['los angeles', 'has domain', 'buses'], ['anaheim intermodal center', 'has domain', 'buses'], ['lax', 'has domain', 'buses'], ['the 7th', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['3', 'refers to same concept as', 'three'], ['rentalcars', 'has slot', 'pickup location'], ['john wayne airport', 'has domain', 'rentalcars'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-876\n", + "dialogue: \"user\": \"i would like to reserve the bus .\"\n", + "\"system\": \"what is the number of tickets you need ?\"\n", + "\"user\": \"that is for four people .\"\n", + "\"system\": \"when are you leaving ?\"\n", + "\"user\": \"i would like to leave march 4th .\"\n", + "\"system\": \"where and when are you leaving from ?\"\n", + "\"user\": \"we are leaving from vancouver 09 : 00 to seattle .\"\n", + "\"system\": \"please confirm a ticket for a bus leaving from vancouver to seattle march 4th at 9 am for 4 .\"\n", + "\"user\": \"yes , that is good . what bus station are we reaching and when is the bus leaving ?\"\n", + "\"system\": \"the originating station will be pacific central station going to king street station . i couldn ' t buy the ticket . the bus will leave at 8 : 50 am costing $ 25 .\"\n", + "\"user\": \"yes , that is good .\"\n", + "\"system\": \"the ticket is confirmed .\"\n", + "\"user\": \"thanks so much . can you find me a rental car the 8th of this month from march 5th .\"\n", + "\"system\": \"would you like to pick it up from seattle ?\"\n", + "\"user\": \"yes , that is good . i need it until the 11th of march .\"\n", + "\"system\": \"what time do you need it ?\"\n", + "\"user\": \"i would like to pick the car up at 2 in the afternoon .\"\n", + "\"system\": \"i see 2 cars you could like including one at king street station march 5th for a standard elantra car .\"\n", + "\"user\": \"that is good . i ' d like to reserve the car .\"\n", + "\"system\": \"please confirm pick up from king street station march 5th 2 pm and drop - off march 11th for a standard car .\"\n", + "\"user\": \"yes , that works . what is the cost in total ?\"\n", + "\"system\": \"the car is reserved for $ 168 .\"\n", + "\"user\": \"thanks so much for the help .\"\n", + "\"system\": \"can i assist you with anything else ?\"\n", + "\"user\": \"no thanks so much .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['11th of march', 'march 11th', '2', 'march 4th', '$ 168', '8th of this month', 'vancouver', '2 pm', 'standard', 'pacific central station', '8 : 50 am', '2 in the afternoon', 'elantra', 'king street station', '09 : 00', 'four', 'seattle', '4', '9 am', '$ 25', 'march 5th']\n", + "relations: [['pickup location', 'has value', 'king street station'], ['seattle', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'count'], ['buses', 'has slot', 'to station'], ['pacific central station', 'has domain', 'buses'], ['09 : 00', 'refers to same concept as', '9 am'], ['rentalcars', 'has slot', 'total price'], ['9 am', 'has domain', 'buses'], ['$ 25', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['2 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['8th of this month', 'has domain', 'rentalcars'], ['from location', 'has value', 'vancouver'], ['$ 168', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'type'], ['from station', 'has value', 'pacific central station'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['to station', 'has value', 'king street station'], ['pickup time', 'has value', '2 in the afternoon'], ['rentalcars', 'has slot', 'dropoff date'], ['car name', 'has value', 'elantra'], ['pickup time', 'has value', '2 pm'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['march 5th', 'has domain', 'rentalcars'], ['king street station', 'has domain', 'buses'], ['11th of march', 'has domain', 'rentalcars'], ['buses', 'has slot', 'travelers'], ['type', 'has value', 'standard'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving time', 'has value', '09 : 00'], ['rentalcars', 'has slot', 'pickup time'], ['2', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 168'], ['4', 'refers to same concept as', 'four'], ['leaving time', 'has value', '9 am'], ['dropoff date', 'has value', 'march 11th'], ['leaving time', 'has value', '8 : 50 am'], ['count', 'has value', '2'], ['4', 'has domain', 'buses'], ['8 : 50 am', 'has domain', 'buses'], ['pickup city', 'has value', 'seattle'], ['dropoff date', 'has value', '11th of march'], ['buses', 'has slot', 'buybusticket'], ['vancouver', 'has domain', 'buses'], ['2', 'refers to same concept as', '$ 2'], ['elantra', 'has domain', 'rentalcars'], ['king street station', 'has domain', 'rentalcars'], ['seattle', 'has domain', 'buses'], ['2 in the afternoon', 'has domain', 'rentalcars'], ['march 11th', 'has domain', 'rentalcars'], ['09 : 00', 'has domain', 'buses'], ['dropoff date', 'has value', '8th of this month'], ['march 4th', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['pickup date', 'has value', 'march 5th'], ['rentalcars', 'has slot', 'pickup date'], ['fare', 'has value', '$ 25'], ['rentalcars', 'has slot', 'pickup location'], ['to location', 'has value', 'seattle'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-877\n", + "dialogue: \"user\": \"i ' d like to reserve a bus ticket\"\n", + "\"system\": \"okay . i just need to know a few things . where do you want to go ? what time and what day are you planning on going ?\"\n", + "\"user\": \"i ' d like a bus to sfo , on the 1st of march at quarter past 8 in the morning .\"\n", + "\"system\": \"now please tell me how many tickets you ' ll be needing .\"\n", + "\"user\": \"i just need a ticket for 1 person .\"\n", + "\"system\": \"where do you want to start your bus trip ?\"\n", + "\"user\": \"i ' ll be starting in san diego .\"\n", + "\"system\": \"great , let me confirm . you want a bus ticket for 1 , for march 1st at 8 : 15 am , from san diego to san francisco .\"\n", + "\"user\": \"that ' s all correct .\"\n", + "\"system\": \"oh , i ' m sorry , i couldn ' t get that ticket ? can i do anything else for you ?\"\n", + "\"user\": \"could you try the bus ticket again , with a leaving time of morning 11 : 15 ? in that case , i ' d want a ticket for 2 people .\"\n", + "\"system\": \"okay , i ' ll try again . you want a ticket from san diego to san francisco , on march 1st at 11 : 15 am , for 2 people .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"i ' m really sorry . i still couldn ' t get a ticket . what if you left at 11 : 40 am at a cost of $ 53 ?\"\n", + "\"user\": \"i could do that .\"\n", + "\"system\": \"okay , then , i ' ve got that all confirmed .\"\n", + "\"user\": \"that ' s great , i appreciate that . i ' d also need a rental car for while i ' m there . can you find me one i can have until monday next week ? i ' d like a standard , to pick up at sfo .\"\n", + "\"system\": \"do you want to pick up the car on march 1st ?\"\n", + "\"user\": \"actually , i want it starting march 2nd , at half past 10 in the morning .\"\n", + "\"system\": \"i ' ve got 4 different cars i think would work . one of them is a nice car they have at sfo international airport , a standard altima . it ' s available on march 2nd .\"\n", + "\"user\": \"can you tell me what the total cost would be ?\"\n", + "\"system\": \"yes , that reservation will cost $ 74 in all .\"\n", + "\"user\": \"terrific . i want to go ahead and reserve that car .\"\n", + "\"system\": \"great . so you will be picking it up at sfo international airport on march 2nd , at 10 : 30 am , and keeping that standard car until march 4th ?\"\n", + "\"user\": \"you ' ve got everything right .\"\n", + "\"system\": \"i ' ve got that car all reserved for you .\"\n", + "\"user\": \"super ! thanks so much for helping me .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , i ' m all set , thanks again .\"\n", + "\"system\": \"you have a terrific day !\"\n", + "\n", + "terms: ['11 : 15 am', 'march 1st', 'morning 11 : 15', '$ 74', '2', 'monday next week', 'march 4th', '11 : 40 am', 'san diego', 'sfo international airport', 'standard', 'march 2nd', 'altima', '$ 53', '10 : 30 am', 'one', 'quarter past 8 in the morning', 'half past 10 in the morning', 'sfo', '4', 'leaving time', '1', 'san francisco', '1st of march', '8 : 15 am']\n", + "relations: [['pickup time', 'has value', '10 : 30 am'], ['rentalcars', 'has slot', 'count'], ['half past 10 in the morning', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['2', 'has domain', 'buses'], ['to location', 'has value', 'sfo'], ['quarter past 8 in the morning', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['leaving time', 'has value', '11 : 40 am'], ['total price', 'has value', '$ 74'], ['march 4th', 'has domain', 'rentalcars'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'type'], ['san francisco', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'car name'], ['1st of march', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['10 : 30 am', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['11 : 15 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['sfo', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['leaving time', 'has value', '8 : 15 am'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'travelers'], ['morning 11 : 15', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving date', 'has value', 'march 1st'], ['count', 'has value', '4'], ['rentalcars', 'has slot', 'pickup time'], ['fare', 'has value', '$ 53'], ['march 2nd', 'has domain', 'rentalcars'], ['leaving date', 'has value', '1st of march'], ['11 : 40 am', 'has domain', 'buses'], ['sfo international airport', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'march 4th'], ['buses', 'has slot', 'buybusticket'], ['sfo', 'has domain', 'rentalcars'], ['march 1st', 'has domain', 'buses'], ['pickup date', 'has value', 'march 1st'], ['pickup city', 'has value', 'sfo'], ['monday next week', 'has domain', 'rentalcars'], ['8 : 15 am', 'has domain', 'buses'], ['$ 74', 'has domain', 'rentalcars'], ['$ 53', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'san francisco'], ['car name', 'has value', 'altima'], ['leaving time', 'has value', 'quarter past 8 in the morning'], ['1', 'has domain', 'buses'], ['pickup time', 'has value', 'half past 10 in the morning'], ['4', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 2nd'], ['altima', 'has domain', 'rentalcars'], ['from location', 'has value', 'san diego'], ['leaving time', 'has value', 'morning 11 : 15'], ['leaving time', 'has value', '11 : 15 am'], ['rentalcars', 'has slot', 'pickup date'], ['dropoff date', 'has value', 'monday next week'], ['rentalcars', 'has slot', 'pickup location'], ['pickup location', 'has value', 'sfo international airport'], ['march 1st', 'has domain', 'rentalcars'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-878\n", + "dialogue: \"user\": \"i would like to find a bus .\"\n", + "\"system\": \"where are you leaving from and going ? how many tickets would you like ?\"\n", + "\"user\": \"i ' m leaving from anaheim , ca going to sacramento , we are four people .\"\n", + "\"system\": \"when do you want to leave and at what time ?\"\n", + "\"user\": \"i would like to leave on the 2nd of march at a quarter to 2 in the afternoon .\"\n", + "\"system\": \"booking a ticket on bus leaving from anaheim to sacramento on march 2nd at 1 : 45 pm for 4 people .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"i was unable to book it for that time , would you like to leave at 1 : 50 pm for the cost of $ 58 ?\"\n", + "\"user\": \"yes , that works for me .\"\n", + "\"system\": \"your ticket has been purchased .\"\n", + "\"user\": \"how many transfers does the trip have and what is the station i am leaving from ?\"\n", + "\"system\": \"there is 1 transfer and you are leaving from anaheim intermodal center .\"\n", + "\"user\": \"can you find me a compact car in sacramento ?\"\n", + "\"system\": \"do you want the car on march 2nd and at what time ?\"\n", + "\"user\": \"i want the car from the 12th of this month around two pm .\"\n", + "\"system\": \"till when do you need the car ?\"\n", + "\"user\": \"i need the car until the 14th .\"\n", + "\"system\": \"there is a compact bolt available at smf international airport on march 12th .\"\n", + "\"user\": \"is there a medium - sized car ?\"\n", + "\"system\": \"there are 5 cars , there is a standard accord available at smf international airport on march 12th .\"\n", + "\"user\": \"what is the cost of that rental ?\"\n", + "\"system\": \"the cost is $ 64 in total .\"\n", + "\"user\": \"yes , i would like to reserve this car .\"\n", + "\"system\": \"pick up the standard car from smf international airport on march 12th at 2 pm and return is march 14th .\"\n", + "\"user\": \"yes , that works for me .\"\n", + "\"system\": \"your car has been reserved .\"\n", + "\"user\": \"thank you for your help .\"\n", + "\"system\": \"can i help with something else ?\"\n", + "\"user\": \"no , that is all i needed .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['$ 64', 'anaheim', 'smf international airport', '12th of this month', '2 pm', 'standard', '2nd of march', 'bolt', 'anaheim intermodal center', 'two pm', 'march 2nd', 'march 14th', 'quarter to 2 in the afternoon', '5', 'sacramento', 'four', '$ 58', 'march 12th', '1 : 45 pm', 'transfers', '1 : 50 pm', 'the 14th', 'anaheim , ca', '4', 'accord', 'compact', '1']\n", + "relations: [['march 12th', 'has domain', 'rentalcars'], ['5', 'refers to same concept as', '$ 5'], ['total price', 'has value', '$ 64'], ['type', 'has value', 'compact'], ['2 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'anaheim , ca'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'getcarsavailable'], ['4', 'refers to same concept as', 'four'], ['accord', 'has domain', 'rentalcars'], ['anaheim , ca', 'has domain', 'buses'], ['from station', 'has value', 'anaheim intermodal center'], ['1 : 45 pm', 'has domain', 'buses'], ['$ 58', 'has domain', 'buses'], ['pickup time', 'has value', 'two pm'], ['quarter to 2 in the afternoon', 'has domain', 'buses'], ['leaving date', 'has value', 'march 2nd'], ['12th of this month', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'sacramento'], ['car name', 'has value', 'accord'], ['sacramento', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from station'], ['anaheim intermodal center', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['leaving time', 'has value', 'quarter to 2 in the afternoon'], ['to location', 'has value', 'sacramento'], ['the 14th', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['smf international airport', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['pickup time', 'has value', '2 pm'], ['buses', 'has slot', 'to location'], ['dropoff date', 'has value', 'march 14th'], ['compact', 'has domain', 'rentalcars'], ['5', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'the 14th'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['pickup date', 'has value', 'march 2nd'], ['leaving time', 'has value', '1 : 50 pm'], ['car name', 'has value', 'bolt'], ['$ 64', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['fare', 'has value', '$ 58'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['rentalcars', 'has slot', 'total price'], ['pickup location', 'has value', 'smf international airport'], ['type', 'has value', 'standard'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['anaheim', 'has domain', 'buses'], ['march 2nd', 'has domain', 'rentalcars'], ['bolt', 'has domain', 'rentalcars'], ['sacramento', 'has domain', 'buses'], ['march 14th', 'has domain', 'rentalcars'], ['travelers', 'has value', '4'], ['count', 'has value', '5'], ['march 2nd', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['pickup date', 'has value', 'march 12th'], ['leaving time', 'has value', '1 : 45 pm'], ['buses', 'has slot', 'leaving date'], ['two pm', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', '12th of this month'], ['4', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['2nd of march', 'has domain', 'buses'], ['1 : 50 pm', 'has domain', 'buses'], ['from location', 'has value', 'anaheim'], ['leaving date', 'has value', '2nd of march']]\n", + "\n", + "dialogue id: sgd-validation-879\n", + "dialogue: \"user\": \"i need to finish putting together plans for my trip . can you look up buses for me ?\"\n", + "\"system\": \"sure , where from ?\"\n", + "\"user\": \"i ' ll be leaving from fresno .\"\n", + "\"system\": \"ok , and how many tickets ?\"\n", + "\"user\": \"just 1 person .\"\n", + "\"system\": \"alright . where are you going and what day and time are you leaving ?\"\n", + "\"user\": \"i ' d like to leave around 5 : 45 in the evening on the 5th of this month for vegas .\"\n", + "\"system\": \"ok . to confirm , you want to book 1 bus ticket from fresno to las vegas on march 5th at 5 : 45 pm . is that right ?\"\n", + "\"user\": \"yes , that ' s right . how much will it cost and which station does it go to ?\"\n", + "\"system\": \"this bus goes to union plaza . looks like there ' s nothing available for that time , but there ' s a bus for $ 42 that leaves at 5 : 30 pm . does that work ?\"\n", + "\"user\": \"yes , that ' s fine .\"\n", + "\"system\": \"ok , i bought your ticket .\"\n", + "\"user\": \"great , thanks . can you also look up rental cars for me there ?\"\n", + "\"system\": \"sure , when would you be picking it up and dropping it back off ? and this would be in las vegas , right ?\"\n", + "\"user\": \"yes , i want to get a standard car from the 11th of march until the 12th of this month . i could pick it up around five in the evening .\"\n", + "\"system\": \"ok , i found 4 standard car options . there ' s a civic you could pick up from mccarran international airport on march 11th . how about that ?\"\n", + "\"user\": \"what would the total cost be ?\"\n", + "\"system\": \"it would be $ 31 total .\"\n", + "\"user\": \"ok , that sounds perfect . can you book it for me ?\"\n", + "\"system\": \"sure . to confirm , you want to book a standard car from march 11th to march 12th , to be picked up from mccarran international airport at 5 pm . is that right ?\"\n", + "\"user\": \"yep , sounds good .\"\n", + "\"system\": \"ok , your reservation has been made .\"\n", + "\"user\": \"great , thanks for your help . that ' s all for now .\"\n", + "\"system\": \"sure , have a good day .\"\n", + "\n", + "terms: ['11th of march', 'march 11th', '$ 42', '$ 31', 'fresno', '5 : 45 in the evening', 'buses', 'mccarran international airport', '5th of this month', '12th of this month', '5 : 30 pm', '5 pm', 'standard', 'vegas', '5 : 45 pm', 'five in the evening', 'union plaza', 'march 12th', 'civic', '4', 'march 5th', '1', 'las vegas']\n", + "relations: [['5 pm', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'count'], ['buses', 'has slot', 'to station'], ['march 5th', 'has domain', 'buses'], ['to station', 'has value', 'union plaza'], ['march 12th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['las vegas', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['5th of this month', 'has domain', 'buses'], ['vegas', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['pickup city', 'has value', 'las vegas'], ['to location', 'has value', 'vegas'], ['total price', 'has value', '$ 31'], ['rentalcars', 'has slot', 'dropoff date'], ['from location', 'has value', 'fresno'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['rentalcars', 'has slot', 'pickup city'], ['type', 'has value', 'standard'], ['11th of march', 'has domain', 'rentalcars'], ['buses', 'has slot', 'travelers'], ['pickup date', 'has value', 'march 11th'], ['leaving time', 'has value', '5 : 45 pm'], ['leaving time', 'has value', '5 : 30 pm'], ['rentalcars', 'has slot', 'getcarsavailable'], ['count', 'has value', '4'], ['fare', 'has value', '$ 42'], ['rentalcars', 'has slot', 'pickup time'], ['las vegas', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'march 12th'], ['leaving time', 'has value', '5 : 45 in the evening'], ['pickup date', 'has value', '11th of march'], ['mccarran international airport', 'has domain', 'rentalcars'], ['dropoff date', 'has value', '12th of this month'], ['buses', 'has slot', 'buybusticket'], ['pickup location', 'has value', 'mccarran international airport'], ['4', 'refers to same concept as', '$ 4'], ['civic', 'has domain', 'rentalcars'], ['12th of this month', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['5 : 45 in the evening', 'has domain', 'buses'], ['leaving date', 'has value', 'march 5th'], ['union plaza', 'has domain', 'buses'], ['pickup time', 'has value', 'five in the evening'], ['$ 31', 'has domain', 'rentalcars'], ['to location', 'has value', 'las vegas'], ['$ 42', 'has domain', 'buses'], ['march 11th', 'has domain', 'rentalcars'], ['1', 'has domain', 'buses'], ['4', 'has domain', 'rentalcars'], ['5 : 30 pm', 'has domain', 'buses'], ['5 : 45 pm', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['las vegas', 'refers to same concept as', 'vegas'], ['rentalcars', 'has slot', 'pickup location'], ['leaving date', 'has value', '5th of this month'], ['buses', 'has slot', 'fare'], ['pickup time', 'has value', '5 pm'], ['five in the evening', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-880\n", + "dialogue: \"user\": \"will you reserved the bus ?\"\n", + "\"system\": \"departure date ?\"\n", + "\"user\": \"leaving today .\"\n", + "\"system\": \"departing from ? destination ?\"\n", + "\"user\": \"i ' m departing from long beach , ca to san diego .\"\n", + "\"system\": \"number of tickets ?\"\n", + "\"user\": \"4 .\"\n", + "\"system\": \"departure time ?\"\n", + "\"user\": \"leaving morning 11 : 30 .\"\n", + "\"system\": \"please confirm 4 tickets on the bus that departs from long beach to san diego on march 1st at 11 : 30 am .\"\n", + "\"user\": \"that ' s fine .\"\n", + "\"system\": \"i ' ve reserved your ticket .\"\n", + "\"user\": \"cost ? destination station ?\"\n", + "\"system\": \"ticket cost $ 22 . you ' ll arrive at santa fe depot .\"\n", + "\"user\": \"thanks . will you find a rental car there to be picked up around 1 : 30 pm ?\"\n", + "\"system\": \"you want the car from march 1st until when ?\"\n", + "\"user\": \"i want it from next tuesday until the 9th .\"\n", + "\"system\": \"pick up from san diego ?\"\n", + "\"user\": \"perfect .\"\n", + "\"system\": \"i found 6 cars . accord , a standard car , is available at santa fe depot on march 5th .\"\n", + "\"user\": \"total cost ?\"\n", + "\"system\": \"$ 132 total .\"\n", + "\"user\": \"great . reserve this car .\"\n", + "\"system\": \"please confirm reservation for a standard car from santa fe depot to be picked up on march 5th at 1 : 30 pm and dropped of on march 9th .\"\n", + "\"user\": \"super .\"\n", + "\"system\": \"i ' ve reserved your car .\"\n", + "\"user\": \"thanks .\"\n", + "\"system\": \"anything else ?\"\n", + "\"user\": \"that ' s all . thanks .\"\n", + "\"system\": \"have a fabulous day .\"\n", + "\n", + "terms: ['6', '$ 22', 'santa fe depot', 'march 1st', 'long beach', 'morning 11 : 30', '4', 'long beach , ca', 'march 5th', 'next tuesday', 'march 9th', 'standard', 'the 9th', 'accord', '11 : 30 am', 'today', '1 : 30 pm', 'san diego']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'santa fe depot'], ['rentalcars', 'has slot', 'total price'], ['leaving time', 'has value', 'morning 11 : 30'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['$ 22', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['san diego', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['type', 'has value', 'standard'], ['march 5th', 'has domain', 'rentalcars'], ['$ 132', 'has domain', 'rentalcars'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving date', 'has value', 'march 1st'], ['pickup time', 'has value', '1 : 30 pm'], ['santa fe depot', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['accord', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'san diego'], ['4', 'has domain', 'buses'], ['pickup date', 'has value', 'next tuesday'], ['march 9th', 'has domain', 'rentalcars'], ['long beach', 'has domain', 'buses'], ['from location', 'has value', 'long beach , ca'], ['6', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['pickup date', 'has value', 'march 1st'], ['next tuesday', 'has domain', 'rentalcars'], ['the 9th', 'has domain', 'rentalcars'], ['long beach , ca', 'has domain', 'buses'], ['san diego', 'refers to same concept as', 'sd'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['car name', 'has value', 'accord'], ['fare', 'has value', '$ 22'], ['leaving date', 'has value', 'today'], ['count', 'has value', '6'], ['dropoff date', 'has value', 'the 9th'], ['from location', 'has value', 'long beach'], ['today', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'rentalcars'], ['11 : 30 am', 'has domain', 'buses'], ['1 : 30 pm', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'santa fe depot'], ['dropoff date', 'has value', 'march 9th'], ['leaving time', 'has value', '11 : 30 am'], ['pickup date', 'has value', 'march 5th'], ['travelers', 'has value', '4'], ['rentalcars', 'has slot', 'pickup date'], ['to location', 'has value', 'san diego'], ['rentalcars', 'has slot', 'pickup location'], ['march 1st', 'has domain', 'rentalcars'], ['morning 11 : 30', 'has domain', 'buses'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['total price', 'has value', '$ 132']]\n", + "\n", + "dialogue id: sgd-validation-881\n", + "dialogue: \"user\": \"i ' m thinking , if i get take a bus , i can sleep for a bit and rest up for the performance . do you have bus information handy for leaving on the 1st of this month ?\"\n", + "\"system\": \"i can help you with that . are you ready to tell me the number of tickets and where you want to board the bus ?\"\n", + "\"user\": \"a bus station in washington , reserving a seat for 1 person would be nice .\"\n", + "\"system\": \"okay . where and what time do you want to travel ?\"\n", + "\"user\": \"i ' ll be heading to new york and the morning 8 : 45 would be a good time for me to get going .\"\n", + "\"system\": \"i ' ll set that up for you . are you ready to confirm a bus reservation for 1 person , going from washington to new york on march 1st at 8 : 45 am .\"\n", + "\"user\": \"oh , sorry . i just got a text that i ' ll have to leave on the 2nd of march . would you change that date for me , please ?\"\n", + "\"system\": \"sure . are you ready to confirm a bus reservation for march 2nd at 8 : 45 am ?\"\n", + "\"user\": \"um , these texts for the itinerary are showing changes by the minute . it looks like there will be 4 of us traveling together and the venue has been moved to philadelphia . geez .\"\n", + "\"system\": \"okay , you want to confirm a bus reservation for 4 passengers going to philadelphia ?\"\n", + "\"user\": \"that ' s the deal for now . go ahead and confirm that , please .\"\n", + "\"system\": \"oh , apologies , the time for that reservation is not available . can you catch the bus a few minutes earlier , at 8 : 40 am ? your ride would be $ 26 .\"\n", + "\"user\": \"i can make it earlier . confirm that time , please .\"\n", + "\"system\": \"your bus ticket and reservation are all set .\"\n", + "\"user\": \"okay , and the bus will arrive at what station ?\"\n", + "\"system\": \"the bus is scheduled to arrive at the intercity terminal .\"\n", + "\"user\": \"do i have to expect 1 transfer ?\"\n", + "\"system\": \"nope , there are 0 transfers scheduled .\"\n", + "\"user\": \"super . so far , so good . appreciate that . now , a rental car is the next thing to set up for when we get there , please ?\"\n", + "\"system\": \"all right . do i set the pickup place and date for philadelphia on march 2nd ?\"\n", + "\"user\": \"well , i won ' t need the car until march 12th at about 2 in the afternoon , and i ' ll drop if off on the 13th of march .\"\n", + "\"system\": \"got it . it looks like 8 cars are available for you to consider , one being a standard altima that you can pick up from the 30th street station on march 12th .\"\n", + "\"user\": \"i could go for that . you can make that reservation now .\"\n", + "\"system\": \"all right . are you ready to confirm pick - up of a standard rental car from the 30th street station on march 12th at 2 pm and drop - off on march 13th ?\"\n", + "\"user\": \"i ' m looking forward to that , yes . what ' s my total for the rental ?\"\n", + "\"system\": \"the reservation for your car rental is confirmed , and your total is now $ 30 .\"\n", + "\"user\": \"well , that price works , too . i appreciate that hookup . we ' re done for now .\"\n", + "\"system\": \"enjoy the rest of your day .\"\n", + "\n", + "terms: ['march 1st', '8 : 45 am', 'march 13th', '8 : 40 am', '2 pm', '$ 26', 'standard', '2nd of march', '13th of march', 'new york', 'march 2nd', 'altima', '1st of this month', 'philadelphia', '2 in the afternoon', 'washington', 'one', '8', 'march 12th', '$ 30', 'transfers', 'intercity terminal', 'morning 8 : 45', '4', '0', '1', '30th street station']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 26'], ['march 12th', 'has domain', 'rentalcars'], ['march 13th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['30th street station', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'philadelphia'], ['to location', 'has value', 'new york'], ['march 2nd', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['2 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['total price', 'has value', '$ 30'], ['count', 'has value', '8'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['pickup date', 'has value', 'march 12th'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['8 : 40 am', 'has domain', 'buses'], ['pickup time', 'has value', '2 in the afternoon'], ['rentalcars', 'has slot', 'dropoff date'], ['morning 8 : 45', 'has domain', 'buses'], ['pickup time', 'has value', '2 pm'], ['travelers', 'has value', '1'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup city'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving date', 'has value', 'march 1st'], ['dropoff date', 'has value', '13th of march'], ['type', 'has value', 'standard'], ['rentalcars', 'has slot', 'pickup time'], ['transfers', 'has value', '0'], ['march 2nd', 'has domain', 'rentalcars'], ['4', 'has domain', 'buses'], ['to location', 'has value', 'philadelphia'], ['1st of this month', 'has domain', 'buses'], ['philadelphia', 'has domain', 'buses'], ['pickup location', 'has value', '30th street station'], ['intercity terminal', 'has domain', 'buses'], ['13th of march', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['transfers', 'has value', '1'], ['leaving date', 'has value', 'march 2nd'], ['2nd of march', 'has domain', 'buses'], ['8 : 45 am', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 40 am'], ['leaving time', 'has value', 'morning 8 : 45'], ['1', 'refers to same concept as', 'one'], ['leaving date', 'has value', '1st of this month'], ['dropoff date', 'has value', 'march 13th'], ['2 in the afternoon', 'has domain', 'rentalcars'], ['car name', 'has value', 'altima'], ['to station', 'has value', 'intercity terminal'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['philadelphia', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 2nd'], ['altima', 'has domain', 'rentalcars'], ['$ 30', 'has domain', 'rentalcars'], ['leaving date', 'has value', '2nd of march'], ['travelers', 'has value', '4'], ['8', 'has domain', 'rentalcars'], ['$ 26', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['leaving time', 'has value', '8 : 45 am'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-882\n", + "dialogue: \"user\": \"can you please book me bus tickets ?\"\n", + "\"system\": \"sure , but first tell me your departure location , as well as your desired departure date and time .\"\n", + "\"user\": \"i ' ll be travelling from san fran on march 12th and it will be nice to leave around 12 : 15 in the afternoon .\"\n", + "\"system\": \"ok , how many tickets do you require ?\"\n", + "\"user\": \"i need 3 tickets /\"\n", + "\"system\": \"please tell me your destination .\"\n", + "\"user\": \"i ' m travelling to sacramento .\"\n", + "\"system\": \"can you please confirm that you want 3 tickets for the bus leaving from san francisco to sacramento on march 12th at 12 : 15 pm ?\"\n", + "\"user\": \"yes , that ' s correct . please tell me the departure and destination station .\"\n", + "\"system\": \"you ' ll be departing from salesforce transit center and you ' ll be reaching sacramento valley station but unfortunately i wasn ' t able to book your tickets as requested . are you ok with the bus leaving at 12 : 30 pm , with tickets priced at $ 21 ?\"\n", + "\"user\": \"yes , that will do .\"\n", + "\"system\": \"perfect , i ' ve just booked your tickets .\"\n", + "\"user\": \"can you please find me a rental car at destination ?\"\n", + "\"system\": \"you ' re picking it up from sacramento , right ?\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"you ' ll need the car from march 12th ? also , please tell me the drop off date and the pick up time .\"\n", + "\"user\": \"i need the car from the 13th at 7 : 30 pm and i plan to keep it till the 14th of march .\"\n", + "\"system\": \"i found a nice standard class accord available for pickup from smf international airport on march 13th .\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"do you want me to book the car for you ?\"\n", + "\"user\": \"yes , please do .\"\n", + "\"system\": \"can you please confirm that you want me to book a standard car for you to pick up on march 13th at 7 : 30 pm from smf international airport , due for drop off on march 14th ?\"\n", + "\"user\": \"yes , that ' s correct . also , please tell me the total rental price , please .\"\n", + "\"system\": \"i ' ve successfully booked your rental , which in total will cost you $ 34 .\"\n", + "\"user\": \"thanks for everything .\"\n", + "\"system\": \"is there anything else i could do to help you ?\"\n", + "\"user\": \"no , that will be all . thanks again !\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['san fran', 'sacramento valley station', 'smf international airport', '14th of march', 'march 13th', 'standard', '12 : 30 pm', 'salesforce transit center', '7 : 30 pm', 'the 13th', 'march 14th', 'sacramento', '$ 21', 'march 12th', '3', '12 : 15 in the afternoon', '$ 34', 'accord', '12 : 15 pm', 'san francisco']\n", + "relations: [['leaving date', 'has value', 'march 12th'], ['12 : 15 pm', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 21'], ['march 12th', 'has domain', 'rentalcars'], ['to location', 'has value', 'sacramento'], ['12 : 30 pm', 'has domain', 'buses'], ['from station', 'has value', 'salesforce transit center'], ['pickup location', 'has value', 'smf international airport'], ['march 13th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'total price'], ['standard', 'has domain', 'rentalcars'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['smf international airport', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'type'], ['san francisco', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'car name'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['$ 21', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['from location', 'has value', 'san fran'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'to location'], ['leaving time', 'has value', '12 : 15 in the afternoon'], ['the 13th', 'has domain', 'rentalcars'], ['to station', 'has value', 'sacramento valley station'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['salesforce transit center', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['type', 'has value', 'standard'], ['dropoff date', 'has value', 'march 14th'], ['rentalcars', 'has slot', 'pickup time'], ['accord', 'has domain', 'rentalcars'], ['3', 'refers to same concept as', '$ 3'], ['sacramento', 'has domain', 'buses'], ['pickup time', 'has value', '7 : 30 pm'], ['march 14th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['14th of march', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 13th'], ['pickup date', 'has value', 'the 13th'], ['3', 'has domain', 'buses'], ['pickup city', 'has value', 'sacramento'], ['car name', 'has value', 'accord'], ['march 12th', 'has domain', 'buses'], ['12 : 15 in the afternoon', 'has domain', 'buses'], ['$ 34', 'has domain', 'rentalcars'], ['leaving time', 'has value', '12 : 15 pm'], ['from location', 'has value', 'san francisco'], ['san fran', 'has domain', 'buses'], ['sacramento', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from station'], ['leaving time', 'has value', '12 : 30 pm'], ['rentalcars', 'has slot', 'pickup date'], ['rentalcars', 'has slot', 'pickup location'], ['dropoff date', 'has value', '14th of march'], ['total price', 'has value', '$ 34'], ['buses', 'has slot', 'fare'], ['7 : 30 pm', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-883\n", + "dialogue: \"user\": \"hi , i need a bus from sacramento , ca please . i want to leave at one pm on the 7th .\"\n", + "\"system\": \"what is your destination ?\"\n", + "\"user\": \"going to sd .\"\n", + "\"system\": \"how amny passengers will there be ?\"\n", + "\"user\": \"3 of us .\"\n", + "\"system\": \"confirming 3 passengers on march 7th at 1 pm from sacramento to san diego .\"\n", + "\"user\": \"sorry , it should be 2 people . and i ' d like to go at 11 : 30 .\"\n", + "\"system\": \"confirming 2 passengers at 11 : 30 am .\"\n", + "\"user\": \"correct , thanks . how much is that and where does it depart from ?\"\n", + "\"system\": \"it leaves from sacramento valley station . i apologize , i was unable to reserve the ticket for you . would you like to try an 11 am departure ? that ' s an $ 81 ticket .\"\n", + "\"user\": \"okay , please do .\"\n", + "\"system\": \"the reservation has been booked .\"\n", + "\"user\": \"thank you very much . i need a car to rent , too please . something in the standard class for the 9th of march would work .\"\n", + "\"system\": \"when would you like to pick it up and return it ? is that a san diego pick up ?\"\n", + "\"user\": \"yes , that ' s right . i want to get the car at half past 6 in the evening and bring it back march 12th .\"\n", + "\"system\": \"how abhout a standard accord ? that ' s available march 9th at santa fe depot .\"\n", + "\"user\": \"what else do you have if i need it friday next week in paris ?\"\n", + "\"system\": \"i have 3 cars . there is a standard cruze which you could pick up march 8th at charles de gaulle international airport .\"\n", + "\"user\": \"okay , i like the cruze .\"\n", + "\"system\": \"shall i book the car for you ?\"\n", + "\"user\": \"yes , thank you .\"\n", + "\"system\": \"confirming rental of a standard car at 6 : 30 pm on march 8th until march 12th , picking up from charles de gaulle international airport .\"\n", + "\"user\": \"thanks , yes . how much is it ?\"\n", + "\"system\": \"it ' s $ 128 complete and the reservation was successful .\"\n", + "\"user\": \"thank you so much .\"\n", + "\"system\": \"anything else today ?\"\n", + "\"user\": \"no , thanks again .\"\n", + "\"system\": \"it is my pleasure .\"\n", + "\n", + "terms: ['march 7th', 'paris', 'friday next week', 'sacramento valley station', '2', '1 pm', '11 : 30 am', 'half past 6 in the evening', 'santa fe depot', 'march 9th', 'san diego', '11 am', 'charles de gaulle international airport', 'sd', 'cruze', 'standard', 'one pm', '11 : 30', 'the 7th', '6 : 30 pm', 'sacramento', 'march 12th', 'sacramento , ca', '9th of march', '$ 128', '3', '$ 81', 'accord', 'march 8th']\n", + "relations: [['march 12th', 'has domain', 'rentalcars'], ['leaving time', 'has value', 'one pm'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['dropoff date', 'has value', 'march 12th'], ['rentalcars', 'has slot', 'getcarsavailable'], ['accord', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'san diego'], ['pickup city', 'has value', 'paris'], ['3', 'has domain', 'buses'], ['car name', 'has value', 'accord'], ['pickup location', 'has value', 'santa fe depot'], ['paris', 'has domain', 'rentalcars'], ['leaving time', 'has value', '11 : 30 am'], ['buses', 'has slot', 'from station'], ['pickup time', 'has value', '6 : 30 pm'], ['rentalcars', 'has slot', 'pickup date'], ['11 am', 'has domain', 'buses'], ['cruze', 'has domain', 'rentalcars'], ['san diego', 'has domain', 'buses'], ['9th of march', 'has domain', 'rentalcars'], ['leaving time', 'has value', '11 : 30'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'car name'], ['charles de gaulle international airport', 'has domain', 'rentalcars'], ['$ 128', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to location'], ['half past 6 in the evening', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'the 7th'], ['total price', 'has value', '$ 128'], ['from location', 'has value', 'sacramento , ca'], ['leaving date', 'has value', 'march 7th'], ['to location', 'has value', 'san diego'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['to location', 'has value', 'sd'], ['rentalcars', 'has slot', 'count'], ['rentalcars', 'has slot', 'total price'], ['from location', 'has value', 'sacramento'], ['pickup date', 'has value', 'friday next week'], ['pickup time', 'has value', 'half past 6 in the evening'], ['one pm', 'has domain', 'buses'], ['type', 'has value', 'standard'], ['sd', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['march 9th', 'has domain', 'rentalcars'], ['march 8th', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 8th'], ['san diego', 'refers to same concept as', 'sd'], ['pickup date', 'has value', 'march 9th'], ['11 : 30 am', 'has domain', 'buses'], ['6 : 30 pm', 'has domain', 'rentalcars'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['the 7th', 'has domain', 'buses'], ['11 : 30', 'has domain', 'buses'], ['3', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 81'], ['$ 81', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['sacramento valley station', 'has domain', 'buses'], ['car name', 'has value', 'cruze'], ['rentalcars', 'has slot', 'type'], ['san diego', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['pickup date', 'has value', '9th of march'], ['friday next week', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup time'], ['from station', 'has value', 'sacramento valley station'], ['11 : 30', 'refers to same concept as', '11 : 30 am'], ['march 7th', 'has domain', 'buses'], ['leaving time', 'has value', '1 pm'], ['leaving time', 'has value', '11 am'], ['buses', 'has slot', 'buybusticket'], ['1 pm', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'rentalcars'], ['count', 'has value', '3'], ['pickup location', 'has value', 'charles de gaulle international airport']]\n", + "\n", + "dialogue id: sgd-validation-884\n", + "dialogue: \"user\": \"hi there , could you get me a reservation for one please ?\"\n", + "\"system\": \"sure , when and what time do you intend to depart ?\"\n", + "\"user\": \"i will be travelling from vancouver to seattle , wa on march 5th at 8 : 30 am .\"\n", + "\"system\": \"sure , please confirm your reservation for 1 for the bus travelling from vancouver to seattle , wa on march 5th at 8 : 30 am .\"\n", + "\"user\": \"sure , how much will this cost me and which bus station am i departing from ?\"\n", + "\"system\": \"your reservation has been made , which will cost you $ 28 and the bus will depart from pacific central station .\"\n", + "\"user\": \"i see , could you get me a rental car there too ?\"\n", + "\"system\": \"will you be using the car from march 5th ?\"\n", + "\"user\": \"no , from the 11th of march please .\"\n", + "\"system\": \"and will you pick it up from seattle ?\"\n", + "\"user\": \"yes , i will .\"\n", + "\"system\": \"when will you be picking the car up ?\"\n", + "\"user\": \"likely at 12 : 15 in the afternoon .\"\n", + "\"system\": \"sure , and when will you need the car till ?\"\n", + "\"user\": \"i will need to pickup the car at half past 1 in the afternoon and use it till march 13th .\"\n", + "\"system\": \"there are 5 available cars , one of which is a standard civic available from seattle - tacoma international airport on march 11th .\"\n", + "\"user\": \"how much will this set me back ?\"\n", + "\"system\": \"this will cost you $ 72 in total .\"\n", + "\"user\": \"that sounds great !\"\n", + "\"system\": \"would you like a reservation ?\"\n", + "\"user\": \"sure , could you help me make one please .\"\n", + "\"system\": \"please confirm your reservation for a standard car for your pick up at seattle - tacoma international airport on march 11th at 1 : 30 pm to march 13th .\"\n", + "\"user\": \"sure , that sounds great .\"\n", + "\"system\": \"your reservation has been made .\"\n", + "\"user\": \"thanks for your assistance !\"\n", + "\"system\": \"could i further assist you ?\"\n", + "\"user\": \"no , that is all i need . thanks !\"\n", + "\"system\": \"have a safe trip !\"\n", + "\n", + "terms: ['11th of march', 'march 11th', 'march 13th', 'vancouver', 'standard', 'pacific central station', '8 : 30 am', 'one', 'seattle , wa', '5', 'seattle - tacoma international airport', 'civic', 'seattle', '12 : 15 in the afternoon', 'march 5th', '$ 28', 'half past 1 in the afternoon', '$ 72', '1', '1 : 30 pm']\n", + "relations: [['seattle', 'has domain', 'rentalcars'], ['pickup time', 'has value', '12 : 15 in the afternoon'], ['pickup time', 'has value', 'half past 1 in the afternoon'], ['to location', 'has value', 'seattle , wa'], ['march 5th', 'has domain', 'buses'], ['pacific central station', 'has domain', 'buses'], ['march 13th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'count'], ['rentalcars', 'has slot', 'total price'], ['$ 28', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['$ 72', 'has domain', 'rentalcars'], ['leaving time', 'has value', '8 : 30 am'], ['rentalcars', 'has slot', 'reservecar'], ['from location', 'has value', 'vancouver'], ['rentalcars', 'has slot', 'type'], ['from station', 'has value', 'pacific central station'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'dropoff date'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['march 5th', 'has domain', 'rentalcars'], ['11th of march', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'travelers'], ['type', 'has value', 'standard'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup date', 'has value', 'march 11th'], ['pickup time', 'has value', '1 : 30 pm'], ['rentalcars', 'has slot', 'pickup time'], ['seattle , wa', 'has domain', 'buses'], ['pickup date', 'has value', '11th of march'], ['pickup city', 'has value', 'seattle'], ['5', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['pickup location', 'has value', 'seattle - tacoma international airport'], ['seattle', 'refers to same concept as', 'seattle , wa'], ['vancouver', 'has domain', 'buses'], ['car name', 'has value', 'civic'], ['civic', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 5th'], ['seattle - tacoma international airport', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['dropoff date', 'has value', 'march 13th'], ['seattle', 'has domain', 'buses'], ['half past 1 in the afternoon', 'has domain', 'rentalcars'], ['march 11th', 'has domain', 'rentalcars'], ['1', 'has domain', 'buses'], ['1 : 30 pm', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 72'], ['pickup date', 'has value', 'march 5th'], ['buses', 'has slot', 'from station'], ['8 : 30 am', 'has domain', 'buses'], ['fare', 'has value', '$ 28'], ['rentalcars', 'has slot', 'pickup date'], ['rentalcars', 'has slot', 'pickup location'], ['to location', 'has value', 'seattle'], ['count', 'has value', '5'], ['buses', 'has slot', 'fare'], ['12 : 15 in the afternoon', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-885\n", + "dialogue: \"user\": \"i need a bus to las vegas for a party of 3 on the 11th of march .\"\n", + "\"system\": \"from where are you guys leaving ?\"\n", + "\"user\": \"from fresno , ca .\"\n", + "\"system\": \"there ' s a 7 : 20 am bus with 0 transfers for $ 40 .\"\n", + "\"user\": \"what are the stations that it uses ?\"\n", + "\"system\": \"it goes from fresno station to union plaza .\"\n", + "\"user\": \"nice . get me on it .\"\n", + "\"system\": \"ok . 3 seats on a 7 : 20 am fresno to las vegas bus on march 11th ?\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"your seats are reserved .\"\n", + "\"user\": \"now what about a hotel once we ' re there ?\"\n", + "\"system\": \"i suggest best western plus las vegas west . it has 3 stars .\"\n", + "\"user\": \"where is this place ?\"\n", + "\"system\": \"8669 west sahara avenue .\"\n", + "\"user\": \"that ' s sounds acceptable .\"\n", + "\"system\": \"should i book it .\"\n", + "\"user\": \"hold off for now .\"\n", + "\"system\": \"ok . what else ?\"\n", + "\"user\": \"nothing . you ' ve done enough .\"\n", + "\"system\": \"ok . you know where to find me .\"\n", + "\n", + "terms: ['11th of march', 'transfers', 'fresno station', '$ 40', 'march 11th', 'best western plus las vegas west', 'union plaza', '3', '7 : 20 am', 'fresno', '0', 'fresno , ca', 'vegas', 'las vegas']\n", + "relations: [['8669 west sahara avenue', 'has domain', 'hotels'], ['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['to station', 'has value', 'union plaza'], ['11th of march', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['las vegas', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '7 : 20 am'], ['leaving date', 'has value', 'march 11th'], ['7 : 20 am', 'has domain', 'buses'], ['fare', 'has value', '$ 40'], ['fresno', 'has domain', 'buses'], ['leaving date', 'has value', '11th of march'], ['best western plus las vegas west', 'has domain', 'hotels'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['fresno , ca', 'has domain', 'buses'], ['from location', 'has value', 'fresno'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['march 11th', 'has domain', 'buses'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['$ 40', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['from location', 'has value', 'fresno , ca'], ['buses', 'has slot', 'buybusticket'], ['place name', 'has value', 'best western plus las vegas west'], ['3', 'has domain', 'buses'], ['union plaza', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['to location', 'has value', 'las vegas'], ['buses', 'has slot', 'transfers'], ['hotels', 'has slot', 'street address'], ['street address', 'has value', '8669 west sahara avenue'], ['buses', 'has slot', 'from station'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['from station', 'has value', 'fresno station']]\n", + "\n", + "dialogue id: sgd-validation-886\n", + "dialogue: \"user\": \"i need to find a bus home .\"\n", + "\"system\": \"where will you be going ? when would you like to leave ?\"\n", + "\"user\": \"i need to leave later today . i have to get to san diego .\"\n", + "\"system\": \"where will you be leaving from ?\"\n", + "\"user\": \"i will be leaving from san francisco .\"\n", + "\"system\": \"what about the 11 am bus that has 0 transfers for $ 58 . if that doesn ' t work i have 6 other buses for you\"\n", + "\"user\": \"where does that bus depart from ?\"\n", + "\"system\": \"it leaves fromthe salesforce transit center .\"\n", + "\"user\": \"that sounds awesome .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"yes i need to buy 2 tickets please .\"\n", + "\"system\": \"just to confirm you need 2 tickets for the bus that leaves on march 1st at 11 am from san francisco bound for san diego .\"\n", + "\"user\": \"yes that is great . what station does the bus arrive at ?\"\n", + "\"system\": \"your tickets are booked . the arrival station is the santa fe depot .\"\n", + "\"user\": \"i need a hotel around there .\"\n", + "\"system\": \"how about the 3 star bahia resort hotel ?\"\n", + "\"user\": \"that will be fine .\"\n", + "\"system\": \"would you like to book the hotel ?\"\n", + "\"user\": \"no not right now .\"\n", + "\"system\": \"is there anything else i can do for you .\"\n", + "\"user\": \"no that will be all\"\n", + "\"system\": \"enjoy the rest of your day .\"\n", + "\n", + "terms: ['6', 'transfers', '11 am', 'salesforce transit center', 'bahia resort hotel', 'march 1st', '3', 'buses', '2', '0', '$ 58', 'later today', 'santa fe depot', 'san francisco', 'san diego']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'santa fe depot'], ['hotels', 'has slot', 'reservehotel'], ['2', 'has domain', 'buses'], ['from station', 'has value', 'salesforce transit center'], ['travelers', 'has value', '2'], ['buses', 'has slot', 'leaving time'], ['place name', 'has value', 'bahia resort hotel'], ['later today', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['6', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['$ 58', 'has domain', 'buses'], ['leaving time', 'has value', '11 am'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['count', 'has value', '6'], ['from location', 'has value', 'san francisco'], ['leaving date', 'has value', 'later today'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['bahia resort hotel', 'has domain', 'hotels'], ['to location', 'has value', 'san diego'], ['11 am', 'has domain', 'buses'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['fare', 'has value', '$ 58']]\n", + "\n", + "dialogue id: sgd-validation-887\n", + "dialogue: \"user\": \"i need some help finding a bus ticket . i will be leaving on the 7th .\"\n", + "\"system\": \"where will you be traveling too ?\"\n", + "\"user\": \"well , the three of us are going to vancouver .\"\n", + "\"system\": \"so three tickets to vancouver , where will your group be leaving from ?\"\n", + "\"user\": \"let ' s leave out of seattle , wa .\"\n", + "\"system\": \"i found 9 bus options for your group . let ' s start with a bus leaving at 6 : 40 am with a ticket cost at $ 27 . there will be 0 transfers .\"\n", + "\"user\": \"i would like to hear my other options please .\"\n", + "\"system\": \"sure thing , how about a bus departing at 7 : 40 am and also has 0 transfers . this ticket is $ 27 .\"\n", + "\"user\": \"alright , that one works . let ' s book it . can you do that now please .\"\n", + "\"system\": \"sure thing , but first please confirm the details . 3 tickets from seattle to vancouver . departing on march 7th at 7 : 40 am . is this correct ?\"\n", + "\"user\": \"yes , perfect . find out which bus station i will be arriving at .\"\n", + "\"system\": \"great news , i was able to confirm your reservation . your destination will be pacific central station .\"\n", + "\"user\": \"awesome , go ahead and locate a three star hotel for me as well . make sure it ' s in that area .\"\n", + "\"system\": \"ok , i have 10 possibilities for you to consider . let ' s start with atrium inn vancouver , this is a 3 star hotel .\"\n", + "\"user\": \"alright , that sounds perfect .\"\n", + "\"system\": \"should we reserve this now ?\"\n", + "\"user\": \"no , i was just getting the information .\"\n", + "\"system\": \"i understand . will there be anything else i can help with right now ?\"\n", + "\"user\": \"nope . good bye .\"\n", + "\"system\": \"alright , good bye .\"\n", + "\n", + "terms: ['transfers', 'march 7th', '$ 27', 'the 7th', '3', 'seattle', '6 : 40 am', 'seattle , wa', 'vancouver', '0', 'atrium inn vancouver', '7 : 40 am', 'pacific central station', '10', 'three', '9']\n", + "relations: [['$ 27', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['pacific central station', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['from location', 'has value', 'seattle , wa'], ['buses', 'has slot', 'leaving time'], ['to station', 'has value', 'pacific central station'], ['to location', 'has value', 'vancouver'], ['leaving time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'fare'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['star rating', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['seattle , wa', 'has domain', 'buses'], ['atrium inn vancouver', 'has domain', 'hotels'], ['leaving date', 'has value', 'the 7th'], ['march 7th', 'has domain', 'buses'], ['place name', 'has value', 'atrium inn vancouver'], ['10', 'has domain', 'hotels'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['seattle', 'refers to same concept as', 'seattle , wa'], ['vancouver', 'has domain', 'buses'], ['3', 'has domain', 'buses'], ['count', 'has value', '9'], ['leaving date', 'has value', 'march 7th'], ['3', 'has domain', 'hotels'], ['seattle', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 40 am'], ['buses', 'has slot', 'transfers'], ['9', 'has domain', 'buses'], ['the 7th', 'has domain', 'buses'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['from location', 'has value', 'seattle'], ['6 : 40 am', 'has domain', 'buses'], ['count', 'has value', '10'], ['fare', 'has value', '$ 27']]\n", + "\n", + "dialogue id: sgd-validation-888\n", + "dialogue: \"user\": \"hello . can you find a bus for me ?\"\n", + "\"system\": \"sure thing . where are you headed to ?\"\n", + "\"user\": \"my group of four goes from anaheim to sf .\"\n", + "\"system\": \"when do you plan on heading out ?\"\n", + "\"user\": \"on the 4th of this month .\"\n", + "\"system\": \"how about traveling through this $ 47 0 transfer bus that leaves at 8 am ?\"\n", + "\"user\": \"sounds good to me . i ' d like to rent it .\"\n", + "\"system\": \"okay . you want 4 tickets for a bus that goes from anaheim to san francisco on march 4th at 8 am ?\"\n", + "\"user\": \"yes , that ' s right . what bus stations will it travel between ?\"\n", + "\"system\": \"i got the tickets . it ' ll travel from anaheim intermodal center to salesforce transit center .\"\n", + "\"user\": \"i also would like for you to find me a 3 star hotel i can stay at while in san francisco .\"\n", + "\"system\": \"i found 10 3 star hotels for you in san francisco . one of them is bei hotel san francisco .\"\n", + "\"user\": \"can you give me another option ?\"\n", + "\"system\": \"sure . how does the 3 star beresford arms hotel sound ?\"\n", + "\"user\": \"sounds good to me . that ' s all i need for now .\"\n", + "\"system\": \"see you later . have a good day !\"\n", + "\n", + "terms: ['salesforce transit center', 'anaheim', '4th of this month', 'bei hotel san francisco', '3', '4', 'hotels', '0', 'sf', '$ 47', 'beresford arms hotel', '10', 'march 4th', 'anaheim intermodal center', 'san francisco', '8 am']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'salesforce transit center'], ['beresford arms hotel', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['fare', 'has value', '$ 47'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['salesforce transit center', 'has domain', 'buses'], ['star rating', 'has value', '3'], ['anaheim', 'has domain', 'buses'], ['8 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['from station', 'has value', 'anaheim intermodal center'], ['10', 'has domain', 'hotels'], ['4th of this month', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['to location', 'has value', 'sf'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['4', 'refers to same concept as', '$ 4'], ['sf', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['bei hotel san francisco', 'has domain', 'hotels'], ['to location', 'has value', 'san francisco'], ['place name', 'has value', 'bei hotel san francisco'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['place name', 'has value', 'beresford arms hotel'], ['march 4th', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['leaving date', 'has value', '4th of this month'], ['$ 47', 'has domain', 'buses'], ['anaheim intermodal center', 'has domain', 'buses'], ['leaving time', 'has value', '8 am'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-889\n", + "dialogue: \"user\": \"find a bus\"\n", + "\"system\": \"where to then ?\"\n", + "\"user\": \"las vegas to fresno , ca 9th of march\"\n", + "\"system\": \"7 : 10 am 10 buses $ 45 0 transfers\"\n", + "\"user\": \"that is good\"\n", + "\"system\": \"wanna get tickets ?\"\n", + "\"user\": \"yes for two\"\n", + "\"system\": \"las vegas fresno march 9th 7 : 10 am 2 people\"\n", + "\"user\": \"yes that is fine\"\n", + "\"system\": \"it is confirmed\"\n", + "\"user\": \"thank you very much\"\n", + "\"system\": \"doubletree by hilton hotel fresno convention center 3 stars\"\n", + "\"user\": \"sounds very good\"\n", + "\"system\": \"wanna get it ?\"\n", + "\"user\": \"i do not\"\n", + "\"system\": \"anything else then ?\"\n", + "\"user\": \"no thank you\"\n", + "\"system\": \"bye bye now\"\n", + "\n", + "terms: ['3', 'fresno', 'buses', '7 : 10 am', '2', '0', 'fresno , ca', '$ 45', '10', 'march 9th', 'vegas']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['doubletree by hilton hotel fresno convention center', 'has domain', 'hotels'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['leaving date', 'has value', '9th of march'], ['buses', 'has slot', 'leaving time'], ['7 : 10 am', 'has domain', 'buses'], ['$ 45', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['fare', 'has value', '$ 45'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'fresno'], ['fresno , ca', 'has domain', 'buses'], ['march 9th', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['leaving date', 'has value', 'march 9th'], ['to location', 'has value', 'fresno , ca'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['place name', 'has value', 'doubletree by hilton hotel fresno convention center'], ['from location', 'has value', 'las vegas'], ['3', 'has domain', 'hotels'], ['9th of march', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 10 am'], ['buses', 'has slot', 'transfers'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-890\n", + "dialogue: \"user\": \"leaving 8th of this month\"\n", + "\"system\": \"where to then ?\"\n", + "\"user\": \"going to san francisco\"\n", + "\"system\": \"where are you leaving from ?\"\n", + "\"user\": \"portland , or to seattle\"\n", + "\"system\": \"8 : 40 am $ 30 0 transfers\"\n", + "\"user\": \"one person please\"\n", + "\"system\": \"march 8th portland to seattle 1 person 8 : 40 am\"\n", + "\"user\": \"what bus station ?\"\n", + "\"system\": \"king street station\"\n", + "\"user\": \"2 star hotel 2 rooms\"\n", + "\"system\": \"ace hotel seattle 2 stars\"\n", + "\"user\": \"sounds very good\"\n", + "\"system\": \"wanna get it ?\"\n", + "\"user\": \"i do not\"\n", + "\"system\": \"anything else then ?\"\n", + "\"user\": \"no thank you\"\n", + "\"system\": \"bye bye now\"\n", + "\n", + "terms: ['seattle', '2', '0', '1', 'portland', '$ 30']\n", + "relations: [['buses', 'has slot', 'to station'], ['hotels', 'has slot', 'reservehotel'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'portland , or'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['8 : 40 am', 'has domain', 'buses'], ['march 8th', 'has domain', 'buses'], ['portland , or', 'has domain', 'buses'], ['to station', 'has value', 'king street station'], ['hotels', 'has slot', 'searchhotel'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['portland', 'refers to same concept as', 'portland , or'], ['king street station', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['san francisco', 'refers to same concept as', 'san fran'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['portland', 'has domain', 'buses'], ['leaving date', 'has value', '8th of this month'], ['leaving date', 'has value', 'march 8th'], ['$ 30', 'has domain', 'buses'], ['ace hotel seattle', 'has domain', 'hotels'], ['hotels', 'has slot', 'star rating'], ['place name', 'has value', 'ace hotel seattle'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['hotels', 'has slot', 'number of rooms'], ['number of rooms', 'has value', '2'], ['leaving time', 'has value', '8 : 40 am'], ['1', 'refers to same concept as', 'one'], ['seattle', 'has domain', 'buses'], ['to location', 'has value', 'san francisco'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['8th of this month', 'has domain', 'buses'], ['fare', 'has value', '$ 30'], ['to location', 'has value', 'seattle'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-891\n", + "dialogue: \"user\": \"could you help me find a bus ?\"\n", + "\"system\": \"where are you haeding , and from where ?\"\n", + "\"user\": \"i want to go to long beach from sacramento .\"\n", + "\"system\": \"when do you want to leave ?\"\n", + "\"user\": \"thursday next week .\"\n", + "\"system\": \"how about one leaving at 7 : 40 am for $ 74 with 1 transfer ?\"\n", + "\"user\": \"anything else ?\"\n", + "\"system\": \"there ' s one leaving at 8 : 30 am with 1 transfer for $ 60 .\"\n", + "\"user\": \"that sounds good , i want a reservation .\"\n", + "\"system\": \"for how many ?\"\n", + "\"user\": \"3 .\"\n", + "\"system\": \"please confirm : you want 3 tickets for long beach from sacramento on march 7th at 8 : 30 am ?\"\n", + "\"user\": \"actually , i need four .\"\n", + "\"system\": \"please confirm : you need 4 tickets heading to long beach .\"\n", + "\"user\": \"works for me , where am i reaching ?\"\n", + "\"system\": \"ticket confirmed . you ' re reaching downtown station .\"\n", + "\"user\": \"could you find me a hotel ?\"\n", + "\"system\": \"best western of long beach has 2 stars , would that work ?\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"do you want a reservation ?\"\n", + "\"user\": \"no thanks\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"no thanks .\"\n", + "\"system\": \"bye , have a good day .\"\n", + "\n", + "terms: ['march 7th', '8 : 30 am', 'long beach', '$ 74', '$ 60', '3', '4', '2', 'one', 'sacramento', 'downtown station', '7 : 40 am', 'four', '1']\n", + "relations: [['buses', 'has slot', 'to station'], ['hotels', 'has slot', 'reservehotel'], ['from location', 'has value', 'sacramento'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 30 am'], ['fare', 'has value', '$ 60'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['$ 60', 'has domain', 'buses'], ['leaving date', 'has value', 'thursday next week'], ['buses', 'has slot', 'to location'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['thursday next week', 'has domain', 'buses'], ['$ 74', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['best western of long beach', 'has domain', 'hotels'], ['4', 'refers to same concept as', 'four'], ['march 7th', 'has domain', 'buses'], ['place name', 'has value', 'best western of long beach'], ['4', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['to station', 'has value', 'downtown station'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['3', 'has domain', 'buses'], ['leaving date', 'has value', 'march 7th'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'long beach'], ['leaving time', 'has value', '7 : 40 am'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['downtown station', 'has domain', 'buses'], ['8 : 30 am', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['fare', 'has value', '$ 74'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-892\n", + "dialogue: \"user\": \"could you assist me in looking for a bus ?\"\n", + "\"system\": \"what place are you headed to ?\"\n", + "\"user\": \"i ' d like to visit la .\"\n", + "\"system\": \"what time do you intend to depart , and what location will you depart from ?\"\n", + "\"user\": \"i intend to depart from anaheim on the 7th of march .\"\n", + "\"system\": \"i discovered 10 buses for you . what do youthink about a bus leaving at 6 : 10 am with 0 transfer that costs $ 13 ?\"\n", + "\"user\": \"what is the name of the bus station i am departing from ?\"\n", + "\"system\": \"the starting station is anaheim intermodal center .\"\n", + "\"user\": \"what bus station am i headed ?\"\n", + "\"system\": \"the target station is union station .\"\n", + "\"user\": \"that sounds wonderful .\"\n", + "\"system\": \"would you like to purchase tickets for the bus ?\"\n", + "\"user\": \"yeah , i ' d like to book tickets for 2 .\"\n", + "\"system\": \"please verify the following information : you ' d like a ticket for 2 on a bus departing from anaheim to los angeles that leaves at march 7th , 6 : 10 am .\"\n", + "\"user\": \"yeah , that ' s fine by me .\"\n", + "\"system\": \"your ticket has been verified .\"\n", + "\"user\": \"can you search for hotels nearby as well ?\"\n", + "\"system\": \"there is a lovely 2 star hotel known as ac hotel by marriott beverly hills .\"\n", + "\"user\": \"that sounds perfect .\"\n", + "\"system\": \"do you wish to book the hotel ?\"\n", + "\"user\": \"i do not wish to book at the moment .\"\n", + "\"system\": \"do you require my assistance with something else ?\"\n", + "\"user\": \"no , thank you for your assistance .\"\n", + "\"system\": \"goodbye , and have a pleasant afternoon !\"\n", + "\n", + "terms: ['6 : 10 am', 'anaheim', 'union station', 'los angeles', 'march 7th', 'ac hotel by marriott beverly hills', 'la', 'buses', '2', 'hotels', '0', '10', 'anaheim intermodal center', '$ 13', '7th of march']\n", + "relations: [['buses', 'has slot', 'to station'], ['hotels', 'has slot', 'reservehotel'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['to location', 'has value', 'la'], ['leaving time', 'has value', '6 : 10 am'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['7th of march', 'has domain', 'buses'], ['10', 'refers to same concept as', 'ten'], ['leaving date', 'has value', '7th of march'], ['6 : 10 am', 'has domain', 'buses'], ['place name', 'has value', 'ac hotel by marriott beverly hills'], ['fare', 'has value', '$ 13'], ['buses', 'has slot', 'count'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['ac hotel by marriott beverly hills', 'has domain', 'hotels'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['$ 13', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['from station', 'has value', 'anaheim intermodal center'], ['march 7th', 'has domain', 'buses'], ['la', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'la'], ['leaving date', 'has value', 'march 7th'], ['to location', 'has value', 'los angeles'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['los angeles', 'has domain', 'buses'], ['anaheim intermodal center', 'has domain', 'buses'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-893\n", + "dialogue: \"user\": \"can you find me a bus for 3 people leaving from lax\"\n", + "\"system\": \"where are you traveling to\"\n", + "\"user\": \"i am going to anaheim\"\n", + "\"system\": \"when are you leaving\"\n", + "\"user\": \"i am leaving on the 10th\"\n", + "\"system\": \"i found 10 buses for you . what about 7 am bus with 0 transfer for $ 12\"\n", + "\"user\": \"what bus station am i leaving from and arrive to\"\n", + "\"system\": \"you will leave from union station and arrive at anaheim intermodal center\"\n", + "\"user\": \"what else can you find\"\n", + "\"system\": \"what about 11 : 10 am bus with 0 transfer for $ 13\"\n", + "\"user\": \"what else can you find ? i prefer to leave from fresno for 4 people\"\n", + "\"system\": \"what about 12 : 40 pm bus with 0 transfer for $ 40\"\n", + "\"user\": \"yes please\"\n", + "\"system\": \"please confirm your ticket for 4 people leaving from fresno to anaheim on march 10th at 12 : 40 pm\"\n", + "\"user\": \"yes thats fine . what bus station am i leaving from and arrive to\"\n", + "\"system\": \"you will be leaving from fresno station and arrive at anaheim intermodal center\"\n", + "\"user\": \"thank you . i also need one room in a hotel in that area\"\n", + "\"system\": \"what about 2 star hotel called anaheim desert inn and suites\"\n", + "\"user\": \"ok\"\n", + "\"system\": \"would you like to book a room\"\n", + "\"user\": \"not right now\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['12 : 40 pm', 'fresno station', 'union station', 'anaheim', '3', 'one', '4', '7 am', 'buses', 'fresno', '2', '0', 'march 10th', '10', '11 : 10 am']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['anaheim desert inn and suites', 'has domain', 'hotels'], ['the 10th', 'has domain', 'buses'], ['fare', 'has value', '$ 40'], ['from location', 'has value', 'lax'], ['fresno', 'has domain', 'buses'], ['fare', 'has value', '$ 13'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['fare', 'has value', '$ 12'], ['buses', 'has slot', 'leaving date'], ['from station', 'has value', 'union station'], ['hotels', 'has slot', 'searchhotel'], ['$ 12', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['leaving time', 'has value', '11 : 10 am'], ['buses', 'has slot', 'to location'], ['from location', 'has value', 'fresno'], ['0', 'has domain', 'buses'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'travelers'], ['$ 13', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['to station', 'has value', 'anaheim intermodal center'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['$ 40', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['12 : 40 pm', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['4', 'refers to same concept as', '$ 4'], ['hotels', 'has slot', 'number of rooms'], ['3', 'has domain', 'buses'], ['leaving time', 'has value', '7 am'], ['1', 'refers to same concept as', 'one'], ['march 10th', 'has domain', 'buses'], ['to location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['7 am', 'has domain', 'buses'], ['11 : 10 am', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['anaheim intermodal center', 'has domain', 'buses'], ['lax', 'has domain', 'buses'], ['number of rooms', 'has value', '1'], ['leaving date', 'has value', 'march 10th'], ['place name', 'has value', 'anaheim desert inn and suites'], ['leaving date', 'has value', 'the 10th'], ['leaving time', 'has value', '12 : 40 pm'], ['hotels', 'has slot', 'place name'], ['from station', 'has value', 'fresno station'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-894\n", + "dialogue: \"user\": \"i need a bus ticket .\"\n", + "\"system\": \"\\ what time would youe like to leave and on what date ?\"\n", + "\"user\": \"i need to leave on the 12th of this month going to lax .\"\n", + "\"system\": \"where will you be leaving from ?\"\n", + "\"user\": \"i need to leave from fresno .\"\n", + "\"system\": \"how does the bus departing at 9 am with 0 transfers for $ 38 sound ?\"\n", + "\"user\": \"where will i be departing from ? what is the arrival station .\"\n", + "\"system\": \"it departs from the fresno station and arrives at union station .\"\n", + "\"user\": \"what other buses are three for 3 people if we leave on the 14th of this month .\"\n", + "\"system\": \"there is a bus leaving at 9 : 50 am with 0 transfers for $ 35 . if you prefer something else i have 8 other buses for you .\"\n", + "\"user\": \"show me another option .\"\n", + "\"system\": \"how about a bus leaving at 1 pm with 0 transfers for $ 33\"\n", + "\"user\": \"that is great . i will take it .\"\n", + "\"system\": \"just to confirm you need 3 tickets for the bus leaving fresno on march 14th at 1 pm and going to los angeles .\"\n", + "\"user\": \"yes that is great .\"\n", + "\"system\": \"your tickets are booked .\"\n", + "\"user\": \"what is the arrival station . what station does it depart from ?\"\n", + "\"system\": \"it leaves from fresno station . it arrives at union station .\"\n", + "\"user\": \"thanks for your help . i need two rooms .\"\n", + "\"system\": \"how about the 2 star ac hotel by marriott beverly hills .\"\n", + "\"user\": \"how about a 4 star hotel .\"\n", + "\"system\": \"how about the beverly hills marriott which is a 4 star . if you prefer something else i have 10 other hotels for you .\"\n", + "\"user\": \"that is fine .\"\n", + "\"system\": \"would you like to book the rooms .\"\n", + "\"user\": \"not at this moment . that will be all .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['los angeles', 'lax', 'ac hotel by marriott beverly hills', 'fresno', 'buses', '2', '1 pm', '9 : 50 am', '12th of this month', 'union station', 'beverly hills marriott', 'march 14th', '8', 'hotels', '$ 35', 'fresno station', 'transfers', '3', '9 am', '4', '0', '14th of this month', 'two', '10', 'three', '$ 38']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['9 am', 'has domain', 'buses'], ['count', 'has value', '10'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['beverly hills marriott', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['fare', 'has value', '$ 33'], ['count', 'has value', '8'], ['9 : 50 am', 'has domain', 'buses'], ['place name', 'has value', 'ac hotel by marriott beverly hills'], ['fresno', 'has domain', 'buses'], ['to location', 'has value', 'lax'], ['to station', 'has value', 'union station'], ['leaving date', 'has value', '12th of this month'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'leaving date'], ['$ 33', 'has domain', 'buses'], ['march 14th', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['12th of this month', 'has domain', 'buses'], ['from location', 'has value', 'fresno'], ['union station', 'has domain', 'buses'], ['leaving date', 'has value', '14th of this month'], ['buses', 'has slot', 'to location'], ['ac hotel by marriott beverly hills', 'has domain', 'hotels'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['leaving time', 'has value', '9 : 50 am'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving time', 'has value', '9 am'], ['10', 'has domain', 'hotels'], ['2', 'refers to same concept as', 'two'], ['$ 38', 'has domain', 'buses'], ['8', 'has domain', 'buses'], ['leaving time', 'has value', '1 pm'], ['hotels', 'has slot', 'star rating'], ['fare', 'has value', '$ 38'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['14th of this month', 'has domain', 'buses'], ['1 pm', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['number of rooms', 'has value', '2'], ['3', 'has domain', 'buses'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'los angeles'], ['buses', 'has slot', 'transfers'], ['fare', 'has value', '$ 35'], ['buses', 'has slot', 'from station'], ['los angeles', 'has domain', 'buses'], ['lax', 'has domain', 'buses'], ['star rating', 'has value', '4'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['place name', 'has value', 'beverly hills marriott'], ['$ 35', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['from station', 'has value', 'fresno station']]\n", + "\n", + "dialogue id: sgd-validation-895\n", + "dialogue: \"user\": \"i would like bus tickets for one from fresno , ca .\"\n", + "\"system\": \"where are you heading to and when would you like to leave ?\"\n", + "\"user\": \"i will be leaving long beach , ca on the 11th to go to sd .\"\n", + "\"system\": \"there is bus leaving at 7 am . the cost is $ 25 and there are 0 transfers .\"\n", + "\"user\": \"that would be awesome .\"\n", + "\"system\": \"you would like tickets ?\"\n", + "\"user\": \"yes , i would .\"\n", + "\"system\": \"you would like 1 ticket on a bus from long beach to san diego that would be leaving at 7 am on march 11th ?\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"your tickets have been reserved .\"\n", + "\"user\": \"thanks . i would also need a hotel to stay in when i get there .\"\n", + "\"system\": \"there is a 3 star hotel called bahia resort hotel .\"\n", + "\"user\": \"where is it located ?\"\n", + "\"system\": \"it is located on 998 west mission bay drive .\"\n", + "\"user\": \"that would work . that ' s all for now .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['998 west mission bay drive', 'transfers', 'march 11th', 'bahia resort hotel', 'long beach', '3', 'the 11th', '$ 25', 'long beach , ca', 'sd', '7 am', 'one', '0', 'fresno , ca', '1', 'san diego']\n", + "relations: [['to location', 'has value', 'sd'], ['$ 25', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['998 west mission bay drive', 'has domain', 'hotels'], ['leaving date', 'has value', 'march 11th'], ['place name', 'has value', 'bahia resort hotel'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['fresno , ca', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['sd', 'has domain', 'buses'], ['star rating', 'has value', '3'], ['street address', 'has value', '998 west mission bay drive'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['march 11th', 'has domain', 'buses'], ['leaving date', 'has value', 'the 11th'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['from location', 'has value', 'long beach , ca'], ['from location', 'has value', 'fresno , ca'], ['buses', 'has slot', 'buybusticket'], ['long beach , ca', 'has domain', 'buses'], ['leaving time', 'has value', '7 am'], ['the 11th', 'has domain', 'buses'], ['san diego', 'refers to same concept as', 'sd'], ['3', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['from location', 'has value', 'long beach'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['hotels', 'has slot', 'street address'], ['7 am', 'has domain', 'buses'], ['bahia resort hotel', 'has domain', 'hotels'], ['to location', 'has value', 'san diego'], ['fare', 'has value', '$ 25'], ['hotels', 'has slot', 'place name'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-896\n", + "dialogue: \"user\": \"i need tickets for three persons on a bus heading from anaheim , ca to sacramento , ca .\"\n", + "\"system\": \"when would you be going\"\n", + "\"user\": \"on next thursday .\"\n", + "\"system\": \"there is a bus leaving at 6 : 40 am . it costs $ 67 and has 1 transfer .\"\n", + "\"user\": \"which bus station would it be reaching ?\"\n", + "\"system\": \"sacramento valley station .\"\n", + "\"user\": \"that would be great .\"\n", + "\"system\": \"you would like tickets ?\"\n", + "\"user\": \"yes , i do .\"\n", + "\"system\": \"you want tickets for 3 on a bus leaving from anaheim to sacramento on march 7th at 6 : 40 am ?\"\n", + "\"user\": \"yes . what station would the bus be leaving from ?\"\n", + "\"system\": \"i have reserved your tickets . you would be leaving from anaheim intermodal center .\"\n", + "\"user\": \"i will need 1 room at a two - star hotel to stay in when i get there .\"\n", + "\"system\": \"there are 3 suitable options . there is a 2 star hotel called fairfield inn by marriott sacramento cal expo .\"\n", + "\"user\": \"that would be fine . i have everything that i need .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['fairfield inn by marriott sacramento cal expo', 'anaheim intermodal center', 'anaheim', 'march 7th', 'next thursday', '3', 'anaheim , ca', '6 : 40 am', '2', 'sacramento', 'two', 'three', 'sacramento , ca', '1', '$ 67']\n", + "relations: [['buses', 'has slot', 'to station'], ['to location', 'has value', 'sacramento'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'anaheim , ca'], ['buses', 'has slot', 'fare'], ['leaving time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'from location'], ['place name', 'has value', 'fairfield inn by marriott sacramento cal expo'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['sacramento , ca', 'has domain', 'buses'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'travelers'], ['to station', 'has value', 'sacramento valley station'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['anaheim , ca', 'has domain', 'buses'], ['from station', 'has value', 'anaheim intermodal center'], ['march 7th', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['fairfield inn by marriott sacramento cal expo', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['hotels', 'has slot', 'number of rooms'], ['to location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'buses'], ['$ 67', 'has domain', 'buses'], ['leaving date', 'has value', 'march 7th'], ['3', 'has domain', 'hotels'], ['leaving date', 'has value', 'next thursday'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['fare', 'has value', '$ 67'], ['from location', 'has value', 'anaheim'], ['1', 'has domain', 'hotels'], ['count', 'has value', '3'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['anaheim intermodal center', 'has domain', 'buses'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['next thursday', 'has domain', 'buses'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-897\n", + "dialogue: \"user\": \"i ' m looking for a bus ticket .\"\n", + "\"system\": \"where would you like to go ?\"\n", + "\"user\": \"going to sf .\"\n", + "\"system\": \"and when would you like to leave ?\"\n", + "\"user\": \"leaving on the 10th of march .\"\n", + "\"system\": \"where are you planning on leaving from ?\"\n", + "\"user\": \"i ' m leaving from long beach .\"\n", + "\"system\": \"there is a $ 51 bus ticket with 0 transfers leaving at 6 : 50 am .\"\n", + "\"user\": \"what stations is that leaving from and going to ?\"\n", + "\"system\": \"you would leave from downtown station and arrive at salesforce transit center .\"\n", + "\"user\": \"ok , that sounds like it would work .\"\n", + "\"system\": \"do you want to go ahead and purchase bus tickets ?\"\n", + "\"user\": \"yes , go ahead and reserve tickets .\"\n", + "\"system\": \"how many tickets would you like ?\"\n", + "\"user\": \"i need four tickets .\"\n", + "\"system\": \"please confirm : you want 4 6 : 50 am bus tickets from long beach to san francisco leaving on march 10th . is that correct ?\"\n", + "\"user\": \"yup , that ' s it .\"\n", + "\"system\": \"your tickets have been confirmed .\"\n", + "\"user\": \"i also am going to need a hotel in that area . can you find 1 room at a 2 star hotel ?\"\n", + "\"system\": \"i found 1 , travelodge by wyndham san francisco central is a 2 star hotel .\"\n", + "\"user\": \"ok , cool . thank you for the help , that ' s all i needed .\"\n", + "\"system\": \"enjoy !\"\n", + "\n", + "terms: ['travelodge by wyndham san francisco central', 'transfers', '$ 51', 'salesforce transit center', 'long beach', '10th of march', '4', '2', '0', 'downtown station', 'sf', '6 : 50 am', 'march 10th', 'four', '1', 'san francisco']\n", + "relations: [['buses', 'has slot', 'to station'], ['leaving time', 'has value', '6 : 50 am'], ['to station', 'has value', 'salesforce transit center'], ['leaving date', 'has value', '10th of march'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['$ 51', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['10th of march', 'has domain', 'buses'], ['place name', 'has value', 'travelodge by wyndham san francisco central'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['smoking allowed', 'has value', 'true'], ['4', 'has domain', 'buses'], ['to location', 'has value', 'sf'], ['from station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['6 : 50 am', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['hotels', 'has slot', 'number of rooms'], ['sf', 'has domain', 'buses'], ['fare', 'has value', '$ 51'], ['travelodge by wyndham san francisco central', 'has domain', 'hotels'], ['march 10th', 'has domain', 'buses'], ['to location', 'has value', 'san francisco'], ['from location', 'has value', 'long beach'], ['hotels', 'has slot', 'smoking allowed'], ['buses', 'has slot', 'transfers'], ['count', 'has value', '1'], ['1', 'has domain', 'hotels'], ['downtown station', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['number of rooms', 'has value', '1'], ['leaving date', 'has value', 'march 10th'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-898\n", + "dialogue: \"user\": \"i am wanting a bus , for 4 people leaving from las vegas next friday .\"\n", + "\"system\": \"where are you going ?\"\n", + "\"user\": \"actually it will be for 2 people going to anaheim , ca .\"\n", + "\"system\": \"there is one that has 0 transfers departing at 2 : 10 pm and costs $ 34 .\"\n", + "\"user\": \"sounds good , can i reserve ?\"\n", + "\"system\": \"okay , you would like a bus ticket for 2 people leaving march 8th at 2 : 10 pm and travelling to anaheim from las vegas , does that sound right ?\"\n", + "\"user\": \"yep , works for me .\"\n", + "\"system\": \"i confirmed that ticket for you .\"\n", + "\"user\": \"thanks a bunch !\"\n", + "\"system\": \"anything else i can do for you righ now ?\"\n", + "\"user\": \"i need one room in a hotel in the area as well .\"\n", + "\"system\": \"there is a 2 star called anaheim desert inn and suites .\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"would you like to reserve a room ?\"\n", + "\"user\": \"that ' s all for now , thank you .\"\n", + "\"system\": \"have a good one !\"\n", + "\n", + "terms: ['transfers', 'march 8th', 'anaheim', 'anaheim desert inn and suites', 'one', 'anaheim , ca', '4', '2', '0', '$ 34', 'next friday', 'vegas', '2 : 10 pm', 'las vegas']\n", + "relations: [['leaving date', 'has value', 'next friday'], ['hotels', 'has slot', 'reservehotel'], ['next friday', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['2 : 10 pm', 'has domain', 'buses'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['to location', 'has value', 'anaheim , ca'], ['anaheim desert inn and suites', 'has domain', 'hotels'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['$ 34', 'has domain', 'buses'], ['anaheim , ca', 'has domain', 'buses'], ['leaving date', 'has value', 'march 8th'], ['4', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['hotels', 'has slot', 'number of rooms'], ['from location', 'has value', 'las vegas'], ['1', 'refers to same concept as', 'one'], ['leaving time', 'has value', '2 : 10 pm'], ['to location', 'has value', 'anaheim'], ['fare', 'has value', '$ 34'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['travelers', 'has value', '4'], ['number of rooms', 'has value', '1'], ['place name', 'has value', 'anaheim desert inn and suites'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-899\n", + "dialogue: \"user\": \"i need to find a bus for four people on the 10th of march leaving from los angeles .\"\n", + "\"system\": \"where are you headed ?\"\n", + "\"user\": \"i want to go to san diego .\"\n", + "\"system\": \"i found a bus departing at 7 : 40 am with 0 transfers for $ 29 . does this work ?\"\n", + "\"user\": \"is there anything else available ?\"\n", + "\"system\": \"there is a bus departing at 7 : 50 am with 0 transfers for $ 25 . does this work for you ?\"\n", + "\"user\": \"is there anything else available ? i want to leave on the 11th of march instead .\"\n", + "\"system\": \"there is a bus departing at 9 : 20 am with 0 transfers for $ 22 . does this work for you ?\"\n", + "\"user\": \"which station does it leave from ? which station do i arrive at ?\"\n", + "\"system\": \"you would depart from union station and arrive at santa fe depot .\"\n", + "\"user\": \"that sounds good . i ' d like to make a reservation .\"\n", + "\"system\": \"okay , i am booking 4 tickets on a bus traveling from los angeles to san diego on march 11th at 9 : 20 am . is this correct ?\"\n", + "\"user\": \"yes , sounds good , thank you .\"\n", + "\"system\": \"your tickets have been confirmed .\"\n", + "\"user\": \"thank you . can you find me a hotel in that area ?\"\n", + "\"system\": \"i found the bahia resort hotel that has a 3 star rating .\"\n", + "\"user\": \"that sounds good . that ' s all i need for now .\"\n", + "\"system\": \"okay , have a nice day !\"\n", + "\n", + "terms: ['11th of march', 'march 11th', 'los angeles', 'santa fe depot', '9 : 20 am', 'san diego', '$ 22', 'union station', '10th of march', '$ 29', '7 : 40 am', 'bahia resort hotel', '7 : 50 am', 'four', 'transfers', '3', '4', '$ 25', '0', 'star rating']\n", + "relations: [['buses', 'has slot', 'to station'], ['leaving time', 'has value', '7 : 50 am'], ['to station', 'has value', 'santa fe depot'], ['7 : 50 am', 'has domain', 'buses'], ['11th of march', 'has domain', 'buses'], ['leaving date', 'has value', '10th of march'], ['$ 25', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['$ 22', 'has domain', 'buses'], ['leaving date', 'has value', 'march 11th'], ['place name', 'has value', 'bahia resort hotel'], ['leaving date', 'has value', '11th of march'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['10th of march', 'has domain', 'buses'], ['7 : 40 am', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['march 11th', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['fare', 'has value', '$ 29'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'hotels'], ['from location', 'has value', 'los angeles'], ['fare', 'has value', '$ 22'], ['leaving time', 'has value', '7 : 40 am'], ['leaving time', 'has value', '9 : 20 am'], ['buses', 'has slot', 'transfers'], ['$ 29', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['buses', 'has slot', 'from station'], ['bahia resort hotel', 'has domain', 'hotels'], ['to location', 'has value', 'san diego'], ['fare', 'has value', '$ 25'], ['hotels', 'has slot', 'place name'], ['9 : 20 am', 'has domain', 'buses'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-900\n", + "dialogue: \"user\": \"i need to find a bus from long beach to san francisco for three people .\"\n", + "\"system\": \"when are you leaving ?\"\n", + "\"user\": \"i want to leave march 9th .\"\n", + "\"system\": \"i found a bus leaving at 6 : 50 am that costs $ 45 and has 0 transfers .\"\n", + "\"user\": \"is there anything else ?\"\n", + "\"system\": \"yes , there is also a bus leaving at 7 am that costs $ 51 and has 0 transfers .\"\n", + "\"user\": \"are there any others ?\"\n", + "\"system\": \"yes , there ' s a bus leaving at 8 : 30 am . it has 0 transfers and costs $ 49 .\"\n", + "\"user\": \"what bus station does that leave from ?\"\n", + "\"system\": \"it leaves from downtown station .\"\n", + "\"user\": \"okay , i ' d like to reserve that bus .\"\n", + "\"system\": \"alright , so you ' d like bus tickets for 3 people traveling from long beach to san francisco on a bus departing at 8 : 30 am on march 9th , is that correct ?\"\n", + "\"user\": \"yeah that sounds good .\"\n", + "\"system\": \"your tickets have been purchased .\"\n", + "\"user\": \"thanks . can you also help me find a hotel there ?\"\n", + "\"system\": \"how about amsterdam hostel san francisco ? it ' s a 1 star hotel .\"\n", + "\"user\": \"anything else you can suggest ?\"\n", + "\"system\": \"how about the argonaut hotel , which is a 4 star hotel ?\"\n", + "\"user\": \"what ' s their contact number ?\"\n", + "\"system\": \"you can reach them at + 1 415 - 563 - 0800 .\"\n", + "\"user\": \"okay , that ' s all i needed .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['march 9th', '$ 45', 'argonaut hotel', '$ 51', '8 : 30 am', '7 am', 'amsterdam hostel san francisco', '6 : 50 am', 'transfers', 'long beach', '3', '4', '0', 'downtown station', '$ 49', '+ 1 415 - 563 - 0800', 'three', '1', 'san francisco']\n", + "relations: [['leaving time', 'has value', '6 : 50 am'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 30 am'], ['$ 45', 'has domain', 'buses'], ['$ 51', 'has domain', 'buses'], ['+ 1 415 - 563 - 0800', 'has domain', 'hotels'], ['fare', 'has value', '$ 45'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['march 9th', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['place name', 'has value', 'argonaut hotel'], ['phone number', 'has value', '+ 1 415 - 563 - 0800'], ['fare', 'has value', '$ 49'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['argonaut hotel', 'has domain', 'hotels'], ['0', 'has domain', 'buses'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'travelers'], ['san francisco', 'refers to same concept as', 'san fran'], ['hotels', 'has slot', 'phone number'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'march 9th'], ['from station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['6 : 50 am', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['4', 'refers to same concept as', '$ 4'], ['amsterdam hostel san francisco', 'has domain', 'hotels'], ['3', 'has domain', 'buses'], ['leaving time', 'has value', '7 am'], ['fare', 'has value', '$ 51'], ['to location', 'has value', 'san francisco'], ['from location', 'has value', 'long beach'], ['$ 49', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['7 am', 'has domain', 'buses'], ['downtown station', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['8 : 30 am', 'has domain', 'buses'], ['star rating', 'has value', '4'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['place name', 'has value', 'amsterdam hostel san francisco'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-901\n", + "dialogue: \"user\": \"i am arranging a trip to visit some friends and i need to find a bus that can take me there\"\n", + "\"system\": \"what is your destination city and date of travel and where are you traveling from ?\"\n", + "\"user\": \"i am traveling to portland , or on the 8th of this month from seattle . i need tickets for 1 person\"\n", + "\"system\": \"there are 10 possible buses that you can take . there is a bus leaving at 6 : 10 am on that date that includes 0 transfer and the price of the ticket is $ 31\"\n", + "\"user\": \"what are my other options ? i intend to leave on the 14th\"\n", + "\"system\": \"there are 9 additional buses . there is a bus that leaves at 6 : 30 am and it includes 0 transfers . the price of that ticket is $ 32\"\n", + "\"user\": \"great , that works ! i would like to purchase a ticket for this bus\"\n", + "\"system\": \"okay . to confirm , you like to purchase a ticket for 1 person on the bus that departs for portland from seattle on march 14th at 6 : 30 am\"\n", + "\"user\": \"correct , that ' s it . can you please tell me my departure and arrival bus stations as well\"\n", + "\"system\": \"your ticket was successfully purchased . the bus departs from king street station and arrives at portland bus station\"\n", + "\"user\": \"great , thanks . i ' d also like to search for hotels in that area .\"\n", + "\"system\": \"there are 10 hotels that meet your preferences . there is the aloft portland airport at cascade station which is a 3 star hotel\"\n", + "\"user\": \"can you give me their telephone number as well as the cost for a night ' s stay ?\"\n", + "\"system\": \"the price is $ 93 for a night and they can be reached at + 1 503 - 200 - 5678\"\n", + "\"user\": \"great , that works\"\n", + "\"system\": \"would you like assistance with anything further ?\"\n", + "\"user\": \"no , that was it . thank you so much for your help .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['portland , or', 'transfers', '6 : 10 am', '6 : 30 am', 'march 14th', '8th of this month', 'seattle', '3', 'buses', '$ 93', 'hotels', '0', 'aloft portland airport at cascade station', 'king street station', '10', '9', '1', 'portland']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 31'], ['to station', 'has value', 'portland bus station'], ['leaving time', 'has value', '6 : 10 am'], ['to location', 'has value', 'portland , or'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['10', 'refers to same concept as', 'ten'], ['6 : 10 am', 'has domain', 'buses'], ['$ 32', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['march 14th', 'has domain', 'buses'], ['portland', 'refers to same concept as', 'portland , or'], ['portland , or', 'has domain', 'buses'], ['leaving time', 'has value', '6 : 30 am'], ['+ 1 503 - 200 - 5678', 'has domain', 'hotels'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['leaving date', 'has value', 'the 14th'], ['from station', 'has value', 'king street station'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['king street station', 'has domain', 'buses'], ['star rating', 'has value', '3'], ['hotels', 'has slot', 'count'], ['$ 31', 'has domain', 'buses'], ['$ 93', 'has domain', 'hotels'], ['hotels', 'has slot', 'phone number'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['leaving date', 'has value', '8th of this month'], ['portland', 'has domain', 'buses'], ['portland bus station', 'has domain', 'buses'], ['3', 'refers to same concept as', '$ 3'], ['10', 'has domain', 'hotels'], ['fare', 'has value', '$ 32'], ['hotels', 'has slot', 'star rating'], ['to location', 'has value', 'portland'], ['6 : 30 am', 'has domain', 'buses'], ['phone number', 'has value', '+ 1 503 - 200 - 5678'], ['buses', 'has slot', 'buybusticket'], ['price per night', 'has value', '$ 93'], ['place name', 'has value', 'aloft portland airport at cascade station'], ['aloft portland airport at cascade station', 'has domain', 'hotels'], ['count', 'has value', '9'], ['9', 'refers to same concept as', '$ 9'], ['3', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['seattle', 'has domain', 'buses'], ['the 14th', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['8th of this month', 'has domain', 'buses'], ['9', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['hotels', 'has slot', 'place name'], ['from location', 'has value', 'seattle'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-902\n", + "dialogue: \"user\": \"i ' m looking for a bus on the 12th of this month to sacramento .\"\n", + "\"system\": \"what ' s your departure location ?\"\n", + "\"user\": \"leaving from san diego .\"\n", + "\"system\": \"there are 6 options . there is a bus with 1 transfer leaving at 7 : 40 am for $ 73 .\"\n", + "\"user\": \"are there any other options ?\"\n", + "\"system\": \"there is a bus departing at 8 : 30 am with 1 transfer for $ 77 .\"\n", + "\"user\": \"okay . sounds good .\"\n", + "\"system\": \"do you want me to book tickets ?\"\n", + "\"user\": \"yes . i need 3 tickets .\"\n", + "\"system\": \"please confirm you want me to book 3 tickets on the bus leaving from san diego to sacramento on march 12th at 8 : 30 am .\"\n", + "\"user\": \"great . from which bus station do i leave ?\"\n", + "\"system\": \"your departure station is santa fe depot . your booking has been confirmed .\"\n", + "\"user\": \"what bus station will i arrive at ?\"\n", + "\"system\": \"you will arrive at sacramento valley station .\"\n", + "\"user\": \"i also need two hotel rooms . thanks .\"\n", + "\"system\": \"there are 10 options . the best western plus sutter house is a 1 star hotel in the area .\"\n", + "\"user\": \"where are they located and what ' s their number ?\"\n", + "\"system\": \"they ' re located at 1100 h street and their direct line is + 1 916 - 441 - 1314 .\"\n", + "\"user\": \"okay . thanks for that .\"\n", + "\"system\": \"should i book a room ?\"\n", + "\"user\": \"not right now . thanks . bye .\"\n", + "\"system\": \"your welcome . goodbye .\"\n", + "\n", + "terms: ['6', '1100 h street', '12th of this month', '$ 77', '8 : 30 am', '+ 1 916 - 441 - 1314', '3', '$ 73', 'sacramento valley station', 'best western plus sutter house', 'sacramento', '7 : 40 am', 'two', '10', 'santa fe depot', 'march 12th', '1', 'san diego']\n", + "relations: [['leaving date', 'has value', 'march 12th'], ['1100 h street', 'has domain', 'hotels'], ['fare', 'has value', '$ 77'], ['buses', 'has slot', 'to station'], ['hotels', 'has slot', 'reservehotel'], ['from station', 'has value', 'santa fe depot'], ['to location', 'has value', 'sacramento'], ['2', 'has domain', 'hotels'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 30 am'], ['place name', 'has value', 'best western plus sutter house'], ['buses', 'has slot', 'count'], ['leaving date', 'has value', '12th of this month'], ['$ 73', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['6', 'has domain', 'buses'], ['12th of this month', 'has domain', 'buses'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['hotels', 'has slot', 'count'], ['to station', 'has value', 'sacramento valley station'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['hotels', 'has slot', 'phone number'], ['buses', 'has slot', 'findbus'], ['10', 'has domain', 'hotels'], ['$ 77', 'has domain', 'buses'], ['street address', 'has value', '1100 h street'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['hotels', 'has slot', 'number of rooms'], ['number of rooms', 'has value', '2'], ['3', 'has domain', 'buses'], ['march 12th', 'has domain', 'buses'], ['count', 'has value', '6'], ['best western plus sutter house', 'has domain', 'hotels'], ['leaving time', 'has value', '7 : 40 am'], ['phone number', 'has value', '+ 1 916 - 441 - 1314'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['hotels', 'has slot', 'street address'], ['1', 'has domain', 'hotels'], ['fare', 'has value', '$ 73'], ['buses', 'has slot', 'from station'], ['8 : 30 am', 'has domain', 'buses'], ['from location', 'has value', 'san diego'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10'], ['+ 1 916 - 441 - 1314', 'has domain', 'hotels']]\n", + "\n", + "dialogue id: sgd-validation-903\n", + "dialogue: \"user\": \"can you find a bus for me\"\n", + "\"system\": \"where are you traveling from and going to ? when are you leaving ?\"\n", + "\"user\": \"i am traveling from sacramento , ca to anaheim , ca on 4th of march\"\n", + "\"system\": \"i found 8 buses for you . what about departing time 7 : 40 am with 1 transfer for $ 66\"\n", + "\"user\": \"that ' s perfect\"\n", + "\"system\": \"how many tickets do you need\"\n", + "\"user\": \"i need three tickets\"\n", + "\"system\": \"please confirm your tickets for 3 people from sacramento to anaheim on march 4th at 7 : 40 am\"\n", + "\"user\": \"yes please . what bus station am i arriving\"\n", + "\"system\": \"you will arrive at anaheim intermodal center\"\n", + "\"user\": \"can you also find me a hotel in the area\"\n", + "\"system\": \"i found 10 hotels in the area . what about anaheim desert inn and suites with 2 star\"\n", + "\"user\": \"that works . this is all i need now\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['anaheim', 'anaheim desert inn and suites', '3', 'anaheim , ca', 'buses', '2', '8', 'sacramento', 'hotels', '7 : 40 am', '10', 'three', 'sacramento , ca', '1', 'march 4th']\n", + "relations: [['buses', 'has slot', 'to station'], ['$ 66', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['to location', 'has value', 'anaheim , ca'], ['anaheim desert inn and suites', 'has domain', 'hotels'], ['count', 'has value', '8'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['7 : 40 am', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['to station', 'has value', 'anaheim intermodal center'], ['buses', 'has slot', 'findbus'], ['fare', 'has value', '$ 66'], ['anaheim , ca', 'has domain', 'buses'], ['10', 'has domain', 'hotels'], ['4th of march', 'has domain', 'buses'], ['8', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['3', 'has domain', 'buses'], ['from location', 'has value', 'sacramento , ca'], ['to location', 'has value', 'anaheim'], ['leaving time', 'has value', '7 : 40 am'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['march 4th', 'has domain', 'buses'], ['anaheim intermodal center', 'has domain', 'buses'], ['place name', 'has value', 'anaheim desert inn and suites'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['leaving date', 'has value', '4th of march'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-904\n", + "dialogue: \"user\": \"can you help me find a bus ?\"\n", + "\"system\": \"where are you leaving from and where are you going ?\"\n", + "\"user\": \"i ' m leaving from san diego on the 1st of march and i ' m trying to get to sf .\"\n", + "\"system\": \"there ' s a bus with 0 transfers that leaves at 7 : 40 am for $ 54 .\"\n", + "\"user\": \"are there any others ?\"\n", + "\"system\": \"there ' s another bus with 0 transfers that leaves at 10 am that costs $ 56 .\"\n", + "\"user\": \"what station will i be leaving from and arriving to ?\"\n", + "\"system\": \"you ' ll be leaving from santa fe depot and arriving at salesforce transit center .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"do you want tickets ?\"\n", + "\"user\": \"yes , 2 tickets please .\"\n", + "\"system\": \"so you want 2 tickets for a bus from san diego to san francisco on march 1st at 10 am ?\"\n", + "\"user\": \"yes that ' s correct .\"\n", + "\"system\": \"it ' s been booked .\"\n", + "\"user\": \"can you find me a four star hotel there too ?\"\n", + "\"system\": \"there ' s a 4 star hotel there called the argonaut hotel .\"\n", + "\"user\": \"are there any others ? i just need 1 room .\"\n", + "\"system\": \"there ' s also a 4 star hotel called hotel spero .\"\n", + "\"user\": \"that ' s fine with me , thanks for the help .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['march 1st', '2', 'santa fe depot', 'san diego', '7 : 40 am', 'argonaut hotel', 'salesforce transit center', 'sf', 'four', '1st of march', '$ 56', 'transfers', '$ 54', '4', 'hotel spero', '0', '1', 'san francisco', '10 am']\n", + "relations: [['buses', 'has slot', 'to station'], ['from station', 'has value', 'santa fe depot'], ['to station', 'has value', 'salesforce transit center'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['10 am', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['hotel spero', 'has domain', 'hotels'], ['san francisco', 'refers to same concept as', 'sfo'], ['1st of march', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['place name', 'has value', 'argonaut hotel'], ['buses', 'has slot', 'to location'], ['argonaut hotel', 'has domain', 'hotels'], ['0', 'has domain', 'buses'], ['leaving time', 'has value', '10 am'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['7 : 40 am', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['leaving date', 'has value', '1st of march'], ['place name', 'has value', 'hotel spero'], ['to location', 'has value', 'sf'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['sf', 'has domain', 'buses'], ['fare', 'has value', '$ 56'], ['to location', 'has value', 'san francisco'], ['leaving time', 'has value', '7 : 40 am'], ['fare', 'has value', '$ 54'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['star rating', 'has value', '4'], ['from location', 'has value', 'san diego'], ['$ 56', 'has domain', 'buses'], ['hotels', 'has slot', 'place name'], ['$ 54', 'has domain', 'buses'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-905\n", + "dialogue: \"user\": \"hi ! can you help me find a bus ?\"\n", + "\"system\": \"i ' d be happy to . let ' s get some details first . where are you departing from and traveling to ? when will you be leaving ?\"\n", + "\"user\": \"i ' ll be going to sacramento , ca from vegas on march 13th .\"\n", + "\"system\": \"there is a bus leaving at 7 : 20 am with 1 transfer . the ticket price is $ 83 .\"\n", + "\"user\": \"can you tell me the stations of origin and destination ?\"\n", + "\"system\": \"you will be leaving union plaza and arriving at sacramento valley station .\"\n", + "\"user\": \"are there any other options ?\"\n", + "\"system\": \"yes . the 7 : 50 am bus also has 1 transfer but tickets are only $ 62 .\"\n", + "\"user\": \"what would be available if i went to lax instead ?\"\n", + "\"system\": \"there are 3 buses going to lax . the first leaves at 10 : 20 am and has 0 transfers . the ticket price is $ 36 .\"\n", + "\"user\": \"that one works for me .\"\n", + "\"system\": \"would you like to purchase your tickets now ?\"\n", + "\"user\": \"yes , please get me 4 tickets .\"\n", + "\"system\": \"you ' d like 4 tickets for the 10 : 20 am bus from las vegas to los angeles on march 13th . is that correct ?\"\n", + "\"user\": \"yes , that ' s right . can you tell me which station we will be departing from and which station we will arrive at ?\"\n", + "\"system\": \"your tickets have been successfully purchased . you will be leaving union plaza and arriving at union station .\"\n", + "\"user\": \"great . can you tell me what two star hotels are available in that area ?\"\n", + "\"system\": \"there are 10 . may i suggest the ac hotel by marriott beverly hills ? it has an average 2 star rating .\"\n", + "\"user\": \"perfect . that ' s all i need right now . thank you .\"\n", + "\"system\": \"you ' re very welcome . have a wonderful day .\"\n", + "\n", + "terms: ['los angeles', 'lax', 'ac hotel by marriott beverly hills', 'buses', 'sacramento valley station', '2', '10 : 20 am', 'march 13th', 'union station', 'vegas', 'union plaza', '7 : 20 am', 'one', 'hotels', '7 : 50 am', '$ 83', 'sacramento , ca', 'transfers', '$ 36', '3', '4', '0', 'star rating', 'two', '10', '$ 62', '1', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['leaving time', 'has value', '7 : 50 am'], ['7 : 50 am', 'has domain', 'buses'], ['las vegas', 'has domain', 'buses'], ['star rating', 'has value', '2'], ['from station', 'has value', 'union plaza'], ['fare', 'has value', '$ 36'], ['2', 'has domain', 'hotels'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['10 : 20 am', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 20 am'], ['7 : 20 am', 'has domain', 'buses'], ['vegas', 'has domain', 'buses'], ['place name', 'has value', 'ac hotel by marriott beverly hills'], ['to location', 'has value', 'lax'], ['buses', 'has slot', 'count'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['hotels', 'has slot', 'searchhotel'], ['2', 'refers to same concept as', 'two'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['ac hotel by marriott beverly hills', 'has domain', 'hotels'], ['hotels', 'has slot', 'count'], ['sacramento , ca', 'has domain', 'buses'], ['to station', 'has value', 'sacramento valley station'], ['0', 'has domain', 'buses'], ['leaving date', 'has value', 'march 13th'], ['buses', 'has slot', 'travelers'], ['$ 83', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['3', 'refers to same concept as', '$ 3'], ['10', 'has domain', 'hotels'], ['4', 'has domain', 'buses'], ['fare', 'has value', '$ 62'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['$ 62', 'has domain', 'buses'], ['transfers', 'has value', '1'], ['to location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'buses'], ['union plaza', 'has domain', 'buses'], ['from location', 'has value', 'las vegas'], ['los angeles', 'refers to same concept as', 'lax'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'los angeles'], ['march 13th', 'has domain', 'buses'], ['leaving time', 'has value', '10 : 20 am'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['fare', 'has value', '$ 83'], ['count', 'has value', '3'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['los angeles', 'has domain', 'buses'], ['lax', 'has domain', 'buses'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['$ 36', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-906\n", + "dialogue: \"user\": \"can you help me find a bus for three people leaving on the 6th of this month ?\"\n", + "\"system\": \"where are you leaving from ?\"\n", + "\"user\": \"i am leaving from sacramento .\"\n", + "\"system\": \"where are you headed ?\"\n", + "\"user\": \"i ' m going to san diego .\"\n", + "\"system\": \"i found 8 buses for you . there is a bus leaving at 10 : 20 am with 1 transfer for $ 77 . does this work for you ?\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"would you like to buy tickets for this bus ?\"\n", + "\"user\": \"yes , i would like to reserve tickets .\"\n", + "\"system\": \"okay , i am buying 3 tickets for a bus traveling from sacramento to san diego on march 6th at 10 : 20 am . is this correct ?\"\n", + "\"user\": \"yes , that is correct . which stations do i leave from and arrive at ?\"\n", + "\"system\": \"your tickets have been purchased successfully . you leave from sacramento valley station and arrive at santa fe depot .\"\n", + "\"user\": \"can you find me a hotel in the area ?\"\n", + "\"system\": \"the bahia resort hotel has a 3 star rating . does this work for you ?\"\n", + "\"user\": \"what is the address and price per night ?\"\n", + "\"system\": \"the address is 998 west mission bay drive and the price is $ 189 per night .\"\n", + "\"user\": \"sounds good , thanks !\"\n", + "\"system\": \"would you like to make a reservation ?\"\n", + "\"user\": \"not right now , thank you .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"no , that ' s all . thanks for you help .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['price per night', '998 west mission bay drive', '$ 77', 'bahia resort hotel', 'three', '3', 'buses', 'sacramento valley station', '10 : 20 am', '6th of this month', 'sacramento', '8', 'march 6th', 'star rating', '$ 189', 'santa fe depot', '1', 'san diego']\n", + "relations: [['fare', 'has value', '$ 77'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'santa fe depot'], ['hotels', 'has slot', 'reservehotel'], ['from location', 'has value', 'sacramento'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['10 : 20 am', 'has domain', 'buses'], ['hotels', 'has slot', 'price per night'], ['998 west mission bay drive', 'has domain', 'hotels'], ['count', 'has value', '8'], ['leaving date', 'has value', 'march 6th'], ['place name', 'has value', 'bahia resort hotel'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['street address', 'has value', '998 west mission bay drive'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['from station', 'has value', 'sacramento valley station'], ['march 6th', 'has domain', 'buses'], ['$ 77', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['8', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['price per night', 'has value', '$ 189'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['3', 'has domain', 'buses'], ['$ 189', 'has domain', 'hotels'], ['leaving date', 'has value', '6th of this month'], ['3', 'has domain', 'hotels'], ['leaving time', 'has value', '10 : 20 am'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['6th of this month', 'has domain', 'buses'], ['hotels', 'has slot', 'street address'], ['buses', 'has slot', 'from station'], ['bahia resort hotel', 'has domain', 'hotels'], ['to location', 'has value', 'san diego'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-907\n", + "dialogue: \"user\": \"i would like to travel by bus since my car is currently at my mechanic . can you please provide me with assistance in finding a bus ?\"\n", + "\"system\": \"what is your destination ?\"\n", + "\"user\": \"i need to get to lax\"\n", + "\"system\": \"and where are you departing from ?\"\n", + "\"user\": \"i am starting out from sfo\"\n", + "\"system\": \"and what is your travel date ?\"\n", + "\"user\": \"i intend to go on the 3rd\"\n", + "\"system\": \"there are 10 buses that meet your search requirements . there is a bus with 0 transfers that leaves at 7 am and the fare is $ 44\"\n", + "\"user\": \"and can you tell me my departure and arrival bus stations ?\"\n", + "\"system\": \"the bus leaves from salesforce transit center and arrives at union station\"\n", + "\"user\": \"are there other options ?\"\n", + "\"system\": \"there is a bus with 0 transfers that leaves at 7 : 40 am with a fare of $ 51\"\n", + "\"user\": \"perfect , i ' d like to purchase a ticket for this bus .\"\n", + "\"system\": \"and what is the number of tickets that you would like to buy ?\"\n", + "\"user\": \"i need tickets for 4 people\"\n", + "\"system\": \"confirming that you would like to buy tickets for 4 people for the bus going from san francisco to los angeles at 7 : 40 am on march 3rd .\"\n", + "\"user\": \"excellent , that ' s it . can you tell me the departure bus station ?\"\n", + "\"system\": \"your ticket purchase was successful . the bus leaves from salesforce transit center .\"\n", + "\"user\": \"and i would also like to find a hotel close by that location\"\n", + "\"system\": \"there are 10 hotels that meet your search requirements . one is a 2 star hotel named ac hotel by marriott beverly hills\"\n", + "\"user\": \"and can you tell me their exact location as well as the cost of a room for one night ?\"\n", + "\"system\": \"they are located at 6399 wilshire boulevard and the price for a room for one night is $ 120\"\n", + "\"user\": \"great , that ' s perfect .\"\n", + "\"system\": \"do you want to go ahead and reserve a room at this hotel ?\"\n", + "\"user\": \"not right at this moment\"\n", + "\"system\": \"do you need additional assistance ?\"\n", + "\"user\": \"no , that was all for me . thanks for your assistance .\"\n", + "\"system\": \"enjoy the rest of your day !\"\n", + "\n", + "terms: ['march 3rd', 'transfers', 'salesforce transit center', 'los angeles', '4', '7 am', 'buses', '2', 'hotels', '0', '6399 wilshire boulevard', '7 : 40 am', '10', 'san francisco', 'fare']\n", + "relations: [['buses', 'has slot', 'to station'], ['hotels', 'has slot', 'reservehotel'], ['leaving date', 'has value', 'march 3rd'], ['from station', 'has value', 'salesforce transit center'], ['star rating', 'has value', '2'], ['from location', 'has value', 'sfo'], ['2', 'has domain', 'hotels'], ['the 3rd', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['10', 'refers to same concept as', 'ten'], ['$ 51', 'has domain', 'buses'], ['place name', 'has value', 'ac hotel by marriott beverly hills'], ['san francisco', 'refers to same concept as', 'sfo'], ['to location', 'has value', 'lax'], ['buses', 'has slot', 'count'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['sfo', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['ac hotel by marriott beverly hills', 'has domain', 'hotels'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['price per night', 'has value', '$ 120'], ['$ 120', 'has domain', 'hotels'], ['7 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['10', 'has domain', 'hotels'], ['4', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['$ 44', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['4', 'refers to same concept as', '$ 4'], ['leaving time', 'has value', '7 am'], ['fare', 'has value', '$ 51'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'los angeles'], ['fare', 'has value', '$ 44'], ['leaving time', 'has value', '7 : 40 am'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'san francisco'], ['hotels', 'has slot', 'street address'], ['march 3rd', 'has domain', 'buses'], ['7 am', 'has domain', 'buses'], ['street address', 'has value', '6399 wilshire boulevard'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['los angeles', 'has domain', 'buses'], ['lax', 'has domain', 'buses'], ['hotels', 'has slot', 'place name'], ['6399 wilshire boulevard', 'has domain', 'hotels'], ['leaving date', 'has value', 'the 3rd'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-908\n", + "dialogue: \"user\": \"please help me find a bus .\"\n", + "\"system\": \"sure , but first tell me when do you plan on travelling .\"\n", + "\"user\": \"i ' m leaving on march 12th .\"\n", + "\"system\": \"what ' s your destination .\"\n", + "\"user\": \"my destination is sf .\"\n", + "\"system\": \"perfect , now tell me your departure location .\"\n", + "\"user\": \"i ' ll be travelling from fresno .\"\n", + "\"system\": \"i found a bus for you with 0 transfers , leaving at 7 am . the ticket is priced ad $ 30 .\"\n", + "\"user\": \"what ' s the destination station ?\"\n", + "\"system\": \"you ' ll be arriving at salesforce transit center .\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"do you want me to get you tickets ?\"\n", + "\"user\": \"yes , please , for 2 persons .\"\n", + "\"system\": \"can you please confirm that you want 2 tickets for the bus leaving from fresno to san francisco on march 12th at 7 am ?\"\n", + "\"user\": \"on second thought , please get me only 1 ticket .\"\n", + "\"system\": \"can you please confirm that you want 1 ticket for the bus leaving from fresno ?\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"i ' ve successfully booked your ticket .\"\n", + "\"user\": \"can you please tell me the departure station ?\"\n", + "\"system\": \"you ' ll be departing from fresno station .\"\n", + "\"user\": \"thank you . can you please find me 2 hotel rooms at destination .\"\n", + "\"system\": \"there are 10 hotels meeting your criteria out of which i recommend amsterdam hostel san francisco , a nice 1 star hotel .\"\n", + "\"user\": \"can you please tell me the per night price for a room ?\"\n", + "\"system\": \"sure , rooms are $ 99 per night .\"\n", + "\"user\": \"thanks , that will be all for now .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['fresno station', 'transfers', 'salesforce transit center', '$ 99', 'fresno', '7 am', '2', 'hotels', '0', 'amsterdam hostel san francisco', 'sf', '10', 'march 12th', '1', 'san francisco', '$ 30']\n", + "relations: [['leaving date', 'has value', 'march 12th'], ['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['to station', 'has value', 'salesforce transit center'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['count', 'has value', '10'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['san francisco', 'refers to same concept as', 'sfo'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['from location', 'has value', 'fresno'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['price per night', 'has value', '$ 99'], ['10', 'has domain', 'hotels'], ['$ 30', 'has domain', 'buses'], ['to location', 'has value', 'sf'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['hotels', 'has slot', 'number of rooms'], ['sf', 'has domain', 'buses'], ['number of rooms', 'has value', '2'], ['amsterdam hostel san francisco', 'has domain', 'hotels'], ['leaving time', 'has value', '7 am'], ['march 12th', 'has domain', 'buses'], ['to location', 'has value', 'san francisco'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['7 am', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['fare', 'has value', '$ 30'], ['hotels', 'has slot', 'place name'], ['place name', 'has value', 'amsterdam hostel san francisco'], ['$ 99', 'has domain', 'hotels'], ['buses', 'has slot', 'fare'], ['from station', 'has value', 'fresno station']]\n", + "\n", + "dialogue id: sgd-validation-909\n", + "dialogue: \"user\": \"would you find me a bus ?\"\n", + "\"system\": \"where do you want to go ?\"\n", + "\"user\": \"i would like to go to sfo .\"\n", + "\"system\": \"where will you leave from ?\"\n", + "\"user\": \"i want to leave from fresno , ca .\"\n", + "\"system\": \"when will you leave ?\"\n", + "\"user\": \"i will depart on 12th of march .\"\n", + "\"system\": \"what about a bus leaving at 7 am with 0 transfers ? that costs $ 30 .\"\n", + "\"user\": \"what bus station will i reach and what bus station do i leave from ?\"\n", + "\"system\": \"you leave from fresno station and you are going to salesforce transit center .\"\n", + "\"user\": \"sounds good to me . i would like to reserve for two .\"\n", + "\"system\": \"so you want to go to san francisco from fresno on march 12th at 7 am for 2 people ?\"\n", + "\"user\": \"works for me .\"\n", + "\"system\": \"your ticket was confirmed .\"\n", + "\"user\": \"thank you for helping . would you look for hotels in that area as well ?\"\n", + "\"system\": \"there is a 1 star hotel , amsterdam hostel san francisco .\"\n", + "\"user\": \"sounds great . that is what i needed .\"\n", + "\"system\": \"bye and have a great day !\"\n", + "\n", + "terms: ['fresno station', '12th of march', 'transfers', 'salesforce transit center', 'fresno', '7 am', '2', 'hotels', '0', 'fresno , ca', 'amsterdam hostel san francisco', 'two', 'sfo', 'march 12th', '1', 'san francisco', '$ 30']\n", + "relations: [['leaving date', 'has value', 'march 12th'], ['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['to station', 'has value', 'salesforce transit center'], ['2', 'has domain', 'buses'], ['to location', 'has value', 'sfo'], ['travelers', 'has value', '2'], ['buses', 'has slot', 'leaving time'], ['san francisco', 'refers to same concept as', 'sfo'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['fresno , ca', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['from location', 'has value', 'fresno'], ['sfo', 'has domain', 'buses'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['$ 30', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['from location', 'has value', 'fresno , ca'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', '12th of march'], ['amsterdam hostel san francisco', 'has domain', 'hotels'], ['leaving time', 'has value', '7 am'], ['march 12th', 'has domain', 'buses'], ['to location', 'has value', 'san francisco'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['7 am', 'has domain', 'buses'], ['12th of march', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['fare', 'has value', '$ 30'], ['hotels', 'has slot', 'place name'], ['place name', 'has value', 'amsterdam hostel san francisco'], ['buses', 'has slot', 'fare'], ['from station', 'has value', 'fresno station']]\n", + "\n", + "dialogue id: sgd-validation-910\n", + "dialogue: \"user\": \"can you help find me a bus ?\"\n", + "\"system\": \"where will you be going ? when do you plan to leave ?\"\n", + "\"user\": \"i am planning to leave on saturday this week to go to las vegas .\"\n", + "\"system\": \"where will you be leaving from ?\"\n", + "\"user\": \"i am leaving from sacramento , ca .\"\n", + "\"system\": \"there are 10 buses available . how about a bus leaving at 7 : 30 am ? it has 1 transfer and it costs $ 67 .\"\n", + "\"user\": \"what bus station will i be reaching ? what bus station am i leaving from ?\"\n", + "\"system\": \"the origin station is sacramento valley station . the destination station is union plaza .\"\n", + "\"user\": \"sounds good . i would like to reserve this bus for 4 people .\"\n", + "\"system\": \"please confirm these details : you want tickets for 4 people for the bus leaving from sacramento going to las vegas . the bus leaves on march 2nd at 7 : 30 am .\"\n", + "\"user\": \"no , just for 1 person .\"\n", + "\"system\": \"please confirm these details : you want 1 ticket for the bus leaving from sacramento .\"\n", + "\"user\": \"yes , that ' s fine .\"\n", + "\"system\": \"your ticket is all set .\"\n", + "\"user\": \"can you also look for hotels in that area ?\"\n", + "\"system\": \"there are 6 hotels that you may like . there is a 3 star hotel called best western plus las vegas west .\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"would you like to reserve this hotel ?\"\n", + "\"user\": \"i would not like to make a reservation now .\"\n", + "\"system\": \"may i help you with anything else ?\"\n", + "\"user\": \"no , thank you . you have been helpful .\"\n", + "\"system\": \"goodbye , have a great day !\"\n", + "\n", + "terms: ['6', 'best western plus las vegas west', 'union plaza', '3', '1', 'saturday this week', 'buses', 'sacramento valley station', '4', 'sacramento', 'march 2nd', 'hotels', '7 : 30 am', '10', 'sacramento , ca', 'vegas', '$ 67', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'union plaza'], ['hotels', 'has slot', 'reservehotel'], ['las vegas', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['march 2nd', 'has domain', 'buses'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['best western plus las vegas west', 'has domain', 'hotels'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['6', 'has domain', 'hotels'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['buses', 'has slot', 'findbus'], ['10', 'has domain', 'buses'], ['from station', 'has value', 'sacramento valley station'], ['4', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['6', 'refers to same concept as', '$ 6'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['leaving date', 'has value', 'march 2nd'], ['place name', 'has value', 'best western plus las vegas west'], ['$ 67', 'has domain', 'buses'], ['union plaza', 'has domain', 'buses'], ['from location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'hotels'], ['to location', 'has value', 'las vegas'], ['leaving time', 'has value', '7 : 30 am'], ['count', 'has value', '6'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['fare', 'has value', '$ 67'], ['saturday this week', 'has domain', 'buses'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['leaving date', 'has value', 'saturday this week'], ['7 : 30 am', 'has domain', 'buses'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-911\n", + "dialogue: \"user\": \"would you help me find a bus from las vegas to fresno on tuesday next week ?\"\n", + "\"system\": \"i have 10 buses for you . what do you think about one leaving at 7 : 10 am that costs $ 39 ? it has 0 transfers .\"\n", + "\"user\": \"what bus station will i leave from ?\"\n", + "\"system\": \"you originate at union plaza .\"\n", + "\"user\": \"what bus station will i arrive at ?\"\n", + "\"system\": \"you will arrive at fresno station .\"\n", + "\"user\": \"sounds great .\"\n", + "\"system\": \"would you like some bus tickets ?\"\n", + "\"user\": \"yes , i will reserve for 4 .\"\n", + "\"system\": \"please confirm that you want to leave from las vegas to fresno on march 5th at 7 : 10 am for 4 .\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"your ticket was confirmed .\"\n", + "\"user\": \"could you find a 3 star hotel\"\n", + "\"system\": \"what bout doubletree by hilton hotel fresno convention center ? it ' s a 3 star .\"\n", + "\"user\": \"that ' s fine .\"\n", + "\"system\": \"do you want to book ?\"\n", + "\"user\": \"no thanks .\"\n", + "\"system\": \"bye , hae a good one .\"\n", + "\n", + "terms: ['fresno station', 'tuesday next week', 'transfers', 'union plaza', '$ 39', '3', 'fresno', 'buses', '7 : 10 am', '4', 'march 5th', '0', '10', 'vegas', 'doubletree by hilton hotel fresno convention center', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['march 5th', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['$ 39', 'has domain', 'buses'], ['doubletree by hilton hotel fresno convention center', 'has domain', 'hotels'], ['las vegas', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['buses', 'has slot', 'leaving time'], ['7 : 10 am', 'has domain', 'buses'], ['leaving date', 'has value', 'tuesday next week'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['to location', 'has value', 'fresno'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['tuesday next week', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['3', 'refers to same concept as', '$ 3'], ['4', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['place name', 'has value', 'doubletree by hilton hotel fresno convention center'], ['fare', 'has value', '$ 39'], ['union plaza', 'has domain', 'buses'], ['leaving date', 'has value', 'march 5th'], ['from location', 'has value', 'las vegas'], ['3', 'has domain', 'hotels'], ['leaving time', 'has value', '7 : 10 am'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['las vegas', 'refers to same concept as', 'vegas'], ['to station', 'has value', 'fresno station'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-912\n", + "dialogue: \"user\": \"would you help me find a bus ?\"\n", + "\"system\": \"where do you want to go ?\"\n", + "\"user\": \"i want to go to vancouver , bc .\"\n", + "\"system\": \"where will you leave from and when ?\"\n", + "\"user\": \"i will leave from portland on march 11th .\"\n", + "\"system\": \"what about a bus leaving at 6 : 50 am ? it ' s $ 39 with 0 transfers .\"\n", + "\"user\": \"what bus station will i get to and which bus station will i leave from ?\"\n", + "\"system\": \"portland bus station is the origin station and the destination station is pacific central station .\"\n", + "\"user\": \"that sounds great . i ' d like to make a bus resrevation .\"\n", + "\"system\": \"how many tickets are needed ?\"\n", + "\"user\": \"there are four people in my reservation .\"\n", + "\"system\": \"could you confirm that you want a bus ticket leaving from portland and going to vancouver ? the bus leaves on march 11th at 6 : 50 am for 4 .\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"your ticket has been confirmed .\"\n", + "\"user\": \"thank you for helping . could you look for hotels in that area too ? i need 3 .\"\n", + "\"system\": \"what about this 3 star hotel , atrium inn vancouver ?\"\n", + "\"user\": \"tell me their phone number .\"\n", + "\"system\": \"the phone number is + 1 604 - 254 - 1000 .\"\n", + "\"user\": \"sounds good . that is what i needed .\"\n", + "\"system\": \"bye , have a great day .\"\n", + "\n", + "terms: ['transfers', 'march 11th', '+ 1 604 - 254 - 1000', '$ 39', '3', '4', 'vancouver', 'hotels', '0', 'atrium inn vancouver', 'four', '6 : 50 am', 'pacific central station', 'phone number', 'portland', 'vancouver , bc']\n", + "relations: [['buses', 'has slot', 'to station'], ['leaving time', 'has value', '6 : 50 am'], ['pacific central station', 'has domain', 'buses'], ['$ 39', 'has domain', 'buses'], ['from station', 'has value', 'portland bus station'], ['phone number', 'has value', '+ 1 604 - 254 - 1000'], ['buses', 'has slot', 'leaving time'], ['to station', 'has value', 'pacific central station'], ['to location', 'has value', 'vancouver , bc'], ['leaving date', 'has value', 'march 11th'], ['to location', 'has value', 'vancouver'], ['buses', 'has slot', 'from location'], ['+ 1 604 - 254 - 1000', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['hotels', 'has slot', 'phone number'], ['buses', 'has slot', 'findbus'], ['vancouver , bc', 'has domain', 'buses'], ['transfers', 'has value', '0'], ['portland', 'has domain', 'buses'], ['march 11th', 'has domain', 'buses'], ['portland bus station', 'has domain', 'buses'], ['atrium inn vancouver', 'has domain', 'hotels'], ['place name', 'has value', 'atrium inn vancouver'], ['4', 'refers to same concept as', 'four'], ['vancouver', 'refers to same concept as', 'vancouver , bc'], ['3', 'refers to same concept as', '$ 3'], ['4', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['6 : 50 am', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['hotels', 'has slot', 'number of rooms'], ['vancouver', 'has domain', 'buses'], ['fare', 'has value', '$ 39'], ['3', 'has domain', 'hotels'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['number of rooms', 'has value', '3'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-913\n", + "dialogue: \"user\": \"please help me search for a bus .\"\n", + "\"system\": \"when are you leaving ?\"\n", + "\"user\": \"i am leaving on the 14th of march .\"\n", + "\"system\": \"where will you be going ?\"\n", + "\"user\": \"i ' d like to go to long beach .\"\n", + "\"system\": \"where will you be leaving from ?\"\n", + "\"user\": \"i will leave from las vegas .\"\n", + "\"system\": \"what about the bus leaving 2 pm costing $ 46 with 0 transfers ?\"\n", + "\"user\": \"that is good and i will reserve the bus .\"\n", + "\"system\": \"what number of tickets do you need ?\"\n", + "\"user\": \"i need one person .\"\n", + "\"system\": \"please confirm a ticket for the bus from las vegas to long beach leaving march 14th at 2 pm for 1 person .\"\n", + "\"user\": \"yes , that is good .\"\n", + "\"system\": \"the ticket is confirmed .\"\n", + "\"user\": \"please look for hotels in that area too .\"\n", + "\"system\": \"i have 10 hotels that match including best western of long beach a 2 star hotel .\"\n", + "\"user\": \"that sounds great . that will be all .\"\n", + "\"system\": \"bye and have a nice day .\"\n", + "\n", + "terms: ['transfers', '$ 46', 'march 14th', 'long beach', 'one', '2', 'hotels', '0', '2 pm', '10', '1', 'vegas', 'best western of long beach', '14th of march', 'las vegas']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['las vegas', 'has domain', 'buses'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'from location'], ['14th of march', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['march 14th', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['$ 46', 'has domain', 'buses'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['fare', 'has value', '$ 46'], ['best western of long beach', 'has domain', 'hotels'], ['10', 'has domain', 'hotels'], ['place name', 'has value', 'best western of long beach'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'las vegas'], ['leaving date', 'has value', '14th of march'], ['leaving time', 'has value', '2 pm'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'long beach'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['2 pm', 'has domain', 'buses'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-914\n", + "dialogue: \"user\": \"is there a bus that goes from anaheim to sacramento ? i ' m planning to make that trip on the 8th if you can find anything .\"\n", + "\"system\": \"i found a bus that leaves early , at 6 : 40 am . it does have 1 transfer on the way and comes to a total of $ 66 . would that interest you ?\"\n", + "\"user\": \"that would work for me .\"\n", + "\"system\": \"should i go ahead and book a tickets for you ?\"\n", + "\"user\": \"yeah , that would be great . i want 3 tickets please .\"\n", + "\"system\": \"okay , just to confirm everyhting , you want 3 tickets for a bus going from anaheim to sacramento . it is leaving on march 8th at 6 : 40 am . does this all sound right ?\"\n", + "\"user\": \"actually , i just heard my friends can ' t make it . i ' ll only be needing one ticket .\"\n", + "\"system\": \"okay , so you want just 1 ticket to sacramento , correct ?\"\n", + "\"user\": \"yes , that will do just fine . what bus station am i arriving at ?\"\n", + "\"system\": \"the station you will arrive at is the sacramento valley station . i was able to confirm your ticket purchase .\"\n", + "\"user\": \"great . what ' s the bus station i ' ll be departing from ?\"\n", + "\"system\": \"it appears you will be leaving from the anaheim intermodal center .\"\n", + "\"user\": \"sounds good to me . thank you . could we search for a hotel around there i can stay in ?\"\n", + "\"system\": \"i found a 1 star hotel . it ' s called the best western plus sutter house . will that work ?\"\n", + "\"user\": \"yeah , that works for me .\"\n", + "\"system\": \"alright . anything else i can do for you now ?\"\n", + "\"user\": \"no thank you . i should be all set !\"\n", + "\"system\": \"excellent . enjoy your day !\"\n", + "\n", + "terms: ['anaheim', '$ 66', '3', '6 : 40 am', 'sacramento valley station', 'best western plus sutter house', 'one', 'sacramento', 'the 8th', 'anaheim intermodal center', '1', 'march 8th']\n", + "relations: [['buses', 'has slot', 'to station'], ['$ 66', 'has domain', 'buses'], ['to location', 'has value', 'sacramento'], ['the 8th', 'has domain', 'buses'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['place name', 'has value', 'best western plus sutter house'], ['leaving time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['to station', 'has value', 'sacramento valley station'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['fare', 'has value', '$ 66'], ['leaving date', 'has value', 'march 8th'], ['from station', 'has value', 'anaheim intermodal center'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['3', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['best western plus sutter house', 'has domain', 'hotels'], ['6 : 40 am', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['anaheim intermodal center', 'has domain', 'buses'], ['hotels', 'has slot', 'place name'], ['leaving date', 'has value', 'the 8th'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-915\n", + "dialogue: \"user\": \"would you find a bus for me ?\"\n", + "\"system\": \"when will you leave and from where ?\"\n", + "\"user\": \"i wanted to leave on the 4th of this month from sacramento , ca .\"\n", + "\"system\": \"where will you go ?\"\n", + "\"user\": \"i want to go to anaheim .\"\n", + "\"system\": \"what about a bus leaving at 7 : 40 am costing $ 66 ? it has 1 transfer .\"\n", + "\"user\": \"what bus station will i reach and which will i arrive at ?\"\n", + "\"system\": \"the station you start out at is sacramento valley station and the destination station is anaheim intermodal center .\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"would i be able to assist with something else ?\"\n", + "\"user\": \"make the booking .\"\n", + "\"system\": \"how many tickets do you need ?\"\n", + "\"user\": \"it ' s for 2 .\"\n", + "\"system\": \"could you confirm that you want to leave from sacramento to anaheim on march 4th at 7 : 40 am for 2 ?\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"your ticket has been confirmed .\"\n", + "\"user\": \"thanks for helping . would you find hotels in that area as well ?\"\n", + "\"system\": \"i have 10 hotels that should work . what about anaheim desert inn and suites ? it ' s a 2 star .\"\n", + "\"user\": \"could you tell me their phone number and price per night ?\"\n", + "\"system\": \"it ' s $ 64 and the phone number is + 1 714 - 772 - 5050 .\"\n", + "\"user\": \"sounds great . that is what i needed for now .\"\n", + "\"system\": \"bye , have a good one .\"\n", + "\n", + "terms: ['$ 64', 'anaheim', '$ 66', 'sacramento valley station', '2', 'march 4th', 'price per night', 'anaheim desert inn and suites', '7 : 40 am', 'anaheim intermodal center', '4th of this month', 'one', '+ 1 714 - 772 - 5050', 'sacramento', 'hotels', 'phone number', 'sacramento , ca', '10', '1']\n", + "relations: [['buses', 'has slot', 'to station'], ['$ 66', 'has domain', 'buses'], ['price per night', 'has value', '$ 64'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['from location', 'has value', 'sacramento'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['anaheim desert inn and suites', 'has domain', 'hotels'], ['hotels', 'has slot', 'price per night'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['to station', 'has value', 'anaheim intermodal center'], ['hotels', 'has slot', 'phone number'], ['buses', 'has slot', 'findbus'], ['fare', 'has value', '$ 66'], ['from station', 'has value', 'sacramento valley station'], ['+ 1 714 - 772 - 5050', 'has domain', 'hotels'], ['10', 'has domain', 'hotels'], ['4th of this month', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['phone number', 'has value', '+ 1 714 - 772 - 5050'], ['$ 64', 'has domain', 'hotels'], ['from location', 'has value', 'sacramento , ca'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'anaheim'], ['leaving time', 'has value', '7 : 40 am'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['march 4th', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['leaving date', 'has value', '4th of this month'], ['anaheim intermodal center', 'has domain', 'buses'], ['place name', 'has value', 'anaheim desert inn and suites'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-916\n", + "dialogue: \"user\": \"i ' d like a bus ticket to fresno , ca for march 10th\"\n", + "\"system\": \"where are you located ?\"\n", + "\"user\": \"vegas\"\n", + "\"system\": \"sure , ok i ' ve found a 0 transfer bus leaving at 7 : 10 am for $ 42\"\n", + "\"user\": \"what station would i be leaving from and what ' s the name of the arrival station ?\"\n", + "\"system\": \"you ' d be departing from union plaza and arrive at fresno station\"\n", + "\"user\": \"great , thanks .\"\n", + "\"system\": \"shall i book your ticket ?\"\n", + "\"user\": \"yes , please do\"\n", + "\"system\": \"how many would you like ?\"\n", + "\"user\": \"just one\"\n", + "\"system\": \"please confirm your bus ticket : 1 ticket departing from las vegas enroute to fresno on march 10th at 7 : 10 am\"\n", + "\"user\": \"correct\"\n", + "\"system\": \"this ticket is complete\"\n", + "\"user\": \"oh , i need a place to stay . what hotels are around there ?\"\n", + "\"system\": \"i ' ve found 5 hotels in that area . how about a 3 star doubletree by hilton hotel fresno convention center ?\"\n", + "\"user\": \"perfect\"\n", + "\"system\": \"shall i book a room ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"can i assist you with something else ?\"\n", + "\"user\": \"nope , i ' m all set . thanks\"\n", + "\"system\": \"have a wonderful day\"\n", + "\n", + "terms: ['doubletree by hilton hotel fresno convention center', 'union plaza', '3', 'fresno', '5', '7 : 10 am', 'hotels', '0', 'fresno , ca', 'march 10th', '1', 'vegas', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['doubletree by hilton hotel fresno convention center', 'has domain', 'hotels'], ['las vegas', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['buses', 'has slot', 'leaving time'], ['7 : 10 am', 'has domain', 'buses'], ['vegas', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['fresno , ca', 'has domain', 'buses'], ['to location', 'has value', 'fresno'], ['hotels', 'has slot', 'searchhotel'], ['5', 'has domain', 'hotels'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['fare', 'has value', '$ 42'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['to location', 'has value', 'fresno , ca'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['place name', 'has value', 'doubletree by hilton hotel fresno convention center'], ['union plaza', 'has domain', 'buses'], ['from location', 'has value', 'las vegas'], ['3', 'has domain', 'hotels'], ['$ 42', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['leaving time', 'has value', '7 : 10 am'], ['march 10th', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['leaving date', 'has value', 'march 10th'], ['las vegas', 'refers to same concept as', 'vegas'], ['to station', 'has value', 'fresno station'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '5'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-917\n", + "dialogue: \"user\": \"i ' d like to book a bus\"\n", + "\"system\": \"no problem , please tell me where you ' d like to go , where you ' re located and what day you want to leave\"\n", + "\"user\": \"i ' m playing on leaving march 8th from los angeles and want to go to sacramento\"\n", + "\"system\": \"there are 3 buses . how about a 11 : 20 am 0 transfer bus that costs $ 56 ?\"\n", + "\"user\": \"what else is there ? i change my mind and want to go to sd and there will be three people total\"\n", + "\"system\": \"there are 9 available buses . how about a 0 transfer 7 : 40 am for $ 27 ?\"\n", + "\"user\": \"no , can you continue looking .\"\n", + "\"system\": \"how about a 0 transfer 7 : 50 am bus for $ 33\"\n", + "\"user\": \"where is the departing station that i ' d be leaving from ?\"\n", + "\"system\": \"union station\"\n", + "\"user\": \"where will the destination station be located ?\"\n", + "\"system\": \"santa fe depot\"\n", + "\"user\": \"perfect , book this one please .\"\n", + "\"system\": \"please confirm : 3 bus tickets leaving los angeles enroute to san diego on march 8th at 7 : 50 am\"\n", + "\"user\": \"correct\"\n", + "\"system\": \"your tickets are completed\"\n", + "\"user\": \"i ' ll need a hotel in the area as well\"\n", + "\"system\": \"there are 10 you might be interested in . how about the 3 star bahia resort hotel ?\"\n", + "\"user\": \"great , thanks . i ' m all set .\"\n", + "\"system\": \"enjoy your day and have a wonderful trip\"\n", + "\n", + "terms: ['bahia resort hotel', 'los angeles', '$ 27', '11 : 20 am', '3', 'buses', 'sd', '0', '7 : 50 am', '7 : 40 am', 'san diego', '10', 'three', '9', '$ 56', 'march 8th']\n", + "relations: [['to location', 'has value', 'sd'], ['$ 27', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 50 am'], ['buses', 'has slot', 'to station'], ['7 : 50 am', 'has domain', 'buses'], ['to location', 'has value', 'sacramento'], ['to station', 'has value', 'santa fe depot'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '11 : 20 am'], ['fare', 'has value', '$ 33'], ['place name', 'has value', 'bahia resort hotel'], ['buses', 'has slot', 'count'], ['$ 33', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['sd', 'has domain', 'buses'], ['star rating', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['11 : 20 am', 'has domain', 'buses'], ['leaving date', 'has value', 'march 8th'], ['10', 'has domain', 'hotels'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['count', 'has value', '9'], ['san diego', 'refers to same concept as', 'sd'], ['fare', 'has value', '$ 56'], ['3', 'has domain', 'hotels'], ['from location', 'has value', 'los angeles'], ['leaving time', 'has value', '7 : 40 am'], ['buses', 'has slot', 'transfers'], ['count', 'has value', '3'], ['9', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['bahia resort hotel', 'has domain', 'hotels'], ['$ 56', 'has domain', 'buses'], ['to location', 'has value', 'san diego'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10'], ['fare', 'has value', '$ 27']]\n", + "\n", + "dialogue id: sgd-validation-918\n", + "dialogue: \"user\": \"i want you to help me find a bus .\"\n", + "\"system\": \"can you tell me from where will you be leaving for the trip , and what is your destination ? can you also tell me the time when you plan to leave ?\"\n", + "\"user\": \"i will be leaving from las vegas to go to san fran , and i am planning to leave on thursday next week .\"\n", + "\"system\": \"there are 6 bus which you might want having . one of the buses you can consider has 0 transfers and leaves at 10 : 50 am . the ticket for this bus costs $ 52 .\"\n", + "\"user\": \"can you tell me the bus station from which i will leave from , and the station where i will arrive at ?\"\n", + "\"system\": \"the station from where you will depart is union plaza , and you will be arriving at salesforce transit center .\"\n", + "\"user\": \"can you suggest some other buses which are available for me ?\"\n", + "\"system\": \"how would you like having the bus with 0 transfers which leaves at 12 : 50 pm ? the ticket for this bus will be costing you $ 51 .\"\n", + "\"user\": \"is there some other bus you can recommend ?\"\n", + "\"system\": \"there is also another bus with 0 transfers which leaves at 2 : 40 pm . the ticket for this bus costs $ 55 .\"\n", + "\"user\": \"that is nice .\"\n", + "\"system\": \"do you want to have tickets bought for this bus ?\"\n", + "\"user\": \"yes i want to buy tickets for three people for this bus .\"\n", + "\"system\": \"can you please confirm that you want to buy tickets for 3 people for the bus which leaves from las vegas on march 7th at 2 : 40 pm to go to san francisco ?\"\n", + "\"user\": \"yes that suits me well .\"\n", + "\"system\": \"your requested tickets have been booked .\"\n", + "\"user\": \"i appreciate your help a lot . i also would like to have 1 room in a three star hotel there .\"\n", + "\"system\": \"i good 3 star hotel i can suggest is bei hotel san francisco .\"\n", + "\"user\": \"is there some other hotel which matches what i requested ?\"\n", + "\"system\": \"you can consider staying also at the beresford arms hotel , which is a 3 star hotel .\"\n", + "\"user\": \"can you give me their phone number ?\"\n", + "\"system\": \"if you want to call them you can at + 1 415 - 673 - 2600 .\"\n", + "\"user\": \"that seems nice . that would be all .\"\n", + "\"system\": \"good bye , and have a wonderful day !\"\n", + "\n", + "terms: ['san fran', 'march 7th', 'buses', '10 : 50 am', '$ 52', '6', 'bei hotel san francisco', 'three', 'vegas', '$ 51', 'salesforce transit center', 'union plaza', 'one', 'beresford arms hotel', 'phone number', 'transfers', '$ 55', '12 : 50 pm', 'thursday next week', '3', '0', '+ 1 415 - 673 - 2600', '2 : 40 pm', '1', 'san francisco', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'salesforce transit center'], ['las vegas', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['beresford arms hotel', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['$ 51', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'san fran'], ['6', 'has domain', 'buses'], ['leaving time', 'has value', '2 : 40 pm'], ['san francisco', 'has domain', 'buses'], ['leaving date', 'has value', 'thursday next week'], ['leaving time', 'has value', '12 : 50 pm'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['leaving time', 'has value', '10 : 50 am'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['star rating', 'has value', '3'], ['thursday next week', 'has domain', 'buses'], ['hotels', 'has slot', 'phone number'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['2 : 40 pm', 'has domain', 'buses'], ['march 7th', 'has domain', 'buses'], ['phone number', 'has value', '+ 1 415 - 673 - 2600'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['fare', 'has value', '$ 52'], ['hotels', 'has slot', 'number of rooms'], ['$ 52', 'has domain', 'buses'], ['fare', 'has value', '$ 55'], ['union plaza', 'has domain', 'buses'], ['fare', 'has value', '$ 51'], ['3', 'has domain', 'buses'], ['from location', 'has value', 'las vegas'], ['leaving date', 'has value', 'march 7th'], ['3', 'has domain', 'hotels'], ['12 : 50 pm', 'has domain', 'buses'], ['bei hotel san francisco', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['count', 'has value', '6'], ['to location', 'has value', 'san francisco'], ['place name', 'has value', 'bei hotel san francisco'], ['buses', 'has slot', 'transfers'], ['place name', 'has value', 'beresford arms hotel'], ['san fran', 'has domain', 'buses'], ['1', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['$ 55', 'has domain', 'buses'], ['10 : 50 am', 'has domain', 'buses'], ['las vegas', 'refers to same concept as', 'vegas'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['+ 1 415 - 673 - 2600', 'has domain', 'hotels']]\n", + "\n", + "dialogue id: sgd-validation-919\n", + "dialogue: \"user\": \"can you help me search for a bus ?\"\n", + "\"system\": \"sure , where are you going , where are you leaving ? when do you want to leave ?\"\n", + "\"user\": \"i want to go to sacramento , ca from anaheim ca on the 14th of march .\"\n", + "\"system\": \"how about a bus departing at 6 : 40 am and it h as 1 transfer for $ 65 .\"\n", + "\"user\": \"sounds good , i ' d like a reservation on it for 3 .\"\n", + "\"system\": \"please confirm : you want to get a ticket to sacramento from anaheim leaving march 14th at 6 : 40 am for 3 .\"\n", + "\"user\": \"yes , exactly . where is it leaving from ? which bus station does it arrive at ?\"\n", + "\"system\": \"your ticket is confirmed , it leaves from anaheim intermodal center . and arrives at sacramento valley station .\"\n", + "\"user\": \"thanks a lot , could you look for a hotel for me .\"\n", + "\"system\": \"how about the best western plus sutter house , with 1 star ?\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"do you need anythin gelse ?\"\n", + "\"user\": \"no thanks i \" m all set .\"\n", + "\"system\": \"bye , have a good day .\"\n", + "\n", + "terms: ['$ 65', 'anaheim', 'march 14th', '3', '1', '6 : 40 am', 'sacramento valley station', 'best western plus sutter house', 'anaheim ca', 'sacramento', 'anaheim intermodal center', 'sacramento , ca', '14th of march']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['buses', 'has slot', 'to station'], ['$ 65', 'has domain', 'buses'], ['to location', 'has value', 'sacramento'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['place name', 'has value', 'best western plus sutter house'], ['leaving time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'from location'], ['14th of march', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['march 14th', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['to station', 'has value', 'sacramento valley station'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['anaheim', 'refers to same concept as', 'anaheim ca'], ['from station', 'has value', 'anaheim intermodal center'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['to location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'buses'], ['leaving date', 'has value', '14th of march'], ['best western plus sutter house', 'has domain', 'hotels'], ['6 : 40 am', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['fare', 'has value', '$ 65'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'anaheim'], ['from location', 'has value', 'anaheim ca'], ['1', 'has domain', 'hotels'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['buses', 'has slot', 'from station'], ['anaheim ca', 'has domain', 'buses'], ['anaheim intermodal center', 'has domain', 'buses'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-920\n", + "dialogue: \"user\": \"can you get me a bus ?\"\n", + "\"system\": \"when do you want to go , and where are you headed ?\"\n", + "\"user\": \"i ' m leaving vegas on the 12th of march .\"\n", + "\"system\": \"where will you go ?\"\n", + "\"user\": \"i want sacramento .\"\n", + "\"system\": \"well , you can board first thing , at 7 : 20 am , 1 transfer , for $ 88 .\"\n", + "\"user\": \"that ' s great , the early bird gets the worm .\"\n", + "\"system\": \"can i get the tickets ?\"\n", + "\"user\": \"sure , get me 3 .\"\n", + "\"system\": \"to firm up : 3 tickets for the 7 : 20 am bus on march 12th that leaves las vegas and is going to sacramento\"\n", + "\"user\": \"that ' s it . what stations are involved though ?\"\n", + "\"system\": \"you ' re leaving union plaza and headed to sacramento valley station .\"\n", + "\"user\": \"fine , thanks . get me 1 room in a 3 star hotel there .\"\n", + "\"system\": \"try courtyard by marriott sacramento midtown . i ' ts got 3 stars .\"\n", + "\"user\": \"what else ya got ?\"\n", + "\"system\": \"doubletree by hilton hotel sacramento is a 3 star hotel there ?\"\n", + "\"user\": \"mmmm nope . not this .\"\n", + "\"system\": \"try out embassy suites by hilton sacramento riverfront promenade . it ' s got 3 stars .\"\n", + "\"user\": \"fine , that ' s a lot to chew on .\"\n", + "\"system\": \"great , think it over .\"\n", + "\n", + "terms: ['12th of march', 'embassy suites by hilton sacramento riverfront promenade', 'union plaza', '7 : 20 am', '3', 'sacramento valley station', '$ 88', 'sacramento', 'march 12th', '1', 'courtyard by marriott sacramento midtown', 'vegas', 'las vegas']\n", + "relations: [['leaving date', 'has value', 'march 12th'], ['embassy suites by hilton sacramento riverfront promenade', 'has domain', 'hotels'], ['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 88'], ['to location', 'has value', 'sacramento'], ['$ 88', 'has domain', 'buses'], ['las vegas', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '7 : 20 am'], ['7 : 20 am', 'has domain', 'buses'], ['courtyard by marriott sacramento midtown', 'has domain', 'hotels'], ['vegas', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['to station', 'has value', 'sacramento valley station'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['star rating', 'has value', '3'], ['buses', 'has slot', 'findbus'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', '12th of march'], ['transfers', 'has value', '1'], ['hotels', 'has slot', 'number of rooms'], ['3', 'has domain', 'buses'], ['union plaza', 'has domain', 'buses'], ['doubletree by hilton hotel sacramento', 'has domain', 'hotels'], ['from location', 'has value', 'las vegas'], ['3', 'has domain', 'hotels'], ['place name', 'has value', 'doubletree by hilton hotel sacramento'], ['march 12th', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['12th of march', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['place name', 'has value', 'embassy suites by hilton sacramento riverfront promenade'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['place name', 'has value', 'courtyard by marriott sacramento midtown']]\n", + "\n", + "dialogue id: sgd-validation-921\n", + "dialogue: \"user\": \"can you help me find a bus ?\"\n", + "\"system\": \"when do you plan to leave ? where are you going ?\"\n", + "\"user\": \"i would like to go to sacramento , ca on march 7th .\"\n", + "\"system\": \"where are you leaving from ?\"\n", + "\"user\": \"i will be leaving from vegas .\"\n", + "\"system\": \"there ' s a bus departing at 7 : 20 am that costs $ 88 . it has 1 transfers . how about that one ?\"\n", + "\"user\": \"yes , that ' s good . please reserve that for me .\"\n", + "\"system\": \"how many tickets will you need ?\"\n", + "\"user\": \"this is for two people .\"\n", + "\"system\": \"please confirm your details : you are reserving tickets for 2 people on the bus from las vegas to sacramento . the bus leaves on march 7th at 7 : 20 am .\"\n", + "\"user\": \"yes , that ' s good .\"\n", + "\"system\": \"your ticket has been confirmed .\"\n", + "\"user\": \"what hotels are in that area ?\"\n", + "\"system\": \"i have 10 hotels matching your criteria . how about the best western plus sutter house ? that is a 1 star hotel .\"\n", + "\"user\": \"okay , sounds good . thanks , that ' s all .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['transfers', 'march 7th', '7 : 20 am', '1', 'best western plus sutter house', 'one', '2', '$ 88', 'sacramento', 'hotels', 'two', '10', 'sacramento , ca', 'vegas', 'las vegas']\n", + "relations: [['fare', 'has value', '$ 88'], ['$ 88', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['to location', 'has value', 'sacramento'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '7 : 20 am'], ['place name', 'has value', 'best western plus sutter house'], ['7 : 20 am', 'has domain', 'buses'], ['vegas', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['hotels', 'has slot', 'searchhotel'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['hotels', 'has slot', 'count'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['buses', 'has slot', 'findbus'], ['10', 'has domain', 'hotels'], ['march 7th', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['to location', 'has value', 'sacramento , ca'], ['leaving date', 'has value', 'march 7th'], ['from location', 'has value', 'las vegas'], ['1', 'refers to same concept as', 'one'], ['best western plus sutter house', 'has domain', 'hotels'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-922\n", + "dialogue: \"user\": \"can you find me a bus to go to new york on march 14th .\"\n", + "\"system\": \"where are you departing from ?\"\n", + "\"user\": \"philly . it will be three people .\"\n", + "\"system\": \"i found 8 buses . how about the bus at departs at 8 : 30 am with 0 transfers for $ 20 ?\"\n", + "\"user\": \"what bus station does that go to ?\"\n", + "\"system\": \"port authority station .\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"do you want to buy tickets ?\"\n", + "\"user\": \"yes please .\"\n", + "\"system\": \"please confirm the following : 3 tickets from philadelphia to new york on march 14th at 8 : 30 am .\"\n", + "\"user\": \"yes that ' s right . what bus station will i depart from .\"\n", + "\"system\": \"your tickets have been confirmed . the orgin station is intercity terminal .\"\n", + "\"user\": \"thank you . can you also find me hotels in that area ?\"\n", + "\"system\": \"i found a 4 star hotel , 1 hotel brooklyn bridge .\"\n", + "\"user\": \"nice .\"\n", + "\"system\": \"would you like to make a reservation ?\"\n", + "\"user\": \"not right now .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no you ' ve been helpful . thanks\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['transfers', 'philadelphia', '8 : 30 am', 'march 14th', '1 hotel brooklyn bridge', '3', 'intercity terminal', '4', 'buses', '8', 'hotels', '0', '$ 20', 'three', 'new york']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['leaving date', 'has value', 'march 14th'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['hotels', 'has slot', 'reservehotel'], ['to location', 'has value', 'new york'], ['$ 20', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 30 am'], ['count', 'has value', '8'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['march 14th', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['philadelphia', 'has domain', 'buses'], ['8', 'has domain', 'buses'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['from location', 'has value', 'philadelphia'], ['intercity terminal', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['3', 'has domain', 'buses'], ['from location', 'has value', 'philly'], ['to station', 'has value', 'port authority station'], ['fare', 'has value', '$ 20'], ['philly', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['from station', 'has value', 'intercity terminal'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['8 : 30 am', 'has domain', 'buses'], ['philadelphia', 'refers to same concept as', 'philly'], ['star rating', 'has value', '4'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-923\n", + "dialogue: \"user\": \"i ' m looking for a bus leaving on the 4th .\"\n", + "\"system\": \"where are you departing from ?\"\n", + "\"user\": \"i ' m leaving from sacramento , ca .\"\n", + "\"system\": \"where are you traveling to ?\"\n", + "\"user\": \"i ' m going to sd .\"\n", + "\"system\": \"i found 8 buses for you . there is a bus departing at 10 : 20 am with 1 transfer for $ 66 .\"\n", + "\"user\": \"what other buses are there ?\"\n", + "\"system\": \"there is a bus departing at 10 : 50 am with 1 transfer for $ 64 .\"\n", + "\"user\": \"okay , that sounds good .\"\n", + "\"system\": \"do you want to purchase tickets ?\"\n", + "\"user\": \"yes , i do .\"\n", + "\"system\": \"how many tickets do you need ?\"\n", + "\"user\": \"i need 3 tickets .\"\n", + "\"system\": \"okay , confirm the details . you want to purchase 3 tickets for the bus departing from san diego on march 4th at 10 : 50 am going to sacramento .\"\n", + "\"user\": \"yes , that is correct . what bus station do i depart from and arrive at ?\"\n", + "\"system\": \"i have purchased the tickets . the bus departs from sacramento valley station and arrives at santa fe depot .\"\n", + "\"user\": \"thank you . i also need 1 room at a hotel there .\"\n", + "\"system\": \"how about the 3 star bahia resort hotel ?\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"do you want to make a reservation at the hotel ?\"\n", + "\"user\": \"no , not right now . that is all i needed .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['$ 64', 'bahia resort hotel', 'the 4th', '$ 66', '1', '3', 'buses', 'sd', '10 : 20 am', '8', '10 : 50 am', 'sacramento', 'sacramento valley station', 'santa fe depot', 'sacramento , ca', 'march 4th', 'san diego']\n", + "relations: [['to location', 'has value', 'sd'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'santa fe depot'], ['hotels', 'has slot', 'reservehotel'], ['$ 66', 'has domain', 'buses'], ['the 4th', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['10 : 20 am', 'has domain', 'buses'], ['count', 'has value', '8'], ['place name', 'has value', 'bahia resort hotel'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['sacramento , ca', 'has domain', 'buses'], ['sd', 'has domain', 'buses'], ['leaving time', 'has value', '10 : 50 am'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['star rating', 'has value', '3'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['fare', 'has value', '$ 66'], ['from station', 'has value', 'sacramento valley station'], ['8', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['$ 64', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['hotels', 'has slot', 'number of rooms'], ['3', 'has domain', 'buses'], ['san diego', 'refers to same concept as', 'sd'], ['from location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'hotels'], ['leaving time', 'has value', '10 : 20 am'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['march 4th', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['fare', 'has value', '$ 64'], ['number of rooms', 'has value', '1'], ['leaving date', 'has value', 'the 4th'], ['bahia resort hotel', 'has domain', 'hotels'], ['to location', 'has value', 'san diego'], ['10 : 50 am', 'has domain', 'buses'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-924\n", + "dialogue: \"user\": \"help me find a bus\"\n", + "\"system\": \"where are you leaving ?\"\n", + "\"user\": \"lax the 6th\"\n", + "\"system\": \"where you headed ?\"\n", + "\"user\": \"going to vegas\"\n", + "\"system\": \"7 : 40 am $ 37 4 buses 0 transfers\"\n", + "\"user\": \"what bus station ?\"\n", + "\"system\": \"it is union plaza\"\n", + "\"user\": \"what station am i departing ?\"\n", + "\"system\": \"it is union station\"\n", + "\"user\": \"that is good\"\n", + "\"system\": \"wanna get tickets ?\"\n", + "\"user\": \"yes i do\"\n", + "\"system\": \"how many then ?\"\n", + "\"user\": \"it is three people\"\n", + "\"system\": \"las vegas los angeles march 6th 7 : 40 am 3 people\"\n", + "\"user\": \"yes that works\"\n", + "\"system\": \"it is confirmed\"\n", + "\"user\": \"thanks a lot\"\n", + "\"system\": \"6 hotels best western plus las vegas west 3 stars\"\n", + "\"user\": \"sounds very good\"\n", + "\"system\": \"wanna get it ?\"\n", + "\"user\": \"i do not\"\n", + "\"system\": \"bye bye then\"\n", + "\n", + "terms: ['best western plus las vegas west', 'los angeles', '3', '4', 'buses', 'hotels', '0', '$ 37', '7 : 40 am', 'march 6th', 'three', 'vegas', 'las vegas']\n", + "relations: [['fare', 'has value', '$ 37'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'union plaza'], ['hotels', 'has slot', 'reservehotel'], ['las vegas', 'has domain', 'buses'], ['the 6th', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'march 6th'], ['vegas', 'has domain', 'buses'], ['from location', 'has value', 'lax'], ['best western plus las vegas west', 'has domain', 'hotels'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['to location', 'has value', 'vegas'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['count', 'has value', '4'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'the 6th'], ['travelers', 'has value', '3'], ['star rating', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['6', 'has domain', 'hotels'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['march 6th', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['place name', 'has value', 'best western plus las vegas west'], ['3', 'has domain', 'buses'], ['union plaza', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['from location', 'has value', 'los angeles'], ['to location', 'has value', 'las vegas'], ['los angeles', 'refers to same concept as', 'lax'], ['count', 'has value', '6'], ['leaving time', 'has value', '7 : 40 am'], ['buses', 'has slot', 'transfers'], ['$ 37', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['los angeles', 'has domain', 'buses'], ['lax', 'has domain', 'buses'], ['3', 'refers to same concept as', 'three'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-925\n", + "dialogue: \"user\": \"i need to find a bus .\"\n", + "\"system\": \"what is your departure date and destination ?\"\n", + "\"user\": \"i want to go to anaheim on the 5th of this month .\"\n", + "\"system\": \"what is your departure city ?\"\n", + "\"user\": \"i ' m leaving from vegas .\"\n", + "\"system\": \"i found a 2 : 10 pm departure with 0 transfers . it costs $ 36 .\"\n", + "\"user\": \"sounds good . can you reserve me a seat on this bus ?\"\n", + "\"system\": \"sure . how many tickets will you need ?\"\n", + "\"user\": \"i need 4 tickets .\"\n", + "\"system\": \"can you confirm the following information ? you need 4 tickets for the las vegas to anaheim bus departing on march 5th at 2 : 10 pm . is this correct ?\"\n", + "\"user\": \"yes , that works .\"\n", + "\"system\": \"i have confirmed your reservation .\"\n", + "\"user\": \"thanks for your help . can you find me some nearby hotels ?\"\n", + "\"system\": \"i have found 10 hotels . how about the anaheim desert inn and suites ? it is a nice 2 star hotel .\"\n", + "\"user\": \"sounds great . that ' s all i need for now .\"\n", + "\"system\": \"have a good day . goodbye !\"\n", + "\n", + "terms: ['transfers', '$ 36', 'anaheim', 'anaheim desert inn and suites', '4', 'march 5th', '2', 'hotels', '0', '5th of this month', '2 : 10 pm', '10', 'vegas', 'las vegas']\n", + "relations: [['march 5th', 'has domain', 'buses'], ['2 : 10 pm', 'has domain', 'buses'], ['las vegas', 'has domain', 'buses'], ['fare', 'has value', '$ 36'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['anaheim desert inn and suites', 'has domain', 'hotels'], ['5th of this month', 'has domain', 'buses'], ['vegas', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'hotels'], ['4', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', 'march 5th'], ['from location', 'has value', 'las vegas'], ['leaving time', 'has value', '2 : 10 pm'], ['to location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['travelers', 'has value', '4'], ['place name', 'has value', 'anaheim desert inn and suites'], ['las vegas', 'refers to same concept as', 'vegas'], ['leaving date', 'has value', '5th of this month'], ['hotels', 'has slot', 'place name'], ['$ 36', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-926\n", + "dialogue: \"user\": \"i need a bus ride .\"\n", + "\"system\": \"what day are you departing and where are you going to ?\"\n", + "\"user\": \"i am departing thursday next week and am headed to sd .\"\n", + "\"system\": \"what city are you departing from ?\"\n", + "\"user\": \"i will be departing fresno .\"\n", + "\"system\": \"search revealed 6 results . a bus has 0 transfers , a 6 am departure time and a cost of $ 44 .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"shall i get you bus tickets ?\"\n", + "\"user\": \"yes , book me bus tickets .\"\n", + "\"system\": \"how many people are going ?\"\n", + "\"user\": \"get me four tickets .\"\n", + "\"system\": \"you want 4 tickets for a bus departing march 7th at 6 am out of fresno and heading to san diego . is that right ?\"\n", + "\"user\": \"that is right . what is the departure station ?\"\n", + "\"system\": \"your tickets are booked and you will be departing fresno station .\"\n", + "\"user\": \"thanks a bunch . i need a hotel near there too .\"\n", + "\"system\": \"bahia resort hotel is rated 3 stars .\"\n", + "\"user\": \"what is their location and contact number ?\"\n", + "\"system\": \"you can contact them at + 1 858 - 539 - 8666 and you can visit them at 998 west mission bay drive .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"do you want to book a hotel room now ?\"\n", + "\"user\": \"no , not right now . thanks .\"\n", + "\"system\": \"have a great day , goodbye .\"\n", + "\n", + "terms: ['6', 'fresno station', 'transfers', '998 west mission bay drive', '+ 1 858 - 539 - 8666', '6 am', 'march 7th', 'thursday next week', '3', 'fresno', '4', 'sd', '0', '$ 44', 'san diego']\n", + "relations: [['to location', 'has value', 'sd'], ['fresno station', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['+ 1 858 - 539 - 8666', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['998 west mission bay drive', 'has domain', 'hotels'], ['place name', 'has value', 'bahia resort hotel'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['6', 'has domain', 'buses'], ['leaving date', 'has value', 'thursday next week'], ['from location', 'has value', 'fresno'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['sd', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['street address', 'has value', '998 west mission bay drive'], ['thursday next week', 'has domain', 'buses'], ['hotels', 'has slot', 'phone number'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['phone number', 'has value', '+ 1 858 - 539 - 8666'], ['march 7th', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['$ 44', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['6 am', 'has domain', 'buses'], ['4', 'refers to same concept as', '$ 4'], ['san diego', 'refers to same concept as', 'sd'], ['leaving date', 'has value', 'march 7th'], ['3', 'has domain', 'hotels'], ['leaving time', 'has value', '6 am'], ['count', 'has value', '6'], ['fare', 'has value', '$ 44'], ['buses', 'has slot', 'transfers'], ['hotels', 'has slot', 'street address'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['bahia resort hotel', 'has domain', 'hotels'], ['to location', 'has value', 'san diego'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['from station', 'has value', 'fresno station']]\n", + "\n", + "dialogue id: sgd-validation-927\n", + "dialogue: \"user\": \"can you assist me with finding a bus ?\"\n", + "\"system\": \"where is your point of departure ? where are you headed to and when do you want to leave ?\"\n", + "\"user\": \"i am departing from anaheim and going to sd . i want to leave on march 13th .\"\n", + "\"system\": \"i have found 9 buses for you . what do you think of the one leaving at 6 am ? the cost is $ 23 and there are 0 transfers .\"\n", + "\"user\": \"that sounds fine . i would like to make a reservation on that bus .\"\n", + "\"system\": \"what number of tickets do you want ?\"\n", + "\"user\": \"i need tickets for 2 people .\"\n", + "\"system\": \"confirm these details for me : you would like tickets for 2 people on march 13th on the bus leaving anaheim at 6 am and going to san diego .\"\n", + "\"user\": \"yes that would be fine .\"\n", + "\"system\": \"your ticket is successfully confirmed .\"\n", + "\"user\": \"thanks very much for your help . can you find some hotels in that area as well ? i would like 2 rooms in a 3 star hotel .\"\n", + "\"system\": \"i have located 10 hotels that meet your specifications . one 3 star hotel i found is bahia resort hotel .\"\n", + "\"user\": \"how much does that cost per night ? does the hotel allow smoking ?\"\n", + "\"system\": \"no , there is no smoking allowed there . the price is $ 189 each night .\"\n", + "\"user\": \"that sounds very good .\"\n", + "\"system\": \"do you want to make a reservation at the hotel right now ?\"\n", + "\"user\": \"i don ' t want to reserve the hotel right now .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"no , thank you very much , you ' ve been very helpful .\"\n", + "\"system\": \"goodbye , have a fine day !\"\n", + "\n", + "terms: ['march 13th', 'transfers', 'bahia resort hotel', 'anaheim', '6 am', '3', 'buses', 'sd', '$ 23', '2', '0', 'hotels', 'smoking allowed', '$ 189', '10', '9', 'san diego']\n", + "relations: [['to location', 'has value', 'sd'], ['hotels', 'has slot', 'reservehotel'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['place name', 'has value', 'bahia resort hotel'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['sd', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 13th'], ['star rating', 'has value', '3'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'hotels'], ['hotels', 'has slot', 'star rating'], ['price per night', 'has value', '$ 189'], ['buses', 'has slot', 'buybusticket'], ['6 am', 'has domain', 'buses'], ['fare', 'has value', '$ 23'], ['hotels', 'has slot', 'number of rooms'], ['number of rooms', 'has value', '2'], ['count', 'has value', '9'], ['$ 189', 'has domain', 'hotels'], ['2', 'refers to same concept as', '$ 2'], ['san diego', 'refers to same concept as', 'sd'], ['3', 'has domain', 'hotels'], ['leaving time', 'has value', '6 am'], ['march 13th', 'has domain', 'buses'], ['smoking allowed', 'has value', 'false'], ['hotels', 'has slot', 'smoking allowed'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['false', 'has domain', 'hotels'], ['9', 'has domain', 'buses'], ['bahia resort hotel', 'has domain', 'hotels'], ['to location', 'has value', 'san diego'], ['hotels', 'has slot', 'place name'], ['$ 23', 'has domain', 'buses'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-928\n", + "dialogue: \"user\": \"will you help me search for a bus leaving the 12th of march to anaheim .\"\n", + "\"system\": \"where are you departing from ?\"\n", + "\"user\": \"i am departing on the 9th for two people from sacramento , ca .\"\n", + "\"system\": \"i have 8 buses departing 7 : 40 am costing $ 64 with 1 transfer .\"\n", + "\"user\": \"that is good .\"\n", + "\"system\": \"would you like to buy bus tickets ?\"\n", + "\"user\": \"i do want to reserve tickets .\"\n", + "\"system\": \"please confirm tickets from sacramento to anaheim leaving march 9th 7 : 40 am for 2 .\"\n", + "\"user\": \"yes , that is good . what bus station am i going to ?\"\n", + "\"system\": \"the ticket is confirmed with a destination of anaheim intermodal center .\"\n", + "\"user\": \"what is the departure station ?\"\n", + "\"system\": \"the origination station would be sacramento valley station .\"\n", + "\"user\": \"thanks for the help . can you find 1 room three star hotels there too ?\"\n", + "\"system\": \"how about a 3 star anaheim majestic garden hotel ?\"\n", + "\"user\": \"tell me their number .\"\n", + "\"system\": \"the number is + 1 714 - 778 - 1700 .\"\n", + "\"user\": \"that is good .\"\n", + "\"system\": \"do you wish to reserve the hotel ?\"\n", + "\"user\": \"i don ' t want any reservations now .\"\n", + "\"system\": \"what else can i assist with ?\"\n", + "\"user\": \"no thanks that has been helpful .\"\n", + "\"system\": \"bye and have a nice day .\"\n", + "\n", + "terms: ['$ 64', 'anaheim', 'buses', '2', 'sacramento valley station', 'anaheim majestic garden hotel', 'march 9th', '12th of march', '+ 1 714 - 778 - 1700', '7 : 40 am', 'anaheim intermodal center', '8', 'sacramento', 'hotels', 'sacramento , ca', '3', 'the 9th', 'two', 'three', '1']\n", + "relations: [['buses', 'has slot', 'to station'], ['hotels', 'has slot', 'reservehotel'], ['+ 1 714 - 778 - 1700', 'has domain', 'hotels'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['from location', 'has value', 'sacramento'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['count', 'has value', '8'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['place name', 'has value', 'anaheim majestic garden hotel'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['the 9th', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['sacramento , ca', 'has domain', 'buses'], ['star rating', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['to station', 'has value', 'anaheim intermodal center'], ['hotels', 'has slot', 'phone number'], ['buses', 'has slot', 'findbus'], ['from station', 'has value', 'sacramento valley station'], ['phone number', 'has value', '+ 1 714 - 778 - 1700'], ['leaving date', 'has value', 'the 9th'], ['8', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['leaving date', 'has value', 'march 9th'], ['hotels', 'has slot', 'star rating'], ['$ 64', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', '12th of march'], ['transfers', 'has value', '1'], ['hotels', 'has slot', 'number of rooms'], ['from location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'hotels'], ['anaheim majestic garden hotel', 'has domain', 'hotels'], ['to location', 'has value', 'anaheim'], ['leaving time', 'has value', '7 : 40 am'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['12th of march', 'has domain', 'buses'], ['fare', 'has value', '$ 64'], ['anaheim intermodal center', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-929\n", + "dialogue: \"user\": \"could you help me find a bus to take ?\"\n", + "\"system\": \"sure , where would you like to depart from ?\"\n", + "\"user\": \"i ' m taking the bus out of la .\"\n", + "\"system\": \"okay , where are you headed and which day would you like to go ?\"\n", + "\"user\": \"i want to arrive in fresno on the 13th of this month .\"\n", + "\"system\": \"you could take 9 different buses . there ' s one that leaves at 7 : 30 am and has 0 transfers , costing $ 45 .\"\n", + "\"user\": \"yeah , that works for me .\"\n", + "\"system\": \"would you like to purchase tickets for it ?\"\n", + "\"user\": \"yes please , i need tickets for 3 people .\"\n", + "\"system\": \"okay , please confirm : 3 bus tickets from los angeles to fresno , leaving at 7 : 30 am on march 13th .\"\n", + "\"user\": \"yep , that ' s great . what station will i depart and which station will i get into ?\"\n", + "\"system\": \"the tickets have been purchased . you will leave union station and arrive at fresno station .\"\n", + "\"user\": \"thanks so much ! can you find hotels for my trip there ?\"\n", + "\"system\": \"yeah , you could try the doubletree by hilton hotel fresno convention center , which has 3 stars .\"\n", + "\"user\": \"yeah , that sounds perfect for me . i don ' t need any more help right now .\"\n", + "\"system\": \"okay , goodbye and hope you have a good rest of the day .\"\n", + "\n", + "terms: ['march 13th', 'fresno station', 'transfers', 'los angeles', 'union station', '3', 'la', 'fresno', 'buses', 'hotels', '0', '$ 45', '7 : 30 am', '13th of this month', '9', 'doubletree by hilton hotel fresno convention center']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['doubletree by hilton hotel fresno convention center', 'has domain', 'hotels'], ['from location', 'has value', 'la'], ['buses', 'has slot', 'leaving time'], ['$ 45', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['fare', 'has value', '$ 45'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'fresno'], ['hotels', 'has slot', 'searchhotel'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['leaving date', 'has value', 'march 13th'], ['star rating', 'has value', '3'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['la', 'has domain', 'buses'], ['leaving date', 'has value', '13th of this month'], ['13th of this month', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['place name', 'has value', 'doubletree by hilton hotel fresno convention center'], ['los angeles', 'refers to same concept as', 'la'], ['count', 'has value', '9'], ['3', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['from location', 'has value', 'los angeles'], ['march 13th', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 30 am'], ['buses', 'has slot', 'transfers'], ['9', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['7 : 30 am', 'has domain', 'buses'], ['to station', 'has value', 'fresno station'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-930\n", + "dialogue: \"user\": \"would you help me find a bus ?\"\n", + "\"system\": \"where do you want to leave from and when ?\"\n", + "\"user\": \"i will leave from los angeles on the 4th of this month .\"\n", + "\"system\": \"where will you go ?\"\n", + "\"user\": \"i ' m going to long beach , ca .\"\n", + "\"system\": \"what about a bus leaving at 6 : 30 am that costs $ 12 with 0 transfers ?\"\n", + "\"user\": \"do you have something else available ? i would like to go to san fran for one .\"\n", + "\"system\": \"what about a bus leaving at 6 : 20 am that costs $ 44 with 0 transfers\"\n", + "\"user\": \"which bus station will i reach and which bus station do i leave from ?\"\n", + "\"system\": \"you leave union station and go to salesforce transit center .\"\n", + "\"user\": \"that sounds good . reserve that bus .\"\n", + "\"system\": \"could you confirm that you want to leave from los angeles to san francisco on march 4th for 1 at 6 : 20 am ?\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"your ticket has been confirmed .\"\n", + "\"user\": \"would you look for hotels in that area as well ?\"\n", + "\"system\": \"there is a 1 star amsterdam hostel san francisco .\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"bye , have a good one .\"\n", + "\n", + "terms: ['san fran', 'transfers', 'salesforce transit center', 'los angeles', 'union station', '4th of this month', '6 : 30 am', 'san francisco', 'one', 'long beach , ca', 'hotels', '0', 'amsterdam hostel san francisco', '$ 44', 'march 4th', '1', '6 : 20 am', '$ 12']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'salesforce transit center'], ['buses', 'has slot', 'leaving time'], ['6 : 20 am', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['fare', 'has value', '$ 12'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'san fran'], ['from station', 'has value', 'union station'], ['san francisco', 'has domain', 'buses'], ['leaving time', 'has value', '6 : 30 am'], ['$ 12', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['salesforce transit center', 'has domain', 'buses'], ['star rating', 'has value', '1'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4th of this month', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['6 : 30 am', 'has domain', 'buses'], ['to location', 'has value', 'long beach , ca'], ['$ 44', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['amsterdam hostel san francisco', 'has domain', 'hotels'], ['los angeles', 'refers to same concept as', 'la'], ['long beach , ca', 'has domain', 'buses'], ['leaving time', 'has value', '6 : 20 am'], ['from location', 'has value', 'los angeles'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'san francisco'], ['fare', 'has value', '$ 44'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['san fran', 'has domain', 'buses'], ['1', 'has domain', 'hotels'], ['march 4th', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['leaving date', 'has value', '4th of this month'], ['hotels', 'has slot', 'place name'], ['place name', 'has value', 'amsterdam hostel san francisco'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-931\n", + "dialogue: \"user\": \"i need help finding a bus for four people , leaving sacramento , ca on the 13th of march .\"\n", + "\"system\": \"sure , where are you headed ?\"\n", + "\"user\": \"i want to end up in sf .\"\n", + "\"system\": \"there are 10 buses you could take . there ' s one leaving at 7 : 40 am with 0 transfers , and it costs $ 22 .\"\n", + "\"user\": \"that works , i ' d like to book tickets .\"\n", + "\"system\": \"great , confirming tickets for 4 people traveling from sacramento to san francisco at 7 : 40 am on march 13th .\"\n", + "\"user\": \"that ' s exactly right .\"\n", + "\"system\": \"the ticket has been purchased .\"\n", + "\"user\": \"cool , what station am i leaving and which will i reach ?\"\n", + "\"system\": \"you ' ll depart from sacramento valley station and you ' ll arrive into salesforce transit center .\"\n", + "\"user\": \"thanks so much , i ' d also like to find two rooms in a two star hotel for my stay .\"\n", + "\"system\": \"how about beck ' s motor lodge , which has 2 stars ?\"\n", + "\"user\": \"that sounds great ! i don ' t need more help right now .\"\n", + "\"system\": \"okay , goodbye , have a nice day !\"\n", + "\n", + "terms: ['buses', 'sacramento valley station', '2', \"beck ' s motor lodge\", 'march 13th', '$ 22', '7 : 40 am', '13th of march', 'salesforce transit center', 'sacramento', 'sf', 'four', 'sacramento , ca', 'transfers', '4', '0', 'two', '10', 'san francisco']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'salesforce transit center'], ['leaving date', 'has value', '13th of march'], ['from location', 'has value', 'sacramento'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['$ 22', 'has domain', 'buses'], [\"beck ' s motor lodge\", 'has domain', 'hotels'], ['san francisco', 'refers to same concept as', 'sfo'], ['13th of march', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['0', 'has domain', 'buses'], ['leaving date', 'has value', 'march 13th'], ['salesforce transit center', 'has domain', 'buses'], ['7 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['from station', 'has value', 'sacramento valley station'], ['4', 'refers to same concept as', 'four'], ['place name', 'has value', \"beck ' s motor lodge\"], ['4', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['to location', 'has value', 'sf'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['hotels', 'has slot', 'number of rooms'], ['sf', 'has domain', 'buses'], ['number of rooms', 'has value', '2'], ['from location', 'has value', 'sacramento , ca'], ['fare', 'has value', '$ 22'], ['march 13th', 'has domain', 'buses'], ['to location', 'has value', 'san francisco'], ['leaving time', 'has value', '7 : 40 am'], ['buses', 'has slot', 'transfers'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-932\n", + "dialogue: \"user\": \"i need to find a bus .\"\n", + "\"system\": \"where would you like to depart from . where would you like to travel to ?\"\n", + "\"user\": \"i need to leave from portland to seattle .\"\n", + "\"system\": \"when would you like to depart ? which date ?\"\n", + "\"user\": \"i need to leave on the 5th of march .\"\n", + "\"system\": \"there are 8 buses which match your description . there is a bus departing at 8 : 40 am and the ticket price is $ 31 . this route has 0 transfers .\"\n", + "\"user\": \"that sounds great .\"\n", + "\"system\": \"would you like to purchase these tickets now ?\"\n", + "\"user\": \"yeah , reserve these .\"\n", + "\"system\": \"how many tickets would you like to purchase ?\"\n", + "\"user\": \"i need them for 3 people .\"\n", + "\"system\": \"please confirm the following information : you would like a bus ticket leaving from portland . the destination is seattle and the bus it to depart on march 5th . it is to depart at 8 : 40 am , and there are 3 people in your party . is this correct ?\"\n", + "\"user\": \"yes , that ' s it .\"\n", + "\"system\": \"your ticket has now been confirmed .\"\n", + "\"user\": \"can you book hotels in this area ?\"\n", + "\"system\": \"there are 10 hotels which match your criteria . there is one called ace hotel seattle . it ' s a 2 star hotel .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"would you like to make a reservation ?\"\n", + "\"user\": \"i don ' t want the reservation now .\"\n", + "\"system\": \"is there anything else that i may help you with ?\"\n", + "\"user\": \"no , but thank you !\"\n", + "\"system\": \"of course . have a wonderful day .\"\n", + "\n", + "terms: ['5th of march', 'transfers', 'ace hotel seattle', '8 : 40 am', 'seattle', '$ 31', 'buses', '3', '8', 'march 5th', '0', 'hotels', '2', '10', 'portland']\n", + "relations: [['march 5th', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['fare', 'has value', '$ 31'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['count', 'has value', '8'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['8 : 40 am', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['5th of march', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['leaving date', 'has value', '5th of march'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['$ 31', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['portland', 'has domain', 'buses'], ['3', 'refers to same concept as', '$ 3'], ['10', 'has domain', 'hotels'], ['8', 'has domain', 'buses'], ['ace hotel seattle', 'has domain', 'hotels'], ['hotels', 'has slot', 'star rating'], ['place name', 'has value', 'ace hotel seattle'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['3', 'has domain', 'buses'], ['leaving date', 'has value', 'march 5th'], ['leaving time', 'has value', '8 : 40 am'], ['seattle', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['to location', 'has value', 'seattle'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-933\n", + "dialogue: \"user\": \"please help me find a bus to sacramento , ca .\"\n", + "\"system\": \"what ' s your departure location ?\"\n", + "\"user\": \"i will be travelling from san francisco .\"\n", + "\"system\": \"ok , now please tell me when do you plan to travel .\"\n", + "\"user\": \"i ' ll be travelling saturday this week .\"\n", + "\"system\": \"i found a bus for you with 0 transfers , leaving at 7 : 20 am . the ticket is priced ad $ 25 .\"\n", + "\"user\": \"anything else available ? please find me one ticket for a bus to sd .\"\n", + "\"system\": \"i found a bus for you with 0 transfers , leaving at 11 am . the ticket is priced ad $ 55 .\"\n", + "\"user\": \"sounds perfect for me .\"\n", + "\"system\": \"shall i buy the ticket for you ?\"\n", + "\"user\": \"yes , please do .\"\n", + "\"system\": \"can you please confirm that you want me to purchase 1 ticket for the bus leaving from san francisco to san diego an 11 am on march 2nd ?\"\n", + "\"user\": \"yes , that ' s correct . please tell me the departure station .\"\n", + "\"system\": \"i ' ve successfully booked your ticket . you ' ll be departing from salesforce transit center .\"\n", + "\"user\": \"can yo please tell me the destination station ?\"\n", + "\"system\": \"sure , you ' ll be arriving at santa fe depot .\"\n", + "\"user\": \"perfect , thanks ! now please find me one room in a four star hotel at destination .\"\n", + "\"system\": \"there ' s 10 meeting your criteria out of which i recommend catamaran resort hotel and spa , a very nice 4 star hotel .\"\n", + "\"user\": \"sounds prefect to me .\"\n", + "\"system\": \"do you want me to book a room for you ?\"\n", + "\"user\": \"no , not at the moment .\"\n", + "\"system\": \"is there anything else i could do for you ?\"\n", + "\"user\": \"no , not at the moment , thank you !\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['santa fe depot', 'san diego', '11 am', 'catamaran resort hotel and spa', 'sd', 'march 2nd', 'salesforce transit center', '7 : 20 am', 'one', 'four', 'sacramento , ca', 'transfers', '$ 55', 'catamaran resort hotel', 'saturday this week', '$ 25', '4', '0', '10', '1', 'san francisco']\n", + "relations: [['to location', 'has value', 'sd'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'santa fe depot'], ['hotels', 'has slot', 'reservehotel'], ['from station', 'has value', 'salesforce transit center'], ['march 2nd', 'has domain', 'buses'], ['$ 25', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '7 : 20 am'], ['7 : 20 am', 'has domain', 'buses'], ['place name', 'has value', 'catamaran resort hotel and spa'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['catamaran resort hotel and spa', 'refers to same concept as', 'catamaran resort hotel'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['sacramento , ca', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['sd', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['10', 'has domain', 'hotels'], ['leaving time', 'has value', '11 am'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['hotels', 'has slot', 'number of rooms'], ['leaving date', 'has value', 'march 2nd'], ['to location', 'has value', 'sacramento , ca'], ['fare', 'has value', '$ 55'], ['san diego', 'refers to same concept as', 'sd'], ['1', 'refers to same concept as', 'one'], ['catamaran resort hotel and spa', 'has domain', 'hotels'], ['1', 'has domain', 'buses'], ['from location', 'has value', 'san francisco'], ['buses', 'has slot', 'transfers'], ['saturday this week', 'has domain', 'buses'], ['1', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['star rating', 'has value', '4'], ['leaving date', 'has value', 'saturday this week'], ['$ 55', 'has domain', 'buses'], ['fare', 'has value', '$ 25'], ['11 am', 'has domain', 'buses'], ['to location', 'has value', 'san diego'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-934\n", + "dialogue: \"user\": \"would you help me search for a bus in anaheim , ca ?\"\n", + "\"system\": \"when do you want to leave ?\"\n", + "\"user\": \"i want to leave on the 4th .\"\n", + "\"system\": \"where will you leave from ?\"\n", + "\"user\": \"i will leave from san diego .\"\n", + "\"system\": \"what about a bus leaving at 10 : 10 am that costs $ 23 ? there are 0 transfers .\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"would you like to buy tickets ?\"\n", + "\"user\": \"yes , please reserve tickets for me .\"\n", + "\"system\": \"how many tickets would you like ?\"\n", + "\"user\": \"the tickets are for four people .\"\n", + "\"system\": \"could you confirm that you want to leave from san diego to anaheim on march 4th at 10 : 10 am for 4 ?\"\n", + "\"user\": \"works for me . which bus station will i leave from ?\"\n", + "\"system\": \"your ticket has been confirmed . you will leave from santa fe depot\"\n", + "\"user\": \"would you find hotels in that area as well ?\"\n", + "\"system\": \"i have 10 hotels that should work . what about the 2 star anaheim desert inn and suites ?\"\n", + "\"user\": \"perfect . that is it for now .\"\n", + "\"system\": \"goodbye , have a great day .\"\n", + "\n", + "terms: ['transfers', '10 : 10 am', 'the 4th', 'anaheim', 'anaheim desert inn and suites', 'anaheim , ca', '4', '2', '$ 23', 'hotels', '0', 'four', '10', 'march 4th', 'san diego']\n", + "relations: [['from station', 'has value', 'santa fe depot'], ['the 4th', 'has domain', 'buses'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['to location', 'has value', 'anaheim , ca'], ['anaheim desert inn and suites', 'has domain', 'hotels'], ['leaving time', 'has value', '10 : 10 am'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['anaheim', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['10 : 10 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['anaheim , ca', 'has domain', 'buses'], ['10', 'has domain', 'hotels'], ['4', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['fare', 'has value', '$ 23'], ['2', 'refers to same concept as', '$ 2'], ['to location', 'has value', 'anaheim'], ['buses', 'has slot', 'transfers'], ['march 4th', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['leaving date', 'has value', 'the 4th'], ['from location', 'has value', 'san diego'], ['place name', 'has value', 'anaheim desert inn and suites'], ['hotels', 'has slot', 'place name'], ['$ 23', 'has domain', 'buses'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-935\n", + "dialogue: \"user\": \"i will need to get a bus soon . can you find something for me ?\"\n", + "\"system\": \"where will you leave from ? to where will you go ?\"\n", + "\"user\": \"look for something for 1 person from san diego to fresno , ca .\"\n", + "\"system\": \"when do you want to leave ?\"\n", + "\"user\": \"i will leave on march 9th .\"\n", + "\"system\": \"there is a bus that departs at 8 : 50 am and has 0 transfers . it has a cost of $ 48 .\"\n", + "\"user\": \"what other buses are there . i might go with some friends . look for four people .\"\n", + "\"system\": \"there is a bus that departs at 10 : 30 am and has 0 transfers . it has a cost of $ 47 per ticket .\"\n", + "\"user\": \"that one sounds great , please book it .\"\n", + "\"system\": \"please confirm : booking 4 bus tickets from san diego to fresno on march 9th at 10 : 30 am .\"\n", + "\"user\": \"that is correct . from which station does it departs and to which ones it arrives ?\"\n", + "\"system\": \"the tickets have been booked . it departs from santa fe depot and arrives to fresno station .\"\n", + "\"user\": \"thanks a lot . i will also need a place to stay , what hotels are there ?\"\n", + "\"system\": \"there are 5 hotels for you . there is doubletree by hilton hotel fresno convention center , it has a 3 star rating .\"\n", + "\"user\": \"how can i contact them ? what is the cost per night ?\"\n", + "\"system\": \"their phone number is + 1 559 - 268 - 1000 and it has a cost of $ 222 per night .\"\n", + "\"user\": \"that sounds great , that would be all for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['fresno', 'buses', '$ 48', 'santa fe depot', 'march 9th', 'san diego', '+ 1 559 - 268 - 1000', '$ 222', '8 : 50 am', '10 : 30 am', 'one', '5', 'hotels', 'fresno , ca', '$ 47', 'phone number', 'fresno station', 'transfers', '3', '4', '0', 'star rating', '1', 'doubletree by hilton hotel fresno convention center']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['from station', 'has value', 'santa fe depot'], ['doubletree by hilton hotel fresno convention center', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['fresno , ca', 'has domain', 'buses'], ['fare', 'has value', '$ 47'], ['to location', 'has value', 'fresno'], ['hotels', 'has slot', 'searchhotel'], ['5', 'has domain', 'hotels'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['leaving time', 'has value', '10 : 30 am'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['santa fe depot', 'has domain', 'buses'], ['hotels', 'has slot', 'phone number'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['$ 222', 'has domain', 'hotels'], ['leaving time', 'has value', '8 : 50 am'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['4', 'has domain', 'buses'], ['leaving date', 'has value', 'march 9th'], ['to location', 'has value', 'fresno , ca'], ['8 : 50 am', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['phone number', 'has value', '+ 1 559 - 268 - 1000'], ['place name', 'has value', 'doubletree by hilton hotel fresno convention center'], ['4', 'refers to same concept as', '$ 4'], ['fare', 'has value', '$ 48'], ['$ 48', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['price per night', 'has value', '$ 222'], ['1', 'refers to same concept as', 'one'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['+ 1 559 - 268 - 1000', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['$ 47', 'has domain', 'buses'], ['from location', 'has value', 'san diego'], ['to station', 'has value', 'fresno station'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '5'], ['10 : 30 am', 'has domain', 'buses'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1375\n", + "dialogue: \"user\": \"i need to reserve a seat on the bus .\"\n", + "\"system\": \"where are you going ? what time are you leaving ?\"\n", + "\"user\": \"i am leaving for sacramento on 9 : 45 am .\"\n", + "\"system\": \"how many tickets ? where are you leaving from ?\"\n", + "\"user\": \"i need 4 tickets for later today . we are going to sf .\"\n", + "\"system\": \"please confirm , leaving san francisco for sacramento on march 1st at 9 : 45 am for 4 people .\"\n", + "\"user\": \"that is perfect . what is the name of the station i am leaving from ?\"\n", + "\"system\": \"the origin station is salesforce transit center . that ticket is was unavailable . i found another option leaving at 9 : 40 am for $ 25 .\"\n", + "\"user\": \"yes , that is perfect .\"\n", + "\"system\": \"your ticket is confirmed .\"\n", + "\"user\": \"thanks ! i also need one hotel room while i ' m there .\"\n", + "\"system\": \"i found a hotel called best western plus sutter house . it is a 1 star hotel .\"\n", + "\"user\": \"ok . i want to reserve for seven days beginning next monday .\"\n", + "\"system\": \"please confirm , staying 7 days at best western plus sutter house beginning on march 4th in sacramento . you needed 1 room .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your hotel has been reserved .\"\n", + "\"user\": \"what is the phone number ?\"\n", + "\"system\": \"the phone number is + 1 916 - 441 - 1314 .\"\n", + "\"user\": \"thanks .\"\n", + "\"system\": \"anything else ?\"\n", + "\"user\": \"no , that is all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['march 1st', '+ 1 916 - 441 - 1314', '7', 'march 4th', 'best western plus sutter house', 'salesforce transit center', 'one', 'sacramento', 'sf', 'phone number', 'later today', '9 : 45 am', '4', '$ 25', '9 : 40 am', 'seven', 'next monday', '1', 'san francisco']\n", + "relations: [['7', 'has domain', 'hotels'], ['hotels', 'has slot', 'reservehotel'], ['to location', 'has value', 'sacramento'], ['from station', 'has value', 'salesforce transit center'], ['$ 25', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['place name', 'has value', 'best western plus sutter house'], ['9 : 45 am', 'has domain', 'buses'], ['later today', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['buses', 'has slot', 'travelers'], ['salesforce transit center', 'has domain', 'buses'], ['leaving date', 'has value', 'march 1st'], ['9 : 40 am', 'has domain', 'buses'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'phone number'], ['7', 'refers to same concept as', 'seven'], ['leaving time', 'has value', '9 : 45 am'], ['seven', 'has domain', 'hotels'], ['hotels', 'has slot', 'location'], ['4', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['from location', 'has value', 'sf'], ['hotels', 'has slot', 'star rating'], ['sacramento', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['location', 'has value', 'sacramento'], ['march 1st', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['sf', 'has domain', 'buses'], ['next monday', 'has domain', 'hotels'], ['leaving time', 'has value', '9 : 40 am'], ['stay length', 'has value', 'seven'], ['1', 'refers to same concept as', 'one'], ['best western plus sutter house', 'has domain', 'hotels'], ['phone number', 'has value', '+ 1 916 - 441 - 1314'], ['stay length', 'has value', '7'], ['from location', 'has value', 'san francisco'], ['leaving date', 'has value', 'later today'], ['1', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['number of rooms', 'has value', '1'], ['check in date', 'has value', 'next monday'], ['march 4th', 'has domain', 'hotels'], ['fare', 'has value', '$ 25'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['check in date', 'has value', 'march 4th'], ['buses', 'has slot', 'fare'], ['+ 1 916 - 441 - 1314', 'has domain', 'hotels']]\n", + "\n", + "dialogue id: sgd-validation-1376\n", + "dialogue: \"user\": \"i ' m looking for a bus leaving from sacramento , ca .\"\n", + "\"system\": \"how many tickets ?\"\n", + "\"user\": \"i want four .\"\n", + "\"system\": \"what day and time did you want to leave ?\"\n", + "\"user\": \"the day after tomorrow around one in the afternoon .\"\n", + "\"system\": \"and where would you like to go ?\"\n", + "\"user\": \"i ' m going to sf .\"\n", + "\"system\": \"to confirm : you would like 4 tickets on a bus from sacramento to san francisco leaving at 1 pm march 3rd .\"\n", + "\"user\": \"on second thought make it the 1st of this month .\"\n", + "\"system\": \"that would be the bus leaving sacramento on march 1st .\"\n", + "\"user\": \"correct . what is the cost and which station will it arrive at ?\"\n", + "\"system\": \"tickets are $ 23 . it will arrive at salesforce transit center . your tickets are confirmed .\"\n", + "\"user\": \"perfect , thank you . could you check some hotels there ? i ' d like 1 room in a 3 star hotel .\"\n", + "\"system\": \"i found 10 3 star hotels . there ' s bei hotel san francisco .\"\n", + "\"user\": \"what ' s another one ?\"\n", + "\"system\": \"beresford arms hotel also has 3 stars .\"\n", + "\"user\": \"any more ?\"\n", + "\"system\": \"another 3 star is chancellor hotel on union square .\"\n", + "\"user\": \"how much is that one ?\"\n", + "\"system\": \"$ 102 a night .\"\n", + "\"user\": \"and their phone number ?\"\n", + "\"system\": \"its + 1 415 - 362 - 2004 .\"\n", + "\"user\": \"sounds good . can you make a reservation ?\"\n", + "\"system\": \"how long do you want to stay ?\"\n", + "\"user\": \"for 7 days .\"\n", + "\"system\": \"will you be checking in march 1st ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"please confirm : you want 1 room for 7 days at the chancellor hotel on union square in san francisco checking in march 1st .\"\n", + "\"user\": \"no make it six days instead . i ' d like to check in next monday .\"\n", + "\"system\": \"you would like to check in for 6 days on march 4th . is that correct .\"\n", + "\"user\": \"perfect . do they allow smoking in the hotel ? what ' s the address .\"\n", + "\"system\": \"433 powell street . no smoking is allowed . your reservation has been confirmed .\"\n", + "\"user\": \"you have been great , thanks . that ' s all i needed .\"\n", + "\"system\": \"have a great day . goodbye .\"\n", + "\n", + "terms: ['march 1st', '7', '1 pm', 'march 4th', '6', 'bei hotel san francisco', '$ 23', '1st of this month', 'one in the afternoon', 'salesforce transit center', 'san francisco', '+ 1 415 - 362 - 2004', 'one', 'sacramento', 'hotels', 'sf', 'four', 'phone number', 'sacramento , ca', 'chancellor hotel on union square', 'six', 'day after tomorrow', '3', '4', '10', 'next monday', '1', 'march 3rd']\n", + "relations: [['7', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['location', 'has value', 'san francisco'], ['buses', 'has slot', 'from location'], ['san francisco', 'has domain', 'hotels'], ['salesforce transit center', 'has domain', 'buses'], ['hotels', 'has slot', 'stay length'], ['4', 'refers to same concept as', 'four'], ['hotels', 'has slot', 'location'], ['hotels', 'has slot', 'star rating'], ['6', 'refers to same concept as', 'six'], ['next monday', 'has domain', 'hotels'], ['street address', 'has value', '433 powell street'], ['hotels', 'has slot', 'street address'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'place name'], ['check in date', 'has value', 'march 4th'], ['count', 'has value', '10'], ['leaving date', 'has value', 'march 3rd'], ['day after tomorrow', 'has domain', 'buses'], ['hotels', 'has slot', 'price per night'], ['leaving time', 'has value', 'one in the afternoon'], ['one in the afternoon', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['stay length', 'has value', '6'], ['1st of this month', 'has domain', 'buses'], ['march 1st', 'has domain', 'buses'], ['$ 102', 'has domain', 'hotels'], ['from location', 'has value', 'sacramento , ca'], ['phone number', 'has value', '+ 1 415 - 362 - 2004'], ['1', 'refers to same concept as', 'one'], ['leaving date', 'has value', '1st of this month'], ['place name', 'has value', 'beresford arms hotel'], ['false', 'has domain', 'hotels'], ['buses', 'has slot', 'fare'], ['hotels', 'has slot', 'reservehotel'], ['from location', 'has value', 'sacramento'], ['beresford arms hotel', 'has domain', 'hotels'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['6', 'has domain', 'hotels'], ['star rating', 'has value', '3'], ['price per night', 'has value', '$ 102'], ['+ 1 415 - 362 - 2004', 'has domain', 'hotels'], ['10', 'has domain', 'hotels'], ['sacramento', 'has domain', 'buses'], ['to location', 'has value', 'sf'], ['10', 'refers to same concept as', '$ 10'], ['fare', 'has value', '$ 23'], ['hotels', 'has slot', 'number of rooms'], ['3', 'has domain', 'hotels'], ['to location', 'has value', 'san francisco'], ['hotels', 'has slot', 'smoking allowed'], ['stay length', 'has value', 'six'], ['stay length', 'has value', '7'], ['march 3rd', 'has domain', 'buses'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['travelers', 'has value', '4'], ['$ 23', 'has domain', 'buses'], ['smoking allowed', 'has value', 'false'], ['place name', 'has value', 'chancellor hotel on union square'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'salesforce transit center'], ['check in date', 'has value', 'march 1st'], ['san francisco', 'refers to same concept as', 'sfo'], ['six', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'count'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['433 powell street', 'has domain', 'hotels'], ['hotels', 'has slot', 'phone number'], ['leaving date', 'has value', 'day after tomorrow'], ['4', 'has domain', 'buses'], ['leaving time', 'has value', '1 pm'], ['buses', 'has slot', 'buybusticket'], ['1 pm', 'has domain', 'buses'], ['sf', 'has domain', 'buses'], ['march 1st', 'has domain', 'hotels'], ['bei hotel san francisco', 'has domain', 'hotels'], ['place name', 'has value', 'bei hotel san francisco'], ['1', 'has domain', 'hotels'], ['check in date', 'has value', 'next monday'], ['march 4th', 'has domain', 'hotels'], ['hotels', 'has slot', 'check in date'], ['chancellor hotel on union square', 'has domain', 'hotels']]\n", + "\n", + "dialogue id: sgd-validation-1377\n", + "dialogue: \"user\": \"i need a bus to go to fresno\"\n", + "\"system\": \"what ' s the city of departure ?\"\n", + "\"user\": \"the city of departure is las vegas\"\n", + "\"system\": \"how many tickets do you want ? what day do you want to leave ? what time would you prefer ?\"\n", + "\"user\": \"i want two tickets . i ' d like to leave on 4th of march at afternoon 2\"\n", + "\"system\": \"a bus for 2 people form las vegas to fresno , on march 4th at 2 pm . is it correct ?\"\n", + "\"user\": \"no , i need a bus to long beach on the 1st\"\n", + "\"system\": \"a bus to long beach on march 1st . do you confirm ?\"\n", + "\"user\": \"yes , i confirm . what ' s the departure station ? does the journey include transfers ?\"\n", + "\"system\": \"the departure station is union plaza . the journey has 0 transfers . your ticket is booked !\"\n", + "\"user\": \"thanks a lot ! now i need a 4 star hotel there . i need one room\"\n", + "\"system\": \"there are 3 hotels . for example there ' s the 4 star hotel hyatt centric the pike long beach\"\n", + "\"user\": \"yes , it works for me !\"\n", + "\"system\": \"do you want to book there ?\"\n", + "\"user\": \"yes , please . i need a room from 8th of this month for six days\"\n", + "\"system\": \"1 rooms at hyatt centric the pike long beach in long beach , from march 8th for 6 days . do you confirm ?\"\n", + "\"user\": \"yes , i confirm . is it possible to smoke in the hotel ?\"\n", + "\"system\": \"your reservation is confirmed . no , it is a non - smoking hotel\"\n", + "\"user\": \"can i get the hotel street address ?\"\n", + "\"system\": \"sure ! the address is 285 bay street\"\n", + "\"user\": \"thank you so much for helping ! that ' s all\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['hyatt centric the pike', 'march 1st', 'fresno', '2', 'las vegas', 'march 4th', '6', '8th of this month', 'street address', '2 pm', '4th of march', 'hyatt centric the pike long beach', 'vegas', 'union plaza', 'one', 'hotels', 'six', 'transfers', 'long beach', '3', '4', '0', 'two', 'march 8th']\n", + "relations: [['place name', 'has value', 'hyatt centric the pike long beach'], ['hotels', 'has slot', 'reservehotel'], ['2', 'has domain', 'buses'], ['hyatt centric the pike long beach', 'has domain', 'hotels'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'the 1st'], ['check in date', 'has value', 'march 8th'], ['check in date', 'has value', '8th of this month'], ['fresno', 'has domain', 'buses'], ['six', 'has domain', 'hotels'], ['buses', 'has slot', 'from location'], ['location', 'has value', 'long beach'], ['to location', 'has value', 'fresno'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['2', 'refers to same concept as', 'two'], ['march 8th', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['6', 'has domain', 'hotels'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['afternoon 2', 'has domain', 'buses'], ['leaving time', 'has value', 'afternoon 2'], ['leaving date', 'has value', 'march 1st'], ['hotels', 'has slot', 'stay length'], ['transfers', 'has value', '0'], ['hotels', 'has slot', 'location'], ['stay length', 'has value', '6'], ['285 bay street', 'has domain', 'hotels'], ['4th of march', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['6', 'refers to same concept as', 'six'], ['march 1st', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['long beach', 'has domain', 'hotels'], ['union plaza', 'has domain', 'buses'], ['from location', 'has value', 'las vegas'], ['leaving time', 'has value', '2 pm'], ['3', 'has domain', 'hotels'], ['street address', 'has value', '285 bay street'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'long beach'], ['hotels', 'has slot', 'smoking allowed'], ['stay length', 'has value', 'six'], ['buses', 'has slot', 'transfers'], ['hotels', 'has slot', 'street address'], ['false', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['count', 'has value', '3'], ['march 4th', 'has domain', 'buses'], ['2 pm', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['star rating', 'has value', '4'], ['8th of this month', 'has domain', 'hotels'], ['hotels', 'has slot', 'check in date'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['leaving date', 'has value', '4th of march'], ['the 1st', 'has domain', 'buses'], ['smoking allowed', 'has value', 'false'], ['hyatt centric the pike long beach', 'refers to same concept as', 'hyatt centric the pike']]\n", + "\n", + "dialogue id: sgd-validation-1378\n", + "dialogue: \"user\": \"i need to reserve a bus ?\"\n", + "\"system\": \"how many tickets do you want and what time do you wish to leave ?\"\n", + "\"user\": \"one ticket and i want to leave at 11 : 30 in the morning .\"\n", + "\"system\": \"what day do you want to leave ? what is your destination and where are departing from ?\"\n", + "\"user\": \"i want to leave next friday . i am leaving from sacramento , ca and going to sd .\"\n", + "\"system\": \"please confirm : 1 ticket for a bus leaving at 11 : 30 am on march 8th from sacramento traveling to san diego .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"i was unable to purchase the ticket . how does a bus departing at 11 am sound ? it cost $ 75 .\"\n", + "\"user\": \"yes , that is fine .\"\n", + "\"system\": \"your ticket has been purchased .\"\n", + "\"user\": \"what are the number of transfers ?\"\n", + "\"system\": \"1 transfer .\"\n", + "\"user\": \"tyanks for the help . i need a hotel room in that area , one room .\"\n", + "\"system\": \"there is a 3 star hotel named bahia resort hotel .\"\n", + "\"user\": \"sounds great , can you reserve me a room ?\"\n", + "\"system\": \"how long do you want to stay ? will you be checking in on march 8th ?\"\n", + "\"user\": \"i want to check in on march 10th and stay for three days .\"\n", + "\"system\": \"please confrim : you want 1 room at bahia resort hotel in san diego . your check in date is march 10th with a 3 day stay .\"\n", + "\"user\": \"correct . what is the phone number and the price per night ?\"\n", + "\"system\": \"i booked the hotel . th phone number is + 1 858 - 539 - 8666 and the price is $ 117 per night .\"\n", + "\"user\": \"you have been really helpful , thanks .\"\n", + "\"system\": \"may i assist you with something else ?\"\n", + "\"user\": \"no thanks .\"\n", + "\"system\": \"good bye and enjoy the rest of your day !\"\n", + "\n", + "terms: ['check in date', '11 : 30 am', 'san diego', 'price per night', '11 am', '$ 117', 'sd', 'bahia resort hotel', 'one', 'sacramento', 'march 10th', 'phone number', 'next friday', 'sacramento , ca', 'transfers', '+ 1 858 - 539 - 8666', '$ 75', '3', '11 : 30 in the morning', 'three', '1', 'march 8th']\n", + "relations: [['leaving date', 'has value', 'next friday'], ['san diego', 'has domain', 'hotels'], ['to location', 'has value', 'sd'], ['hotels', 'has slot', 'reservehotel'], ['next friday', 'has domain', 'buses'], ['+ 1 858 - 539 - 8666', 'has domain', 'hotels'], ['from location', 'has value', 'sacramento'], ['buses', 'has slot', 'leaving time'], ['check in date', 'has value', 'march 8th'], ['hotels', 'has slot', 'price per night'], ['place name', 'has value', 'bahia resort hotel'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['11 : 30 in the morning', 'has domain', 'buses'], ['$ 75', 'has domain', 'buses'], ['three', 'has domain', 'hotels'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['fare', 'has value', '$ 75'], ['march 8th', 'has domain', 'hotels'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['sd', 'has domain', 'buses'], ['star rating', 'has value', '3'], ['location', 'has value', 'san diego'], ['hotels', 'has slot', 'stay length'], ['leaving time', 'has value', '11 : 30 in the morning'], ['hotels', 'has slot', 'phone number'], ['phone number', 'has value', '+ 1 858 - 539 - 8666'], ['hotels', 'has slot', 'location'], ['leaving date', 'has value', 'march 8th'], ['stay length', 'has value', '3'], ['stay length', 'has value', 'three'], ['sacramento', 'has domain', 'buses'], ['leaving time', 'has value', '11 am'], ['price per night', 'has value', '$ 117'], ['hotels', 'has slot', 'star rating'], ['check in date', 'has value', 'march 10th'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['hotels', 'has slot', 'number of rooms'], ['san diego', 'refers to same concept as', 'sd'], ['from location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['$ 117', 'has domain', 'hotels'], ['1', 'has domain', 'buses'], ['11 : 30 am', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['march 10th', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['leaving time', 'has value', '11 : 30 am'], ['number of rooms', 'has value', '1'], ['bahia resort hotel', 'has domain', 'hotels'], ['to location', 'has value', 'san diego'], ['11 am', 'has domain', 'buses'], ['hotels', 'has slot', 'check in date'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1379\n", + "dialogue: \"user\": \"i ' m looking for transportation to go to sacramento , ca . i was thinking about leaving from fresno , ca at morning 8 : 15\"\n", + "\"system\": \"you told me the time but not the date and how many seats you want to reserve\"\n", + "\"user\": \"you ' re right , the date is march 1st and the booking is for 4 people\"\n", + "\"system\": \"let ' s recap the request and see if it is correct . you want 4 tickets for a bus going to sacramento from fresno . you ' ll leave on march 1st at 8 : 15 am\"\n", + "\"user\": \"you ' re recap is spotless\"\n", + "\"system\": \"i ' m afraid i can ' t do what you asked me but you could leave at 8 : 20 am and it would cost you $ 28\"\n", + "\"user\": \"it ' s smart idea\"\n", + "\"system\": \"i managed to buy your tickets\"\n", + "\"user\": \"now it ' s about time that i start looking for an hotel room\"\n", + "\"system\": \"if you want to stay there for few days , you can book a room at best western plus sutter house , it ' s a 1 star hotel\"\n", + "\"user\": \"it ' s a good suggestion , i think i want to stay there\"\n", + "\"system\": \"how long to you need the room ?\"\n", + "\"user\": \"only 2 days\"\n", + "\"system\": \"do you think you ' ll check in on march 1st ?\"\n", + "\"user\": \"i need to check in on the 11th of this month and you have to book only 1 room\"\n", + "\"system\": \"confirm then your directions i am about to follow : you want 1 room at the best western plus sutter house in sacramento , your check in is on march 11th and you ' ll stay there for 2 days\"\n", + "\"user\": \"yes , do the procedure now and tell me the phone number and if i can smoke while there\"\n", + "\"system\": \"the room has been booked and no , you can ' t smoke while you ' re inside the hotel . for any question , the number to call is + 1 916 - 441 - 1314\"\n", + "\"user\": \"i really needed your services , thank you .\"\n", + "\"system\": \"i ' m always there for you . bye\"\n", + "\n", + "terms: ['8 : 20 am', 'march 11th', 'march 1st', '11th of this month', '1', '4', 'fresno', 'best western plus sutter house', '2', 'sacramento', 'fresno , ca', 'phone number', 'sacramento , ca']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['to location', 'has value', 'sacramento'], ['$ 28', 'has domain', 'buses'], ['2', 'has domain', 'hotels'], ['check in date', 'has value', 'march 1st'], ['buses', 'has slot', 'leaving time'], ['place name', 'has value', 'best western plus sutter house'], ['leaving time', 'has value', 'morning 8 : 15'], ['fresno', 'has domain', 'buses'], ['stay length', 'has value', '2'], ['11th of this month', 'has domain', 'hotels'], ['buses', 'has slot', 'from location'], ['check in date', 'has value', '11th of this month'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['fresno , ca', 'has domain', 'buses'], ['from location', 'has value', 'fresno'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['leaving time', 'has value', '8 : 15 am'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'phone number'], ['hotels', 'has slot', 'location'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['march 11th', 'has domain', 'hotels'], ['4', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['sacramento', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'fresno , ca'], ['march 1st', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['location', 'has value', 'sacramento'], ['to location', 'has value', 'sacramento , ca'], ['2', 'refers to same concept as', '$ 2'], ['march 1st', 'has domain', 'hotels'], ['8 : 15 am', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['morning 8 : 15', 'has domain', 'buses'], ['best western plus sutter house', 'has domain', 'hotels'], ['smoking allowed', 'has value', 'false'], ['hotels', 'has slot', 'smoking allowed'], ['phone number', 'has value', '+ 1 916 - 441 - 1314'], ['false', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['8 : 20 am', 'has domain', 'buses'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['check in date', 'has value', 'march 11th'], ['travelers', 'has value', '4'], ['leaving time', 'has value', '8 : 20 am'], ['fare', 'has value', '$ 28'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['+ 1 916 - 441 - 1314', 'has domain', 'hotels']]\n", + "\n", + "dialogue id: sgd-validation-1380\n", + "dialogue: \"user\": \"i need a bus .\"\n", + "\"system\": \"can you be a little more specific ?\"\n", + "\"user\": \"a bus from fresno on march 11th for four of us .\"\n", + "\"system\": \"and where would you like to go ?\"\n", + "\"user\": \"to san francisco .\"\n", + "\"system\": \"at what time ?\"\n", + "\"user\": \"2 o \" clock in the afternoon .\"\n", + "\"system\": \"4 to san francisco via fresno on march 11th at 2 pm ?\"\n", + "\"user\": \"that is right .\"\n", + "\"system\": \"sorry . no can do . what else ?\"\n", + "\"user\": \"try from sd .\"\n", + "\"system\": \"4 to san francisco via san diego on march 11th at 2 pm ?\"\n", + "\"user\": \"yes , try that .\"\n", + "\"system\": \"worked ! you have tickets .\"\n", + "\"user\": \"where do i go to catch the bus ? and how much is this going to set me back .\"\n", + "\"system\": \"$ 56 . head to santa fe depot to catch the bus .\"\n", + "\"user\": \"nice . how about a nearby 3 star hotel ?\"\n", + "\"system\": \"bei hotel san francisco should do the job . it has 3 stars .\"\n", + "\"user\": \"great . book it for 3 days .\"\n", + "\"system\": \"starting march 11th ?\"\n", + "\"user\": \"yes , thats the check - in .\"\n", + "\"system\": \"1 room for 3 days at bei hotel san francisco in san francisco on march 11th ?\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"ok . reservation is done .\"\n", + "\"user\": \"where are they exactly ? how can i get in touch with them .\"\n", + "\"system\": \"call them at + 1 415 - 626 - 6103 . they are at 50 8th street .\"\n", + "\"user\": \"very good . thanks .\"\n", + "\"system\": \"so what else ?\"\n", + "\"user\": \"nothing . i ' m good to go .\"\n", + "\"system\": \"glad i could help .\"\n", + "\n", + "terms: ['march 11th', '+ 1 415 - 626 - 6103', '50 8th street', 'bei hotel san francisco', '3', 'fresno', 'sd', '2 pm', 'four', 'santa fe depot', '1', 'san francisco', 'san diego']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['from station', 'has value', 'santa fe depot'], ['from location', 'has value', 'sd'], ['buses', 'has slot', 'leaving time'], ['+ 1 415 - 626 - 6103', 'has domain', 'hotels'], ['leaving date', 'has value', 'march 11th'], ['fresno', 'has domain', 'buses'], ['location', 'has value', 'san francisco'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['50 8th street', 'has domain', 'hotels'], ['from location', 'has value', 'fresno'], ['san francisco', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['buses', 'has slot', 'travelers'], ['leaving time', 'has value', '2 o \" clock in the afternoon'], ['sd', 'has domain', 'buses'], ['star rating', 'has value', '3'], ['san francisco', 'refers to same concept as', 'san fran'], ['santa fe depot', 'has domain', 'buses'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'phone number'], ['4', 'refers to same concept as', 'four'], ['hotels', 'has slot', 'location'], ['march 11th', 'has domain', 'buses'], ['stay length', 'has value', '3'], ['4', 'has domain', 'buses'], ['march 11th', 'has domain', 'hotels'], ['hotels', 'has slot', 'star rating'], ['phone number', 'has value', '+ 1 415 - 626 - 6103'], ['street address', 'has value', '50 8th street'], ['buses', 'has slot', 'buybusticket'], ['hotels', 'has slot', 'number of rooms'], ['san diego', 'refers to same concept as', 'sd'], ['fare', 'has value', '$ 56'], ['leaving time', 'has value', '2 pm'], ['3', 'has domain', 'hotels'], ['bei hotel san francisco', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'san francisco'], ['place name', 'has value', 'bei hotel san francisco'], ['hotels', 'has slot', 'street address'], ['1', 'has domain', 'hotels'], ['2 pm', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['check in date', 'has value', 'march 11th'], ['number of rooms', 'has value', '1'], ['from location', 'has value', 'san diego'], ['$ 56', 'has domain', 'buses'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['2 o \" clock in the afternoon', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1381\n", + "dialogue: \"user\": \"i would like to make a booking for a bus .\"\n", + "\"system\": \"can you tell me when are you planning to leave ?\"\n", + "\"user\": \"i will be leaving for the trip on 5th of this month .\"\n", + "\"system\": \"can you tell me from where will you be departing ?\"\n", + "\"user\": \"i will leave for my trip from fresno , ca .\"\n", + "\"system\": \"can you tell me which is your destination , and the time when you will be leaving ? how many tickets do you want to buy ?\"\n", + "\"user\": \"i need tickets just for one person . i want to leave for the trip at one in the afternoon , and my destination is vegas .\"\n", + "\"system\": \"can you please confirm that you want to buy tickets for 1 person for the bus which leaves from fresno on march 5th at 1 pm to go to las vegas ?\"\n", + "\"user\": \"yes that suits me well .\"\n", + "\"system\": \"i apologize but i could not buy the ticket . would you like to have ticket for the bus which leaves at 12 : 40 pm , and has a price of $ 39 ?\"\n", + "\"user\": \"yes that works well for me too .\"\n", + "\"system\": \"your requested ticket has been booked .\"\n", + "\"user\": \"can you tell me from which station will i be leaving ?\"\n", + "\"system\": \"your bus will be leaving from fresno station .\"\n", + "\"user\": \"which is the station that i will arrive at ?\"\n", + "\"system\": \"your bus will be arriving at union plaza .\"\n", + "\"user\": \"i thank you for the help . i also want to find a hotel in that area , so that i would have a place to stay in .\"\n", + "\"system\": \"you might consider the best western plus las vegas west , which is a 3 star hotel .\"\n", + "\"user\": \"can you tell me how much does it cost per night at this hotel ?\"\n", + "\"system\": \"staying at this hotel , will be costing you $ 117 per night .\"\n", + "\"user\": \"can you give me their phone number ? can i smoke at this hotel ?\"\n", + "\"system\": \"if you want to call them you can at + 1 702 - 256 - 3766 . unfortunately , smoking is not allowed at this hotel .\"\n", + "\"user\": \"seems nice . i would like to making a booking at this hotel .\"\n", + "\"system\": \"can you tell me how long will you stay at the hotel , and if you are going there on march 5th ?\"\n", + "\"user\": \"i want to stay at the hotel for four days , and i will go there on the 7th .\"\n", + "\"system\": \"can you please confirm that you want to book 1 room for 4 days at the best western plus las vegas west hotel in las vegas , and that you will go there on march 7th ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your requested room has been booked .\"\n", + "\"user\": \"can you give me their address ?\"\n", + "\"system\": \"the hotel can be found at the following address 8669 west sahara avenue .\"\n", + "\"user\": \"i appreciate it , since you have helped me a lot . that would be all for now .\"\n", + "\"system\": \"good bye ! have a wonderful time !\"\n", + "\n", + "terms: ['march 7th', 'fresno', '1 pm', '12 : 40 pm', '5th of this month', 'best western plus las vegas west', '$ 117', 'vegas', 'one in the afternoon', 'union plaza', 'the 7th', '$ 39', 'one', 'fresno , ca', 'four', 'phone number', 'fresno station', '3', '8669 west sahara avenue', '4', 'march 5th', '+ 1 702 - 256 - 3766', '1', 'las vegas']\n", + "relations: [['8669 west sahara avenue', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['location', 'has value', 'las vegas'], ['best western plus las vegas west', 'has domain', 'hotels'], ['buses', 'has slot', 'from location'], ['fresno , ca', 'has domain', 'buses'], ['phone number', 'has value', '+ 1 702 - 256 - 3766'], ['from location', 'has value', 'fresno'], ['check in date', 'has value', 'march 7th'], ['hotels', 'has slot', 'stay length'], ['4', 'refers to same concept as', 'four'], ['hotels', 'has slot', 'location'], ['hotels', 'has slot', 'star rating'], ['place name', 'has value', 'best western plus las vegas west'], ['union plaza', 'has domain', 'buses'], ['hotels', 'has slot', 'street address'], ['street address', 'has value', '8669 west sahara avenue'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['the 7th', 'has domain', 'hotels'], ['hotels', 'has slot', 'place name'], ['from station', 'has value', 'fresno station'], ['stay length', 'has value', '4'], ['march 5th', 'has domain', 'buses'], ['to station', 'has value', 'union plaza'], ['hotels', 'has slot', 'price per night'], ['las vegas', 'has domain', 'hotels'], ['5th of this month', 'has domain', 'buses'], ['vegas', 'has domain', 'buses'], ['check in date', 'has value', 'the 7th'], ['leaving time', 'has value', 'one in the afternoon'], ['one in the afternoon', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['check in date', 'has value', 'march 5th'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['march 7th', 'has domain', 'hotels'], ['4', 'has domain', 'hotels'], ['fare', 'has value', '$ 39'], ['leaving date', 'has value', 'march 5th'], ['1', 'refers to same concept as', 'one'], ['1', 'has domain', 'buses'], ['false', 'has domain', 'hotels'], ['+ 1 702 - 256 - 3766', 'has domain', 'hotels'], ['leaving date', 'has value', '5th of this month'], ['leaving time', 'has value', '12 : 40 pm'], ['buses', 'has slot', 'fare'], ['fresno station', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['$ 39', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['stay length', 'has value', 'four'], ['hotels', 'has slot', 'searchhotel'], ['travelers', 'has value', '1'], ['star rating', 'has value', '3'], ['four', 'has domain', 'hotels'], ['12 : 40 pm', 'has domain', 'buses'], ['price per night', 'has value', '$ 117'], ['hotels', 'has slot', 'number of rooms'], ['3', 'has domain', 'hotels'], ['to location', 'has value', 'las vegas'], ['$ 117', 'has domain', 'hotels'], ['hotels', 'has slot', 'smoking allowed'], ['las vegas', 'refers to same concept as', 'vegas'], ['smoking allowed', 'has value', 'false'], ['buses', 'has slot', 'to station'], ['march 5th', 'has domain', 'hotels'], ['las vegas', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'vegas'], ['buses', 'has slot', 'travelers'], ['hotels', 'has slot', 'phone number'], ['3', 'refers to same concept as', '$ 3'], ['leaving time', 'has value', '1 pm'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'fresno , ca'], ['1 pm', 'has domain', 'buses'], ['1', 'has domain', 'hotels'], ['hotels', 'has slot', 'check in date']]\n", + "\n", + "dialogue id: sgd-validation-1382\n", + "dialogue: \"user\": \"hello . i want to reserve a bus .\"\n", + "\"system\": \"when are you going ?\"\n", + "\"user\": \"i ' m leaving anaheim later today .\"\n", + "\"system\": \"okay . how many tickets will you need ? when do you want to go ?\"\n", + "\"user\": \"my group of 4 heads to sd at morning 9 : 45 .\"\n", + "\"system\": \"okay . you want 4 tickets for a bus going from anaheim to san diego on march 1st at 9 : 45 am ?\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"sorry , i could not get that ticket . do you instead want 4 $ 22 per person tickets for a bus that leaves at 9 : 40 am ?\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"i booked your tickets .\"\n", + "\"user\": \"thanks . can you find a hotel around there ?\"\n", + "\"system\": \"there ' s the 3 star bahia resort hotel .\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"want to book a room there ?\"\n", + "\"user\": \"yes , i ' d like to book 1 room there starting tuesday next week .\"\n", + "\"system\": \"for how long will you stay ?\"\n", + "\"user\": \"for seven days .\"\n", + "\"system\": \"you want to book 1 room in bahia resort hotel in san diego , and stay there for 7 days on march 5th ?\"\n", + "\"user\": \"sounds good . can i smoke there ?\"\n", + "\"system\": \"i booked your room . enjoy your stay ! you cannot smoke there .\"\n", + "\"user\": \"what are the nightly cost and phone number ?\"\n", + "\"system\": \"you will have to pay $ 93 for each night , and can dial + 1 858 - 539 - 8666 .\"\n", + "\"user\": \"thanks . you were a great help .\"\n", + "\"system\": \"can i help some more ?\"\n", + "\"user\": \"not now . thanks so much for the help !\"\n", + "\"system\": \"see you later . have a great day !\"\n", + "\n", + "terms: ['anaheim', 'march 1st', '$ 93', '7', 'san diego', '$ 22', 'sd', 'bahia resort hotel', 'phone number', 'later today', 'morning 9 : 45', '9 : 45 am', 'tuesday next week', '+ 1 858 - 539 - 8666', '3', '4', '9 : 40 am', 'march 5th', 'seven', '1']\n", + "relations: [['7', 'has domain', 'hotels'], ['to location', 'has value', 'sd'], ['san diego', 'has domain', 'hotels'], ['hotels', 'has slot', 'reservehotel'], ['march 5th', 'has domain', 'hotels'], ['+ 1 858 - 539 - 8666', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['$ 22', 'has domain', 'buses'], ['9 : 45 am', 'has domain', 'buses'], ['place name', 'has value', 'bahia resort hotel'], ['later today', 'has domain', 'buses'], ['morning 9 : 45', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['$ 93', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['buses', 'has slot', 'travelers'], ['sd', 'has domain', 'buses'], ['star rating', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['location', 'has value', 'san diego'], ['anaheim', 'has domain', 'buses'], ['9 : 40 am', 'has domain', 'buses'], ['hotels', 'has slot', 'stay length'], ['check in date', 'has value', 'march 5th'], ['hotels', 'has slot', 'phone number'], ['leaving time', 'has value', '9 : 45 am'], ['seven', 'has domain', 'hotels'], ['hotels', 'has slot', 'location'], ['tuesday next week', 'has domain', 'hotels'], ['phone number', 'has value', '+ 1 858 - 539 - 8666'], ['7', 'refers to same concept as', 'seven'], ['4', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['price per night', 'has value', '$ 93'], ['san diego', 'refers to same concept as', 'sd'], ['leaving time', 'has value', 'morning 9 : 45'], ['leaving time', 'has value', '9 : 40 am'], ['3', 'has domain', 'hotels'], ['fare', 'has value', '$ 22'], ['stay length', 'has value', 'seven'], ['1', 'refers to same concept as', 'one'], ['smoking allowed', 'has value', 'false'], ['hotels', 'has slot', 'smoking allowed'], ['stay length', 'has value', '7'], ['from location', 'has value', 'anaheim'], ['leaving date', 'has value', 'later today'], ['false', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['travelers', 'has value', '4'], ['bahia resort hotel', 'has domain', 'hotels'], ['number of rooms', 'has value', '1'], ['to location', 'has value', 'san diego'], ['hotels', 'has slot', 'check in date'], ['check in date', 'has value', 'tuesday next week'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1383\n", + "dialogue: \"user\": \"i need a bus going to fresno .\"\n", + "\"system\": \"when would you like to leave ?\"\n", + "\"user\": \"i need to leave on march 4th .\"\n", + "\"system\": \"how many tickets would like ? where will you be departing from ?\"\n", + "\"user\": \"i need three tickets from lax .\"\n", + "\"system\": \"what time would you like to leave ?\"\n", + "\"user\": \"i need to leave at morning 10 : 15 .\"\n", + "\"system\": \"just to confirm you need 3 tickets on the bus that leaves march 4th at 10 : 15 am from los angeles going to fresno .\"\n", + "\"user\": \"yes that will be great . does it have more than 1 transfers ? what station does it arrive at /\"\n", + "\"system\": \"sorry that bus is full . how about the 10 : 40 am bus with 0 transfers for $ 31 . it arrives at fresno station .\"\n", + "\"user\": \"that will be fine .\"\n", + "\"system\": \"your tickets are booked .\"\n", + "\"user\": \"thanks for your help . i will also need a hotel there .\"\n", + "\"system\": \"what do you think about the 3 star doubletree by hilton hotel fresno convention center . if you would prefer another hotel i have 5 more options for you .\"\n", + "\"user\": \"that sounds great .\"\n", + "\"system\": \"how many nights do you need it for ?\"\n", + "\"user\": \"i need 1 room for 6 days .\"\n", + "\"system\": \"would you like to check in on march 4th .\"\n", + "\"user\": \"i need to check in on next thursday .\"\n", + "\"system\": \"just to confirm you need 1 room for 6 days at the doubletree by hilton hotel fresno convention center hotel in fresno checking in on march 7th .\"\n", + "\"user\": \"yes that is great . do you have there number ?\"\n", + "\"system\": \"your room is booked . thier number is + 1 559 - 268 - 1000\"\n", + "\"user\": \"thanks for all your help .\"\n", + "\"system\": \"have an awesome day !\"\n", + "\n", + "terms: ['los angeles', 'lax', 'march 7th', '10 : 40 am', '$ 31', 'fresno', 'march 4th', '6', 'morning 10 : 15', '1', '5', 'fresno station', 'transfers', '10 : 15 am', '3', '0', 'three', 'next thursday', 'doubletree by hilton hotel fresno convention center']\n", + "relations: [['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['morning 10 : 15', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['fare', 'has value', '$ 31'], ['leaving time', 'has value', '10 : 15 am'], ['doubletree by hilton hotel fresno convention center', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', 'morning 10 : 15'], ['10 : 15 am', 'has domain', 'buses'], ['from location', 'has value', 'lax'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['to location', 'has value', 'fresno'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['5', 'has domain', 'hotels'], ['fresno', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['10 : 40 am', 'has domain', 'buses'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['star rating', 'has value', '3'], ['6', 'has domain', 'hotels'], ['$ 31', 'has domain', 'buses'], ['check in date', 'has value', 'march 7th'], ['hotels', 'has slot', 'stay length'], ['check in date', 'has value', 'next thursday'], ['transfers', 'has value', '0'], ['hotels', 'has slot', 'phone number'], ['hotels', 'has slot', 'location'], ['stay length', 'has value', '6'], ['march 7th', 'has domain', 'hotels'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['place name', 'has value', 'doubletree by hilton hotel fresno convention center'], ['hotels', 'has slot', 'number of rooms'], ['phone number', 'has value', '+ 1 559 - 268 - 1000'], ['3', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['from location', 'has value', 'los angeles'], ['los angeles', 'refers to same concept as', 'lax'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['leaving time', 'has value', '10 : 40 am'], ['location', 'has value', 'fresno'], ['+ 1 559 - 268 - 1000', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['march 4th', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['number of rooms', 'has value', '1'], ['lax', 'has domain', 'buses'], ['march 4th', 'has domain', 'hotels'], ['hotels', 'has slot', 'check in date'], ['3', 'refers to same concept as', 'three'], ['to station', 'has value', 'fresno station'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '5'], ['check in date', 'has value', 'march 4th'], ['buses', 'has slot', 'fare'], ['next thursday', 'has domain', 'hotels']]\n", + "\n", + "dialogue id: sgd-validation-1384\n", + "dialogue: \"user\": \"hi , could you get me a bus reservation please ?\"\n", + "\"system\": \"where will you be travelling from and to and how many tickets are you looking to get ?\"\n", + "\"user\": \"i will me travelling from los angeles to anaheim in a group of four .\"\n", + "\"system\": \"when will you be departing ?\"\n", + "\"user\": \"likely at 7 o \" clock in the morning .\"\n", + "\"system\": \"i see , when do you plan to depart then ?\"\n", + "\"user\": \"on the 9th of this month .\"\n", + "\"system\": \"please confirm your reservation for 4 seats on the bus from los angeles to anaheim on march 9th at 7 am .\"\n", + "\"user\": \"sure , how much will this cost me ?\"\n", + "\"system\": \"your reservation has been made , and this will cost you $ 13 .\"\n", + "\"user\": \"sure , could you get me some hotels to stay at too ?\"\n", + "\"system\": \"there are 10 hotels you may like , one of which is a 2 star hotel called anaheim desert inn and suites .\"\n", + "\"user\": \"are there any alternative three star hotels with two rooms ?\"\n", + "\"system\": \"would you like a 3 star hotel called anaheim majestic garden hotel ?\"\n", + "\"user\": \"are there any alternatives ?\"\n", + "\"system\": \"how about a 3 star hotel called anaheim portofino inn & suites ?\"\n", + "\"user\": \"sure , this is fine with me .\"\n", + "\"system\": \"would you like to make a reservation there ?\"\n", + "\"user\": \"sure , could you make one at 9th of this month for three days please ?\"\n", + "\"system\": \"please confirm your reservation for 2 rooms at anaheim portofino inn & suites at anaheim on march 9th for 3 days .\"\n", + "\"user\": \"sure , may i have their address too ?\"\n", + "\"system\": \"your reservation has been made , and you can locate them at 1831 south harbor boulevard !\"\n", + "\"user\": \"sure , can i smoke in the hotel ?\"\n", + "\"system\": \"no , you are not allowed to .\"\n", + "\"user\": \"i see , that is all i need . thank you .\"\n", + "\"system\": \"no worries , have a safe trip .\"\n", + "\n", + "terms: ['los angeles', 'anaheim', '9th of this month', '2', 'anaheim majestic garden hotel', 'march 9th', '10', 'anaheim desert inn and suites', 'anaheim portofino inn & suites', '$ 13', '7 am', 'hotels', 'four', '3', '4', '7 o \" clock in the morning', 'two', '1831 south harbor boulevard', 'three']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['anaheim desert inn and suites', 'has domain', 'hotels'], ['place name', 'has value', 'anaheim portofino inn & suites'], ['fare', 'has value', '$ 13'], ['check in date', 'has value', 'march 9th'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['place name', 'has value', 'anaheim majestic garden hotel'], ['location', 'has value', 'anaheim'], ['three', 'has domain', 'hotels'], ['march 9th', 'has domain', 'hotels'], ['street address', 'has value', '1831 south harbor boulevard'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['$ 13', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['hotels', 'has slot', 'stay length'], ['4', 'refers to same concept as', 'four'], ['hotels', 'has slot', 'location'], ['anaheim', 'has domain', 'hotels'], ['10', 'has domain', 'hotels'], ['check in date', 'has value', '9th of this month'], ['stay length', 'has value', '3'], ['4', 'has domain', 'buses'], ['stay length', 'has value', 'three'], ['leaving date', 'has value', 'march 9th'], ['hotels', 'has slot', 'star rating'], ['7 o \" clock in the morning', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['9th of this month', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['number of rooms', 'has value', '2'], ['los angeles', 'refers to same concept as', 'la'], ['9th of this month', 'has domain', 'hotels'], ['leaving time', 'has value', '7 am'], ['3', 'has domain', 'hotels'], ['from location', 'has value', 'los angeles'], ['anaheim majestic garden hotel', 'has domain', 'hotels'], ['smoking allowed', 'has value', 'false'], ['to location', 'has value', 'anaheim'], ['hotels', 'has slot', 'smoking allowed'], ['hotels', 'has slot', 'street address'], ['leaving date', 'has value', '9th of this month'], ['false', 'has domain', 'hotels'], ['7 am', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['anaheim portofino inn & suites', 'has domain', 'hotels'], ['leaving time', 'has value', '7 o \" clock in the morning'], ['place name', 'has value', 'anaheim desert inn and suites'], ['1831 south harbor boulevard', 'has domain', 'hotels'], ['hotels', 'has slot', 'check in date'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-1385\n", + "dialogue: \"user\": \"i need a bus for two people , on march 6th , to fresno\"\n", + "\"system\": \"what ' s the departure city ?\"\n", + "\"user\": \"the city of origin is sacramento , and i want to leave on march 12th .\"\n", + "\"system\": \"what time would you prefer ?\"\n", + "\"user\": \"at 13 : 45 if it ' s possible\"\n", + "\"system\": \"a bus for 2 people from sacramento to fresno on march 12th at 1 : 45 pm . is it correct ?\"\n", + "\"user\": \"yes , it ' s correct . thanks\"\n", + "\"system\": \"unfortunately this ticket is not available . there ' s a bus available at 1 : 30 pm , and it costs $ 31 .\"\n", + "\"user\": \"yes , this bus is fine too\"\n", + "\"system\": \"your ticket is booked !\"\n", + "\"user\": \"thanks a lot for helping !\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"i ' m looking for a 3 star hotel in that area\"\n", + "\"system\": \"there are 4 hotels . doubletree by hilton hotel fresno convention center is a 3 star hotel\"\n", + "\"user\": \"is it possible to smoke in this hotel ? can i get the contact number ?\"\n", + "\"system\": \"no , isn ' t possible to smoke there . contact number is + 1 559 - 268 - 1000\"\n", + "\"user\": \"can you tell me another hotel ?\"\n", + "\"system\": \"there ' s the 3 star hotel piccadilly inn airport\"\n", + "\"user\": \"that ' s good for me !\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"yes , i want to reserve a room here\"\n", + "\"system\": \"for how many days ?\"\n", + "\"user\": \"i need the room for two days\"\n", + "\"system\": \"is the arrival day march 12th ?\"\n", + "\"user\": \"yes , it ' s correct\"\n", + "\"system\": \"1 room at piccadilly inn airport in fresno on march 12th for 2 days . do you confirm ?\"\n", + "\"user\": \"yes , i confirm , thanks\"\n", + "\"system\": \"your reservation is confirmed !\"\n", + "\"user\": \"thanks a lot for helping ! it ' s all !\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['$ 31', '3', 'fresno', '4', '2', 'piccadilly inn airport', 'sacramento', 'march 6th', 'hotels', 'two', '13 : 45', 'march 12th', '1', '1 : 30 pm', 'doubletree by hilton hotel fresno convention center', '1 : 45 pm']\n", + "relations: [['leaving date', 'has value', 'march 12th'], ['leaving time', 'has value', '13 : 45'], ['13 : 45', 'refers to same concept as', '1 : 45 pm'], ['hotels', 'has slot', 'reservehotel'], ['fare', 'has value', '$ 31'], ['2', 'has domain', 'buses'], ['doubletree by hilton hotel fresno convention center', 'has domain', 'hotels'], ['travelers', 'has value', '2'], ['from location', 'has value', 'sacramento'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'march 6th'], ['fresno', 'has domain', 'buses'], ['stay length', 'has value', '2'], ['leaving time', 'has value', '1 : 45 pm'], ['buses', 'has slot', 'from location'], ['to location', 'has value', 'fresno'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['fresno', 'has domain', 'hotels'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['count', 'has value', '4'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['$ 31', 'has domain', 'buses'], ['hotels', 'has slot', 'phone number'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'location'], ['march 6th', 'has domain', 'buses'], ['3', 'refers to same concept as', '$ 3'], ['1 : 30 pm', 'has domain', 'buses'], ['1 : 45 pm', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['phone number', 'has value', '+ 1 559 - 268 - 1000'], ['place name', 'has value', 'doubletree by hilton hotel fresno convention center'], ['stay length', 'has value', 'two'], ['hotels', 'has slot', 'number of rooms'], ['two', 'has domain', 'hotels'], ['3', 'has domain', 'hotels'], ['march 12th', 'has domain', 'buses'], ['smoking allowed', 'has value', 'false'], ['leaving time', 'has value', '1 : 30 pm'], ['check in date', 'has value', 'march 12th'], ['hotels', 'has slot', 'smoking allowed'], ['march 12th', 'has domain', 'hotels'], ['piccadilly inn airport', 'has domain', 'hotels'], ['+ 1 559 - 268 - 1000', 'has domain', 'hotels'], ['location', 'has value', 'fresno'], ['false', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['13 : 45', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['place name', 'has value', 'piccadilly inn airport']]\n", + "\n", + "dialogue id: sgd-validation-1386\n", + "dialogue: \"user\": \"can you get me bus ticket ?\"\n", + "\"system\": \"how many do you need ?\"\n", + "\"user\": \"i got a party of four .\"\n", + "\"system\": \"give me the details . time , place .\"\n", + "\"user\": \"we ' re leaving for fresno around 11 in the morning on saturday this week .\"\n", + "\"system\": \"and from where ?\"\n", + "\"user\": \"we ' re cutting out from sacramento .\"\n", + "\"system\": \"4 seats on a march 2nd 11 am sacramento to fresno bus ?\"\n", + "\"user\": \"you got it .\"\n", + "\"system\": \"an you got four seats .\"\n", + "\"user\": \"great . now all we need is a place to stay .\"\n", + "\"system\": \"i got 5 hotels . try doubletree by hilton hotel fresno convention center . it has 3 stars .\"\n", + "\"user\": \"could you find me their digits ?\"\n", + "\"system\": \"+ 1 559 - 268 - 1000 .\"\n", + "\"user\": \"ok . thank you .\"\n", + "\"system\": \"should i secure the rooms ?\"\n", + "\"user\": \"yes , go ahead .\"\n", + "\"system\": \"from march 2nd right ? how long is your stay ?\"\n", + "\"user\": \"march 3rd . for four days .\"\n", + "\"system\": \"1 room for 4 days at doubletree by hilton hotel fresno convention center in fresno beginning on march 3rd . correct ?\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"done . room booked .\"\n", + "\"user\": \"nice job bro .\"\n", + "\"system\": \"thanks . i ' m up for more .\"\n", + "\"user\": \"lie down and take a break .\"\n", + "\"system\": \"will do , thanks .\"\n", + "\n", + "terms: ['11 in the morning', '11 am', 'doubletree by hilton hotel fresno convention center', '3', 'saturday this week', 'fresno', '4', '5', 'sacramento', 'hotels', 'four', '1', 'march 3rd', 'march 2nd']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['doubletree by hilton hotel fresno convention center', 'has domain', 'hotels'], ['from location', 'has value', 'sacramento'], ['march 2nd', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['march 2nd', 'has domain', 'hotels'], ['fresno', 'has domain', 'buses'], ['stay length', 'has value', 'four'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'fresno'], ['hotels', 'has slot', 'searchhotel'], ['5', 'has domain', 'hotels'], ['fresno', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['buses', 'has slot', 'travelers'], ['check in date', 'has value', 'march 2nd'], ['star rating', 'has value', '3'], ['hotels', 'has slot', 'phone number'], ['hotels', 'has slot', 'stay length'], ['4', 'refers to same concept as', 'four'], ['hotels', 'has slot', 'location'], ['four', 'has domain', 'hotels'], ['4', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['leaving time', 'has value', '11 am'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['phone number', 'has value', '+ 1 559 - 268 - 1000'], ['place name', 'has value', 'doubletree by hilton hotel fresno convention center'], ['leaving date', 'has value', 'march 2nd'], ['hotels', 'has slot', 'number of rooms'], ['11 in the morning', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['check in date', 'has value', 'march 3rd'], ['location', 'has value', 'fresno'], ['saturday this week', 'has domain', 'buses'], ['1', 'has domain', 'hotels'], ['travelers', 'has value', '4'], ['leaving time', 'has value', '11 in the morning'], ['march 3rd', 'has domain', 'hotels'], ['number of rooms', 'has value', '1'], ['leaving date', 'has value', 'saturday this week'], ['11 am', 'has domain', 'buses'], ['hotels', 'has slot', 'check in date'], ['count', 'has value', '5'], ['hotels', 'has slot', 'place name'], ['+ 1 559 - 268 - 1000', 'has domain', 'hotels'], ['stay length', 'has value', '4']]\n", + "\n", + "dialogue id: sgd-validation-1387\n", + "dialogue: \"user\": \"i ' m looking for some bus tickets .\"\n", + "\"system\": \"how many tickets do you need ?\"\n", + "\"user\": \"i need 3 tickets and we want to leave for fresno at 6 : 15 in the evening .\"\n", + "\"system\": \"what date are you departing on ? where are you departing from ?\"\n", + "\"user\": \"i ' m departing from los angeles on the 1st of this month and it is for 4 people .\"\n", + "\"system\": \"okay , confirm the details . you want 4 tickets for the bus traveling from los angeles to fresno on march 1st at 6 : 15 pm .\"\n", + "\"user\": \"yes , that is correct . what bus station am i departing from ?\"\n", + "\"system\": \"the bus departs from union station . however , i was unable to purchase the bus tickets . does the bus departing at 6 : 10 pm for $ 34 work ?\"\n", + "\"user\": \"yes , that works for me .\"\n", + "\"system\": \"i have purchased the tickets .\"\n", + "\"user\": \"thank you . i also need to find two room at a 3 star hotel .\"\n", + "\"system\": \"i found 4 hotels for you . how about the 3 star doubletree by hilton hotel fresno convention center ?\"\n", + "\"user\": \"yes , that sounds good .\"\n", + "\"system\": \"do you want to make a reservation ?\"\n", + "\"user\": \"yes , i do .\"\n", + "\"system\": \"are you checking in on march 1st ?\"\n", + "\"user\": \"no , i want to check in on the 6th .\"\n", + "\"system\": \"how long will you be staying ?\"\n", + "\"user\": \"i ' m staying for 3 days .\"\n", + "\"system\": \"okay , confirm the details . you want 2 rooms at the doubletree by hilton hotel fresno convention center in fresno . you are checking in on march 6th and staying 3 days .\"\n", + "\"user\": \"yep , that is right .\"\n", + "\"system\": \"i have confirmed the reservation .\"\n", + "\"user\": \"thank you , that is all i needed .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['1st of this month', 'los angeles', 'union station', '6 : 10 pm', 'march 1st', '3', '4', 'fresno', '6 : 15 in the evening', '2', 'hotels', 'the 6th', 'march 6th', '$ 34', 'two', '6 : 15 pm', 'doubletree by hilton hotel fresno convention center']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['doubletree by hilton hotel fresno convention center', 'has domain', 'hotels'], ['check in date', 'has value', 'the 6th'], ['leaving time', 'has value', '6 : 15 pm'], ['2', 'has domain', 'hotels'], ['check in date', 'has value', 'march 1st'], ['buses', 'has slot', 'leaving time'], ['the 6th', 'has domain', 'hotels'], ['6 : 15 pm', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['leaving time', 'has value', '6 : 15 in the evening'], ['to location', 'has value', 'fresno'], ['buses', 'has slot', 'leaving date'], ['from station', 'has value', 'union station'], ['hotels', 'has slot', 'searchhotel'], ['fresno', 'has domain', 'hotels'], ['2', 'refers to same concept as', 'two'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['count', 'has value', '4'], ['6 : 10 pm', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['star rating', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['leaving time', 'has value', '6 : 10 pm'], ['hotels', 'has slot', 'stay length'], ['6 : 15 in the evening', 'has domain', 'buses'], ['hotels', 'has slot', 'location'], ['$ 34', 'has domain', 'buses'], ['3', 'refers to same concept as', '$ 3'], ['stay length', 'has value', '3'], ['4', 'has domain', 'buses'], ['march 6th', 'has domain', 'hotels'], ['1st of this month', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['number of rooms', 'has value', '2'], ['place name', 'has value', 'doubletree by hilton hotel fresno convention center'], ['3', 'has domain', 'buses'], ['march 1st', 'has domain', 'hotels'], ['3', 'has domain', 'hotels'], ['from location', 'has value', 'los angeles'], ['leaving date', 'has value', '1st of this month'], ['fare', 'has value', '$ 34'], ['location', 'has value', 'fresno'], ['los angeles', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['buses', 'has slot', 'from station'], ['hotels', 'has slot', 'check in date'], ['check in date', 'has value', 'march 6th'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1388\n", + "dialogue: \"user\": \"please find me a bus\"\n", + "\"system\": \"sure , when are you leaving and where would you like to go ?\"\n", + "\"user\": \"on the 12th of this month and to vancouver , bc\"\n", + "\"system\": \"ok , where are you located , how many tickets will you need and what time would you like to leave ?\"\n", + "\"user\": \"two tickets for a 07 : 45 bus and i ' m in seattle wa\"\n", + "\"system\": \"please confirm : 2 bus tickets from seattle enroute to vancouver on march 12th at 7 : 45 am\"\n", + "\"user\": \"this is correct , oh please tell me how much they cost and what ' s the name of the station i ' ll be leaving from .\"\n", + "\"system\": \"king street station is the name . unfortunately , i couldn ' t book these seats . instead , i can book a 7 : 40 am bus for $ 31 .\"\n", + "\"user\": \"ok , i ' ll change it to that .\"\n", + "\"system\": \"your tickets are now complete .\"\n", + "\"user\": \"what hotels are around there ?\"\n", + "\"system\": \"there ' s a 3 star atrium inn vancouver hotel that you might like .\"\n", + "\"user\": \"how much and can i smoke ?\"\n", + "\"system\": \"no smoking and $ 228 per night\"\n", + "\"user\": \"ok , sweet .\"\n", + "\"system\": \"shall i book these tickets ?\"\n", + "\"user\": \"please do\"\n", + "\"system\": \"how many days will you need the reservation for ?\"\n", + "\"user\": \"two\"\n", + "\"system\": \"will this be on march 12th ?\"\n", + "\"user\": \"yes .\"\n", + "\"system\": \"please confirm : 1 room at the atrium inn vancouver for 2 days on march 12th in vancouver , canada .\"\n", + "\"user\": \"perfect , can you tell me their number ?\"\n", + "\"system\": \"this reservation is now complete . their number is + 1 604 - 254 - 1000\"\n", + "\"user\": \"awesome , thanks .\"\n", + "\"system\": \"may i help you with something else ?\"\n", + "\"user\": \"nope , thanks for all your help\"\n", + "\"system\": \"have a wonderful day\"\n", + "\n", + "terms: ['$ 228', '12th of this month', '07 : 45', '$ 31', 'seattle', '3', 'vancouver', '2', 'hotels', 'atrium inn vancouver', '7 : 40 am', 'march 12th', '1']\n", + "relations: [['leaving date', 'has value', 'march 12th'], ['leaving time', 'has value', '7 : 45 am'], ['hotels', 'has slot', 'reservehotel'], ['fare', 'has value', '$ 31'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['07 : 45', 'has domain', 'buses'], ['2', 'has domain', 'hotels'], ['phone number', 'has value', '+ 1 604 - 254 - 1000'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['to location', 'has value', 'vancouver , bc'], ['to location', 'has value', 'vancouver'], ['stay length', 'has value', '2'], ['price per night', 'has value', '$ 228'], ['leaving date', 'has value', '12th of this month'], ['buses', 'has slot', 'from location'], ['leaving time', 'has value', '07 : 45'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['+ 1 604 - 254 - 1000', 'has domain', 'hotels'], ['12th of this month', 'has domain', 'buses'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['from location', 'has value', 'seattle wa'], ['from station', 'has value', 'king street station'], ['king street station', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['$ 228', 'has domain', 'hotels'], ['star rating', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['$ 31', 'has domain', 'buses'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'phone number'], ['vancouver , bc', 'has domain', 'buses'], ['atrium inn vancouver', 'has domain', 'hotels'], ['hotels', 'has slot', 'location'], ['seattle wa', 'has domain', 'buses'], ['vancouver', 'refers to same concept as', 'vancouver , bc'], ['place name', 'has value', 'atrium inn vancouver'], ['3', 'refers to same concept as', '$ 3'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['hotels', 'has slot', 'number of rooms'], ['stay length', 'has value', 'two'], ['vancouver', 'has domain', 'buses'], ['two', 'has domain', 'hotels'], ['location', 'has value', 'vancouver'], ['3', 'has domain', 'hotels'], ['vancouver', 'has domain', 'hotels'], ['march 12th', 'has domain', 'buses'], ['07 : 45', 'refers to same concept as', '7 : 45 am'], ['seattle', 'has domain', 'buses'], ['smoking allowed', 'has value', 'false'], ['check in date', 'has value', 'march 12th'], ['march 12th', 'has domain', 'hotels'], ['leaving time', 'has value', '7 : 40 am'], ['hotels', 'has slot', 'smoking allowed'], ['false', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['seattle', 'refers to same concept as', 'seattle wa'], ['7 : 45 am', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['from location', 'has value', 'seattle'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1389\n", + "dialogue: \"user\": \"i need two los angeles bound bus tickets please .\"\n", + "\"system\": \"where are you departing from please ?\"\n", + "\"user\": \"i ' ll be going from fresno .\"\n", + "\"system\": \"on what date and time ?\"\n", + "\"user\": \"5th of march at 4 : 30 in the evening .\"\n", + "\"system\": \"confirming 2 tickets from fresno to los angeles , march 5th , for a 4 : 30 pm departure .\"\n", + "\"user\": \"great . what is the destination station ?\"\n", + "\"system\": \"i ' m sorry , i couldn ' t book those tickets . may i help you with something else ?\"\n", + "\"user\": \"let ' s try to buy those again , 3 people from nyc to philly .\"\n", + "\"system\": \"confirming 3 passengers march 5th at 4 : 30 pm from new york to philadelphia .\"\n", + "\"user\": \"yes , thanks . where does it leave from and how much is it ?\"\n", + "\"system\": \"it departs from port authority station and the ticket price is $ 21 . the tickets have been purchased .\"\n", + "\"user\": \"thanks ! i ' d like to find hotel with a 3 star rating too please .\"\n", + "\"system\": \"there 10 hotels i can suggest to you in the 3 star category . how about the aka university city ?\"\n", + "\"user\": \"okay , thank you .\"\n", + "\"system\": \"shall i reserve that for you ?\"\n", + "\"user\": \"yes , starting wednesday next week , two rooms please .\"\n", + "\"system\": \"for how long ?\"\n", + "\"user\": \"six days and make the check in next thursday actually .\"\n", + "\"system\": \"confirming a 6 day reservation in philadelphia at aka university city on march 7th for 2 rooms .\"\n", + "\"user\": \"make that one room for 3 days instead please .\"\n", + "\"system\": \"confirming a 3 day stay and a reservation for 1 room .\"\n", + "\"user\": \"great , thanks . what is the room rate ?\"\n", + "\"system\": \"it ' s $ 84 a night and the reservation is complete .\"\n", + "\"user\": \"thank you for helping me .\"\n", + "\"system\": \"anything else today ?\"\n", + "\"user\": \"no , not today .\"\n", + "\"system\": \"thank you very much .\"\n", + "\n", + "terms: ['los angeles', 'march 7th', '$ 84', 'fresno', '4 : 30 in the evening', '2', 'philly', '6', 'wednesday next week', 'new york', '4 : 30 pm', 'philadelphia', 'one', '1', 'hotels', '$ 21', 'aka university city', 'nyc', '3', 'march 5th', 'star rating', 'port authority station', 'two', '10', 'next thursday']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'from location'], ['from location', 'has value', 'fresno'], ['check in date', 'has value', 'march 7th'], ['hotels', 'has slot', 'stay length'], ['check in date', 'has value', 'next thursday'], ['hotels', 'has slot', 'location'], ['hotels', 'has slot', 'star rating'], ['philadelphia', 'has domain', 'hotels'], ['6', 'refers to same concept as', 'six'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['philly', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '10'], ['port authority station', 'has domain', 'buses'], ['march 5th', 'has domain', 'buses'], ['2', 'has domain', 'hotels'], ['hotels', 'has slot', 'price per night'], ['wednesday next week', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['stay length', 'has value', '6'], ['nyc', 'has domain', 'buses'], ['stay length', 'has value', '3'], ['march 7th', 'has domain', 'hotels'], ['number of rooms', 'has value', '2'], ['leaving date', 'has value', 'march 5th'], ['1', 'refers to same concept as', 'one'], ['4 : 30 in the evening', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['hotels', 'has slot', 'reservehotel'], ['location', 'has value', 'philadelphia'], ['$ 84', 'has domain', 'hotels'], ['from location', 'has value', 'nyc'], ['fresno', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['$ 21', 'has domain', 'buses'], ['5th of march', 'has domain', 'buses'], ['6', 'has domain', 'hotels'], ['star rating', 'has value', '3'], ['10', 'has domain', 'hotels'], ['place name', 'has value', 'aka university city'], ['philadelphia', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['3', 'has domain', 'hotels'], ['check in date', 'has value', 'wednesday next week'], ['stay length', 'has value', 'six'], ['leaving time', 'has value', '4 : 30 in the evening'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 21'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['from location', 'has value', 'new york'], ['4 : 30 pm', 'has domain', 'buses'], ['six', 'has domain', 'hotels'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['2', 'refers to same concept as', 'two'], ['hotels', 'has slot', 'count'], ['leaving date', 'has value', '5th of march'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['to location', 'has value', 'philadelphia'], ['buses', 'has slot', 'buybusticket'], ['leaving time', 'has value', '4 : 30 pm'], ['price per night', 'has value', '$ 84'], ['aka university city', 'has domain', 'hotels'], ['to location', 'has value', 'philly'], ['to location', 'has value', 'los angeles'], ['from station', 'has value', 'port authority station'], ['1', 'has domain', 'hotels'], ['philadelphia', 'refers to same concept as', 'philly'], ['hotels', 'has slot', 'check in date'], ['next thursday', 'has domain', 'hotels']]\n", + "\n", + "dialogue id: sgd-validation-1390\n", + "dialogue: \"user\": \"i have a short trip coming up . can you help me book a bus ticket ?\"\n", + "\"system\": \"sure , where to ?\"\n", + "\"user\": \"i ' m going to philadelphia .\"\n", + "\"system\": \"ok . where are you leaving from and when ?\"\n", + "\"user\": \"i ' ll be leaving this sunday from washington .\"\n", + "\"system\": \"ok . what time are you planning to leave ?\"\n", + "\"user\": \"i ' m trying to leave around a quarter to 3 in the afternoon on the 8th of this month .\"\n", + "\"system\": \"alright , and how many tickets do you need ?\"\n", + "\"user\": \"just one for me .\"\n", + "\"system\": \"ok . to confirm , you want 1 bus ticket from washington to philadelphia on march 8th at 2 : 45 pm . is that right ?\"\n", + "\"user\": \"yes , that ' s right . which station does it go to ?\"\n", + "\"system\": \"sorry , there were no tickets available for that time . is there something else you want ?\"\n", + "\"user\": \"yeah , can you try finding a ticket from san fran to las vegas instead ?\"\n", + "\"system\": \"sure . to confirm , you want 1 bus ticket from san francisco to las vegas on march 8th at 2 : 45 pm . is that right ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"sorry , there weren ' t any tickets for that either , but there is one for $ 49 that leaves at 2 : 50 pm . would that work ?\"\n", + "\"user\": \"yes , that ' s fine .\"\n", + "\"system\": \"ok , your ticket is has been bought .\"\n", + "\"user\": \"great , thanks . i also want to book one room at a 2 star hotel around there . can you find me one ?\"\n", + "\"system\": \"sure , there ' s one 2 star hotel called beck ' s motor lodge . how about that ?\"\n", + "\"user\": \"what ' s their phone number and address ?\"\n", + "\"system\": \"their number is + 1 415 - 621 - 8212 and their address is 2222 market street .\"\n", + "\"user\": \"ok , that should work .\"\n", + "\"system\": \"do you want to make a reservation ?\"\n", + "\"user\": \"yes , can you make it for 4 days ?\"\n", + "\"system\": \"sure . are you checking in on march 8th ?\"\n", + "\"user\": \"no , i wouldn ' t be checking in until the 10th of march .\"\n", + "\"system\": \"ok . to confirm , you want to book 1 room at beck ' s motor lodge in san francisco on march 10th for 4 nights . is that right ?\"\n", + "\"user\": \"yes , that ' s right . how much is it per night ?\"\n", + "\"system\": \"i ' ve made your reservation . it ' s $ 44 per night .\"\n", + "\"user\": \"ok , great . thanks for your help !\"\n", + "\"system\": \"sure , anything else i can do ?\"\n", + "\"user\": \"no , that ' s all . thanks .\"\n", + "\"system\": \"sure , have a good day .\"\n", + "\n", + "terms: ['san fran', '2', \"beck ' s motor lodge\", 'march 8th', '2 : 50 pm', '8th of this month', '10th of march', 'vegas', 'philadelphia', 'washington', 'one', 'this sunday', 'march 10th', 'phone number', '2222 market street', '+ 1 415 - 621 - 8212', 'quarter to 3 in the afternoon', '2 : 45 pm', '4', '$ 49', '$ 44', '1', 'san francisco', 'las vegas']\n", + "relations: [['buses', 'has slot', 'to station'], ['hotels', 'has slot', 'reservehotel'], ['leaving date', 'has value', 'this sunday'], ['las vegas', 'has domain', 'buses'], ['star rating', 'has value', '2'], ['2222 market street', 'has domain', 'hotels'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['check in date', 'has value', 'march 8th'], ['hotels', 'has slot', 'price per night'], ['street address', 'has value', '2222 market street'], [\"beck ' s motor lodge\", 'has domain', 'hotels'], ['location', 'has value', 'san francisco'], ['buses', 'has slot', 'from location'], ['2 : 50 pm', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['to location', 'has value', 'san fran'], ['san francisco', 'has domain', 'buses'], ['leaving time', 'has value', '2 : 50 pm'], ['hotels', 'has slot', 'searchhotel'], ['fare', 'has value', '$ 49'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['travelers', 'has value', '1'], ['washington', 'has domain', 'buses'], ['march 8th', 'has domain', 'hotels'], ['buses', 'has slot', 'travelers'], ['san francisco', 'has domain', 'hotels'], ['san francisco', 'refers to same concept as', 'san fran'], ['hotels', 'has slot', 'phone number'], ['hotels', 'has slot', 'stay length'], ['10th of march', 'has domain', 'hotels'], ['leaving date', 'has value', '8th of this month'], ['hotels', 'has slot', 'location'], ['leaving date', 'has value', 'march 8th'], ['place name', 'has value', \"beck ' s motor lodge\"], ['+ 1 415 - 621 - 8212', 'has domain', 'hotels'], ['philadelphia', 'has domain', 'buses'], ['to location', 'has value', 'philadelphia'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['check in date', 'has value', 'march 10th'], ['this sunday', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['4', 'refers to same concept as', '$ 4'], ['hotels', 'has slot', 'number of rooms'], ['phone number', 'has value', '+ 1 415 - 621 - 8212'], ['$ 44', 'has domain', 'hotels'], ['from location', 'has value', 'las vegas'], ['1', 'refers to same concept as', 'one'], ['2 : 45 pm', 'has domain', 'buses'], ['to location', 'has value', 'san francisco'], ['$ 49', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['march 10th', 'has domain', 'hotels'], ['hotels', 'has slot', 'street address'], ['leaving time', 'has value', '2 : 45 pm'], ['leaving time', 'has value', 'quarter to 3 in the afternoon'], ['8th of this month', 'has domain', 'buses'], ['san fran', 'has domain', 'buses'], ['1', 'has domain', 'hotels'], ['quarter to 3 in the afternoon', 'has domain', 'buses'], ['check in date', 'has value', '10th of march'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'check in date'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['price per night', 'has value', '$ 44'], ['buses', 'has slot', 'fare'], ['stay length', 'has value', '4']]\n", + "\n", + "dialogue id: sgd-validation-1391\n", + "dialogue: \"user\": \"i ' m taking a bus trip to visit some family and i need some tickets .\"\n", + "\"system\": \"what day are you leaving and how many tickets do you need ?\"\n", + "\"user\": \"i ' ll need 3 tickets departing on the 10th of march .\"\n", + "\"system\": \"where are you departing from and what time do you want to leave ?\"\n", + "\"user\": \"i ' m leaving from vegas and i ' d like to leave at 3 : 15 in the afternoon .\"\n", + "\"system\": \"where are you heading ?\"\n", + "\"user\": \"i ' m going to san francisco and i ' d like to leave today if possible .\"\n", + "\"system\": \"okay , let ' s confirm : you ' re booking 3 bus tickets from las vegas to san francisco leaving march 1st at 3 : 15 pm .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"sorry , i wasn ' t able to get those tickets . what about the bus leaving at 2 : 50 pm instead ? the cost will be $ 58 .\"\n", + "\"user\": \"yes , that will work .\"\n", + "\"system\": \"okay , your ticket is booked .\"\n", + "\"user\": \"thanks for your help . can you also help me find a hotel in that area ?\"\n", + "\"system\": \"i found a 1 star hotel called the amsterdam hostel san francisco that you might like .\"\n", + "\"user\": \"sure that ' s fine .\"\n", + "\"system\": \"should i reserve the hotel ?\"\n", + "\"user\": \"yes , let ' s book it .\"\n", + "\"system\": \"would you like to check in on march 1st ? when will you check out ?\"\n", + "\"user\": \"i ' d like to stay for 2 days and check out on the 2nd of march .\"\n", + "\"system\": \"okay , please confirm : you ' re booking 1 room for 2 days at the amsterdam hostel san francisco located in san francisco , checking in on march 2nd .\"\n", + "\"user\": \"yes , that ' s great .\"\n", + "\"system\": \"okay , the hotel has been booked .\"\n", + "\"user\": \"thanks for all your help . that ' s all i need for now .\"\n", + "\"system\": \"okay , have a great day !\"\n", + "\n", + "terms: ['march 1st', '3 : 15 in the afternoon', '3', '10th of march', 'march 2nd', '2', 'amsterdam hostel san francisco', '3 : 15 pm', '2nd of march', '$ 58', 'today', '1', 'san francisco', '2 : 50 pm', 'vegas', 'las vegas']\n", + "relations: [['3 : 15 in the afternoon', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['leaving date', 'has value', '10th of march'], ['fare', 'has value', '$ 58'], ['las vegas', 'has domain', 'buses'], ['check in date', 'has value', 'march 1st'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['march 2nd', 'has domain', 'hotels'], ['leaving time', 'has value', '3 : 15 in the afternoon'], ['vegas', 'has domain', 'buses'], ['stay length', 'has value', '2'], ['location', 'has value', 'san francisco'], ['leaving time', 'has value', '3 : 15 pm'], ['buses', 'has slot', 'from location'], ['3 : 15 pm', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['san francisco', 'has domain', 'buses'], ['leaving time', 'has value', '2 : 50 pm'], ['2 : 50 pm', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['san francisco', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['check in date', 'has value', 'march 2nd'], ['leaving date', 'has value', 'march 1st'], ['10th of march', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'san fran'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'location'], ['$ 58', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['check in date', 'has value', '2nd of march'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['amsterdam hostel san francisco', 'has domain', 'hotels'], ['hotels', 'has slot', 'number of rooms'], ['3', 'has domain', 'buses'], ['march 1st', 'has domain', 'hotels'], ['from location', 'has value', 'las vegas'], ['leaving date', 'has value', 'today'], ['2nd of march', 'has domain', 'hotels'], ['to location', 'has value', 'san francisco'], ['today', 'has domain', 'buses'], ['1', 'has domain', 'hotels'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'check in date'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['place name', 'has value', 'amsterdam hostel san francisco'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1392\n", + "dialogue: \"user\": \"i need a bus .\"\n", + "\"system\": \"what is destination and arrival and when ?\"\n", + "\"user\": \"i leave portland to seattle at quarter past 12 in the afternoon .\"\n", + "\"system\": \"how many tickets ?\"\n", + "\"user\": \"it is for 4 .\"\n", + "\"system\": \"when are you leaving ?\"\n", + "\"user\": \"i leave on the 2nd .\"\n", + "\"system\": \"confirm bus leaving from portland to seattle on march 2nd at 12 : 15 pm for 4 .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"how about 12 : 40 pm for $ 28 .\"\n", + "\"user\": \"that works for me ?\"\n", + "\"system\": \"you are now confirmed .\"\n", + "\"user\": \"what is departure station and 1 transfer ?\"\n", + "\"system\": \"it has 0 tranfsers and leaves portland bus station .\"\n", + "\"user\": \"i need a 3 star hotel .\"\n", + "\"system\": \"i have a 3 star called best western plus pioneer square hotel downtown .\"\n", + "\"user\": \"what is the cost ?\"\n", + "\"system\": \"it is $ 63 .\"\n", + "\"user\": \"i need somewhere with 3 rooms .\"\n", + "\"system\": \"i have a 3 star at courtyard by marriott seattle downtown / lake union .\"\n", + "\"user\": \"i want a 4 star .\"\n", + "\"system\": \"i have a 4 star at crowne plaza seattle downtown .\"\n", + "\"user\": \"yes , i want it for 1 day on the 9th .\"\n", + "\"system\": \"confirm 3 rooms for 1 day on march 9th at crowne plaza seattle downtown in seattle .\"\n", + "\"user\": \"what is the address ?\"\n", + "\"system\": \"address is 1113 6th avenue .\"\n", + "\"user\": \"what is the price and is smoking ok ?\"\n", + "\"system\": \"no smoking and $ 264 .\"\n", + "\"user\": \"that is great help .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"that is all i need .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['1113 6th avenue', 'march 9th', 'the 2nd', '12 : 40 pm', '$ 63', 'portland', 'courtyard by marriott seattle downtown / lake union', 'march 2nd', '$ 264', 'crowne plaza seattle downtown', 'quarter past 12 in the afternoon', 'best western plus pioneer square hotel downtown', '3', 'seattle', '4', '$ 28', '0', 'the 9th', '12 : 15 pm', '1', 'portland bus station']\n", + "relations: [['12 : 15 pm', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['from station', 'has value', 'portland bus station'], ['march 2nd', 'has domain', 'buses'], ['$ 28', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['check in date', 'has value', 'the 9th'], ['best western plus pioneer square hotel downtown', 'has domain', 'hotels'], ['place name', 'has value', 'courtyard by marriott seattle downtown / lake union'], ['check in date', 'has value', 'march 9th'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['leaving time', 'has value', 'quarter past 12 in the afternoon'], ['crowne plaza seattle downtown', 'has domain', 'hotels'], ['$ 63', 'has domain', 'hotels'], ['march 9th', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['courtyard by marriott seattle downtown / lake union', 'has domain', 'hotels'], ['place name', 'has value', 'best western plus pioneer square hotel downtown'], ['the 9th', 'has domain', 'hotels'], ['hotels', 'has slot', 'stay length'], ['street address', 'has value', '1113 6th avenue'], ['transfers', 'has value', '0'], ['portland', 'has domain', 'buses'], ['portland bus station', 'has domain', 'buses'], ['place name', 'has value', 'crowne plaza seattle downtown'], ['stay length', 'has value', '1'], ['hotels', 'has slot', 'location'], ['location', 'has value', 'seattle'], ['1113 6th avenue', 'has domain', 'hotels'], ['quarter past 12 in the afternoon', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['12 : 40 pm', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['the 2nd', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['transfers', 'has value', '1'], ['hotels', 'has slot', 'number of rooms'], ['leaving date', 'has value', 'march 2nd'], ['price per night', 'has value', '$ 264'], ['$ 264', 'has domain', 'hotels'], ['3', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['seattle', 'has domain', 'buses'], ['smoking allowed', 'has value', 'false'], ['hotels', 'has slot', 'smoking allowed'], ['leaving time', 'has value', '12 : 15 pm'], ['1', 'has domain', 'buses'], ['seattle', 'has domain', 'hotels'], ['buses', 'has slot', 'transfers'], ['hotels', 'has slot', 'street address'], ['false', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['fare', 'has value', '$ 28'], ['price per night', 'has value', '$ 63'], ['star rating', 'has value', '4'], ['leaving date', 'has value', 'the 2nd'], ['number of rooms', 'has value', '3'], ['hotels', 'has slot', 'check in date'], ['to location', 'has value', 'seattle'], ['leaving time', 'has value', '12 : 40 pm'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1393\n", + "dialogue: \"user\": \"i ' m looking for a bus .\"\n", + "\"system\": \"where will you be traveling from . and what date and time do you want to leave ?\"\n", + "\"user\": \"i ' m going to travel from sacramento . i want to leave friday next week at 9 : 45 in the morning .\"\n", + "\"system\": \"where are you traveling to ? and how many tickets do you want ?\"\n", + "\"user\": \"i ' ll be traveling to san diego , and i want ticket for 2 people .\"\n", + "\"system\": \"i ' ll get you 2 tickets for sacramento to san diego leaving on march 8th at 9 : 45 am . are all the details correct ?\"\n", + "\"user\": \"no , i actually want to leave from anaheim , ca on the 1st of this month .\"\n", + "\"system\": \"i ' ll get you tickets for a bus leaving from anaheim on march 1st . is that correct ?\"\n", + "\"user\": \"yes , that ' s it . does the bus have zero transfers ? and what ' s station is the destination ?\"\n", + "\"system\": \"i ' m sorry but the ticket purchase did not go through . do you need me for anything else ?\"\n", + "\"user\": \"try to purchase the tickets , but with tickets for four people .\"\n", + "\"system\": \"i ' ll get you 4 tickets for anaheim to san diego leaving on march 1st at 9 : 45 am . is that correct ?\"\n", + "\"user\": \"no , i want to go to lax instead . and with a departure of 4 o \" clock in the evening .\"\n", + "\"system\": \"so you ' ll be going to los angeles with a departure of 4 pm ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"i ' m sorry , but the ticket purchase did not go through . do you want to try the bus leaving at 4 : 10 pm ? it is $ 13 .\"\n", + "\"user\": \"yeah , try that .\"\n", + "\"system\": \"the tickets have been purchased .\"\n", + "\"user\": \"what hotels in that area ? can you do a search ?\"\n", + "\"system\": \"there are 10 hotels that match . ac hotel by marriott beverly hills is a 2 star hotel .\"\n", + "\"user\": \"do they allow smoking at the hotel ?\"\n", + "\"system\": \"no , there is not smoking permitted at the hotel .\"\n", + "\"user\": \"what other hotels are there ? i want one room .\"\n", + "\"system\": \"there are 9 hotels that march . airtel plaza hotel has 3 stars .\"\n", + "\"user\": \"do they allow smoking at the hotel ?\"\n", + "\"system\": \"yes , there is smoking allowed .\"\n", + "\"user\": \"what else hotels are there ? and i actually need three rooms .\"\n", + "\"system\": \"there are 8 hotels that match . banana bungalow - hollywood hostel has 1 star .\"\n", + "\"user\": \"okay , that works .\"\n", + "\"system\": \"do you want to book a room ?\"\n", + "\"user\": \"yes , please book a room . i want to check in on the 2nd of march .\"\n", + "\"system\": \"how many days will you be there ?\"\n", + "\"user\": \"i ' ll be there for 5 days .\"\n", + "\"system\": \"i ' ll book you 3 rooms at banana bungalow - hollywood hostel in los angeles . check in is march 2nd and you ' ll be staying for 5 days . are all the details correct ?\"\n", + "\"user\": \"yeah , that ' s right . how much is a room per night ? and do they all smoking there ?\"\n", + "\"system\": \"i ' ve book the rooms . smoking is allowed . and it is $ 96 for a room per night .\"\n", + "\"user\": \"thanks , you ' ve been really helpful . that ' s all the help i need .\"\n", + "\"system\": \"have a fine day and take care .\"\n", + "\n", + "terms: ['los angeles', 'anaheim', 'lax', 'march 1st', 'friday next week', 'ac hotel by marriott beverly hills', '2', '4 pm', 'san diego', 'smoking allowed', '2nd of march', '4 : 10 pm', '$ 13', 'march 2nd', '1st of this month', '4 o \" clock in the evening', '$ 96', '9 : 45 in the morning', 'one', '5', '8', 'sacramento', 'hotels', 'four', 'airtel plaza hotel', '9 : 45 am', 'transfers', 'banana bungalow - hollywood hostel', '3', 'anaheim , ca', '4', '10', 'three', '9', '1', 'march 8th']\n", + "relations: [['friday next week', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'anaheim , ca'], ['place name', 'has value', 'ac hotel by marriott beverly hills'], ['banana bungalow - hollywood hostel', 'has domain', 'hotels'], ['to location', 'has value', 'lax'], ['fare', 'has value', '$ 13'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['march 8th', 'has domain', 'buses'], ['5', 'has domain', 'hotels'], ['0', 'has domain', 'buses'], ['check in date', 'has value', 'march 2nd'], ['hotels', 'has slot', 'stay length'], ['4', 'refers to same concept as', 'four'], ['hotels', 'has slot', 'location'], ['anaheim , ca', 'has domain', 'buses'], ['place name', 'has value', 'banana bungalow - hollywood hostel'], ['hotels', 'has slot', 'star rating'], ['stay length', 'has value', '5'], ['4 o \" clock in the evening', 'has domain', 'buses'], ['leaving time', 'has value', '9 : 45 in the morning'], ['$ 96', 'has domain', 'hotels'], ['los angeles', 'has domain', 'buses'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['count', 'has value', '10'], ['2', 'has domain', 'hotels'], ['hotels', 'has slot', 'price per night'], ['march 2nd', 'has domain', 'hotels'], ['9 : 45 in the morning', 'has domain', 'buses'], ['9 : 45 am', 'has domain', 'buses'], ['location', 'has value', 'los angeles'], ['buses', 'has slot', 'to location'], ['ac hotel by marriott beverly hills', 'has domain', 'hotels'], ['star rating', 'has value', '1'], ['place name', 'has value', 'airtel plaza hotel'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'march 8th'], ['leaving time', 'has value', '4 : 10 pm'], ['smoking allowed', 'has value', 'true'], ['1st of this month', 'has domain', 'buses'], ['march 1st', 'has domain', 'buses'], ['count', 'has value', '9'], ['1', 'refers to same concept as', 'one'], ['leaving date', 'has value', '1st of this month'], ['2nd of march', 'has domain', 'hotels'], ['buses', 'has slot', 'transfers'], ['false', 'has domain', 'hotels'], ['9', 'has domain', 'hotels'], ['to location', 'has value', 'san diego'], ['number of rooms', 'has value', '3'], ['buses', 'has slot', 'fare'], ['4 : 10 pm', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['from location', 'has value', 'sacramento'], ['star rating', 'has value', '2'], ['price per night', 'has value', '$ 96'], ['hotels', 'has slot', 'searchhotel'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['star rating', 'has value', '3'], ['$ 13', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['leaving time', 'has value', '9 : 45 am'], ['10', 'has domain', 'hotels'], ['leaving time', 'has value', '4 pm'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['9', 'refers to same concept as', '$ 9'], ['3', 'has domain', 'hotels'], ['hotels', 'has slot', 'smoking allowed'], ['travelers', 'has value', '4'], ['leaving time', 'has value', '4 o \" clock in the evening'], ['los angeles', 'has domain', 'hotels'], ['3', 'refers to same concept as', 'three'], ['smoking allowed', 'has value', 'false'], ['buses', 'has slot', 'to station'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['count', 'has value', '8'], ['airtel plaza hotel', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving date'], ['4 pm', 'has domain', 'buses'], ['hotels', 'has slot', 'count'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['4', 'has domain', 'buses'], ['8', 'has domain', 'hotels'], ['check in date', 'has value', '2nd of march'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'los angeles'], ['from location', 'has value', 'anaheim'], ['1', 'has domain', 'hotels'], ['leaving date', 'has value', 'friday next week'], ['lax', 'has domain', 'buses'], ['hotels', 'has slot', 'check in date']]\n", + "\n", + "dialogue id: sgd-validation-1394\n", + "dialogue: \"user\": \"i want to book bus tickets\"\n", + "\"system\": \"what date do you leave on ?\"\n", + "\"user\": \"i leave this saturday\"\n", + "\"system\": \"what time do you leave and what is the destination and departure station ?\"\n", + "\"user\": \"i am traveling from sfo to long beach , ca at 4 : 30 pm\"\n", + "\"system\": \"how many tickets do you want ?\"\n", + "\"user\": \"just 1 ticket\"\n", + "\"system\": \"booking 1 ticket on the bus from san francisco to long beach on march 2nd at 4 : 30 pm\"\n", + "\"user\": \"cool , does it have 1 transfer ? what is the arrival station ?\"\n", + "\"system\": \"it has 0 transfers and reaches downtown station\"\n", + "\"user\": \"cool , thanks . i also need three rooms in a three star hotel\"\n", + "\"system\": \"how about the 3 star courtyard by marriott long beach airport ?\"\n", + "\"user\": \"cool , book this .\"\n", + "\"system\": \"what is the stay duration ?\"\n", + "\"user\": \"it would be four days\"\n", + "\"system\": \"is the check in march 2nd ?\"\n", + "\"user\": \"no , it is wednesday next week\"\n", + "\"system\": \"booking 3 rooms at courtyard by marriott long beach airport in long beach on march 6th for 4 day\"\n", + "\"user\": \"cool , can you smoke here\"\n", + "\"system\": \"booking confirmed . the place does not allow smoking\"\n", + "\"user\": \"thanks again . that would be all\"\n", + "\"system\": \"have a great time there .\"\n", + "\n", + "terms: ['transfers', 'three', 'long beach', '3', '4', 'long beach , ca', '0', 'march 6th', 'courtyard by marriott long beach airport', 'four', 'sfo', '1', 'san francisco', 'march 2nd']\n", + "relations: [['buses', 'has slot', 'to station'], ['hotels', 'has slot', 'reservehotel'], ['march 2nd', 'has domain', 'buses'], ['from location', 'has value', 'sfo'], ['buses', 'has slot', 'leaving time'], ['march 2nd', 'has domain', 'hotels'], ['leaving date', 'has value', 'this saturday'], ['san francisco', 'refers to same concept as', 'sfo'], ['stay length', 'has value', 'four'], ['4 : 30 pm', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['location', 'has value', 'long beach'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['wednesday next week', 'has domain', 'hotels'], ['sfo', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['check in date', 'has value', 'march 2nd'], ['star rating', 'has value', '3'], ['hotels', 'has slot', 'stay length'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['hotels', 'has slot', 'location'], ['four', 'has domain', 'hotels'], ['march 6th', 'has domain', 'hotels'], ['to station', 'has value', 'downtown station'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['to location', 'has value', 'long beach , ca'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['hotels', 'has slot', 'number of rooms'], ['leaving date', 'has value', 'march 2nd'], ['place name', 'has value', 'courtyard by marriott long beach airport'], ['leaving time', 'has value', '4 : 30 pm'], ['long beach', 'has domain', 'hotels'], ['long beach , ca', 'has domain', 'buses'], ['this saturday', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['to location', 'has value', 'long beach'], ['check in date', 'has value', 'wednesday next week'], ['hotels', 'has slot', 'smoking allowed'], ['1', 'has domain', 'buses'], ['from location', 'has value', 'san francisco'], ['buses', 'has slot', 'transfers'], ['false', 'has domain', 'hotels'], ['downtown station', 'has domain', 'buses'], ['number of rooms', 'has value', '3'], ['hotels', 'has slot', 'check in date'], ['check in date', 'has value', 'march 6th'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['courtyard by marriott long beach airport', 'has domain', 'hotels'], ['smoking allowed', 'has value', 'false'], ['stay length', 'has value', '4']]\n", + "\n", + "dialogue id: sgd-validation-1395\n", + "dialogue: \"user\": \"i would like to reserve a bus from long beach .\"\n", + "\"system\": \"what number of tickets and when are you leaving ?\"\n", + "\"user\": \"it is for one and i ' m leaving monday next week .\"\n", + "\"system\": \"what time are you leaving ?\"\n", + "\"user\": \"i am leaving 10 : 15 in the morning .\"\n", + "\"system\": \"where will you be going ?\"\n", + "\"user\": \"i will be going to sacramento .\"\n", + "\"system\": \"please confirm a ticket on the bus leaving long beach to sacramento march 4th at 10 : 15 am for 1 .\"\n", + "\"user\": \"yes , that is good . what bus station am i going to ?\"\n", + "\"system\": \"the destination is sacramento valley station . sorry , i couldn ' t purchase the ticket . how about the bus leaving 10 : 20 am for $ 68 ?\"\n", + "\"user\": \"yes , that is good .\"\n", + "\"system\": \"the ticket is confirmed .\"\n", + "\"user\": \"would you look for hotels in the area as well ?\"\n", + "\"system\": \"a 1 star hotel called best western plus sutter house is there .\"\n", + "\"user\": \"that is good .\"\n", + "\"system\": \"do you wish to reserve the hotel ?\"\n", + "\"user\": \"yes , i need to reserve the hotel .\"\n", + "\"system\": \"how long will you be staying and will check in be march 4th ?\"\n", + "\"user\": \"i need two days checking in on the 9th .\"\n", + "\"system\": \"please confirm a hotel in best western plus sutter house for march 9th 2 days in sacramento for 1 room .\"\n", + "\"user\": \"sure that is good . what is the phone number and is smoking allowed at the hotel ?\"\n", + "\"system\": \"the hotel has been successfully booked and the number is + 1 916 - 441 - 1314 . there is no smoking allowed on the property .\"\n", + "\"user\": \"thanks that has been helpful .\"\n", + "\"system\": \"what else can i help with ?\"\n", + "\"user\": \"no you have been helpful .\"\n", + "\"system\": \"bye and have a nice day .\"\n", + "\n", + "terms: ['+ 1 916 - 441 - 1314', '$ 68', 'sacramento valley station', '2', 'monday next week', 'march 9th', '10 : 20 am', 'march 4th', 'best western plus sutter house', 'smoking allowed', '10 : 15 in the morning', 'one', 'sacramento', 'hotels', 'phone number', 'long beach', '10 : 15 am', 'the 9th', 'two', '1']\n", + "relations: [['buses', 'has slot', 'to station'], ['leaving time', 'has value', '10 : 15 in the morning'], ['fare', 'has value', '$ 68'], ['hotels', 'has slot', 'reservehotel'], ['to location', 'has value', 'sacramento'], ['leaving time', 'has value', '10 : 15 am'], ['2', 'has domain', 'hotels'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['10 : 20 am', 'has domain', 'buses'], ['check in date', 'has value', 'the 9th'], ['place name', 'has value', 'best western plus sutter house'], ['10 : 15 am', 'has domain', 'buses'], ['check in date', 'has value', 'march 9th'], ['stay length', 'has value', '2'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['10 : 15 in the morning', 'has domain', 'buses'], ['march 9th', 'has domain', 'hotels'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['monday next week', 'has domain', 'buses'], ['to station', 'has value', 'sacramento valley station'], ['buses', 'has slot', 'travelers'], ['2', 'refers to same concept as', 'two'], ['the 9th', 'has domain', 'hotels'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'phone number'], ['hotels', 'has slot', 'location'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['sacramento', 'has domain', 'hotels'], ['leaving date', 'has value', 'monday next week'], ['buses', 'has slot', 'buybusticket'], ['location', 'has value', 'sacramento'], ['hotels', 'has slot', 'number of rooms'], ['stay length', 'has value', 'two'], ['two', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['$ 68', 'has domain', 'buses'], ['best western plus sutter house', 'has domain', 'hotels'], ['smoking allowed', 'has value', 'false'], ['leaving time', 'has value', '10 : 20 am'], ['from location', 'has value', 'long beach'], ['hotels', 'has slot', 'smoking allowed'], ['1', 'has domain', 'buses'], ['phone number', 'has value', '+ 1 916 - 441 - 1314'], ['false', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['march 4th', 'has domain', 'buses'], ['number of rooms', 'has value', '1'], ['march 4th', 'has domain', 'hotels'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['check in date', 'has value', 'march 4th'], ['buses', 'has slot', 'fare'], ['+ 1 916 - 441 - 1314', 'has domain', 'hotels']]\n", + "\n", + "dialogue id: sgd-validation-1396\n", + "dialogue: \"user\": \"i would like to reserve a bus .\"\n", + "\"system\": \"what number of tickets and what time are you leaving and where ?\"\n", + "\"user\": \"that ' s for one person leaving long beach 2 : 15 in the afternoon .\"\n", + "\"system\": \"where is your destination ?\"\n", + "\"user\": \"i would like to go to la .\"\n", + "\"system\": \"when are you leaving ?\"\n", + "\"user\": \"i am leaving march 6th .\"\n", + "\"system\": \"please confirm a bus ticket leaving from long beach to los angeles on march 6th at 2 : 15 pm for 1 person .\"\n", + "\"user\": \"yes , that works .\"\n", + "\"system\": \"sorry i couldn ' t buy a ticket for a bus leaving 1 : 50 pm for $ 10 .\"\n", + "\"user\": \"yes , that works .\"\n", + "\"system\": \"the ticket is confirmed .\"\n", + "\"user\": \"can you look for hotels in that area as well ?\"\n", + "\"system\": \"i have 10 hotels including one called ac hotel by marriott beverly hills a 2 star hotel .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"do you wish to reserve the hotel ?\"\n", + "\"user\": \"yes , i would like to reserve a hotel .\"\n", + "\"system\": \"how about check in march 6th ? what is your length of stay ?\"\n", + "\"user\": \"i am checking in march 7th for five days .\"\n", + "\"system\": \"please confirm a hotel on march 7th for 5 days in los angeles 1 room called ac hotel by marriott beverly hills .\"\n", + "\"user\": \"sure that is great .\"\n", + "\"system\": \"the hotel is successfully booked .\"\n", + "\"user\": \"what is the phone ?\"\n", + "\"system\": \"the phone is + 1 323 - 852 - 7000 .\"\n", + "\"user\": \"thanks for the help .\"\n", + "\"system\": \"what else can i help with ?\"\n", + "\"user\": \"no , you ' ve been helpful .\"\n", + "\"system\": \"bye , have a nice day .\"\n", + "\n", + "terms: ['2 : 15 pm', 'los angeles', '1 : 50 pm', 'march 7th', '2 : 15 in the afternoon', 'five', 'long beach', 'ac hotel by marriott beverly hills', 'la', 'one', '5', '2', '$ 10', 'hotels', 'march 6th', '+ 1 323 - 852 - 7000', '10', '1']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['fare', 'has value', '$ 10'], ['+ 1 323 - 852 - 7000', 'has domain', 'hotels'], ['to location', 'has value', 'la'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'march 6th'], ['location', 'has value', 'los angeles'], ['place name', 'has value', 'ac hotel by marriott beverly hills'], ['buses', 'has slot', 'from location'], ['leaving time', 'has value', '2 : 15 pm'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['5', 'has domain', 'hotels'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['ac hotel by marriott beverly hills', 'has domain', 'hotels'], ['hotels', 'has slot', 'count'], ['check in date', 'has value', 'march 7th'], ['buses', 'has slot', 'travelers'], ['phone number', 'has value', '+ 1 323 - 852 - 7000'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'phone number'], ['hotels', 'has slot', 'location'], ['march 6th', 'has domain', 'buses'], ['10', 'has domain', 'hotels'], ['la', 'has domain', 'buses'], ['leaving time', 'has value', '2 : 15 in the afternoon'], ['march 6th', 'has domain', 'hotels'], ['five', 'has domain', 'hotels'], ['march 7th', 'has domain', 'hotels'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['stay length', 'has value', '5'], ['10', 'refers to same concept as', '$ 10'], ['hotels', 'has slot', 'number of rooms'], ['los angeles', 'refers to same concept as', 'la'], ['5', 'refers to same concept as', 'five'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'los angeles'], ['from location', 'has value', 'long beach'], ['2 : 15 pm', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['2 : 15 in the afternoon', 'has domain', 'buses'], ['1 : 50 pm', 'has domain', 'buses'], ['leaving time', 'has value', '1 : 50 pm'], ['1', 'has domain', 'hotels'], ['stay length', 'has value', 'five'], ['los angeles', 'has domain', 'buses'], ['number of rooms', 'has value', '1'], ['los angeles', 'has domain', 'hotels'], ['hotels', 'has slot', 'check in date'], ['check in date', 'has value', 'march 6th'], ['hotels', 'has slot', 'place name'], ['$ 10', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-1397\n", + "dialogue: \"user\": \"i would like to reserve a bus to go to san francisco on the 11th of this month .\"\n", + "\"system\": \"what time would you like to leave ?\"\n", + "\"user\": \"i ' d like to leave at half past 2 in the afternoon .\"\n", + "\"system\": \"where are you leaving from ? and how many tickets do you require ?\"\n", + "\"user\": \"i need 3 tickets out of lax .\"\n", + "\"system\": \"please confirm the following : you would like 3 bus tickets leaving from los angeles and heading to san francisco on march 11th at 2 : 30 pm .\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"i could not buy the ticket . would a bus leaving at 2 : 20 pm work ? it costs $ 48 .\"\n", + "\"user\": \"yes , that will work .\"\n", + "\"system\": \"the tickets have been bought .\"\n", + "\"user\": \"thanks for all your help . could you help me find a hotel there too ?\"\n", + "\"system\": \"i have found 10 hotels that might work . there ' s a 1 star hotel called amsterdam hostel san francisco that might work .\"\n", + "\"user\": \"what ' s their number ?\"\n", + "\"system\": \"their number is + 1 415 - 673 - 3277 .\"\n", + "\"user\": \"can you smoke in the hotel ?\"\n", + "\"system\": \"no , you can ' t smoke on the property .\"\n", + "\"user\": \"are there any other options ? i need 3 rooms .\"\n", + "\"system\": \"there ' s a 4 star hotel called argonaut hotel .\"\n", + "\"user\": \"that would work . i ' d like to reserve a room .\"\n", + "\"system\": \"are you wanting to check in on march 11th ?\"\n", + "\"user\": \"i ' d like to check in on the 12th of this month .\"\n", + "\"system\": \"how long do you want to stay ?\"\n", + "\"user\": \"i need to stay for one day . i ' d like to check in on the 11th of this month .\"\n", + "\"system\": \"please confirm the following : you want 3 rooms for 1 day on march 11th at the argonaut hotel in san francisco .\"\n", + "\"user\": \"yes , that would work .\"\n", + "\"system\": \"the rooms have been booked .\"\n", + "\"user\": \"thanks for all the help . that ' s all !\"\n", + "\"system\": \"farewell , have a great day !\"\n", + "\n", + "terms: ['march 11th', 'los angeles', 'lax', '$ 48', '2 : 30 pm', '+ 1 415 - 673 - 3277', '12th of this month', 'half past 2 in the afternoon', 'argonaut hotel', 'one', 'hotels', 'amsterdam hostel san francisco', '2 : 20 pm', '11th of this month', '3', '4', '10', '1', 'san francisco']\n", + "relations: [['half past 2 in the afternoon', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['leaving time', 'has value', '2 : 30 pm'], ['leaving time', 'has value', '2 : 20 pm'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'march 11th'], ['stay length', 'has value', 'one'], ['11th of this month', 'has domain', 'buses'], ['from location', 'has value', 'lax'], ['phone number', 'has value', '+ 1 415 - 673 - 3277'], ['+ 1 415 - 673 - 3277', 'has domain', 'hotels'], ['11th of this month', 'has domain', 'hotels'], ['buses', 'has slot', 'from location'], ['check in date', 'has value', '11th of this month'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['place name', 'has value', 'argonaut hotel'], ['location', 'has value', 'san francisco'], ['san francisco', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['hotels', 'has slot', 'count'], ['argonaut hotel', 'has domain', 'hotels'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['12th of this month', 'has domain', 'hotels'], ['san francisco', 'refers to same concept as', 'san fran'], ['hotels', 'has slot', 'phone number'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'location'], ['march 11th', 'has domain', 'buses'], ['stay length', 'has value', '1'], ['10', 'has domain', 'hotels'], ['march 11th', 'has domain', 'hotels'], ['leaving date', 'has value', '11th of this month'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['4', 'refers to same concept as', '$ 4'], ['amsterdam hostel san francisco', 'has domain', 'hotels'], ['hotels', 'has slot', 'number of rooms'], ['3', 'has domain', 'buses'], ['fare', 'has value', '$ 48'], ['$ 48', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['from location', 'has value', 'los angeles'], ['los angeles', 'refers to same concept as', 'lax'], ['1', 'refers to same concept as', 'one'], ['smoking allowed', 'has value', 'false'], ['to location', 'has value', 'san francisco'], ['hotels', 'has slot', 'smoking allowed'], ['false', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['2 : 30 pm', 'has domain', 'buses'], ['leaving time', 'has value', 'half past 2 in the afternoon'], ['los angeles', 'has domain', 'buses'], ['2 : 20 pm', 'has domain', 'buses'], ['check in date', 'has value', 'march 11th'], ['lax', 'has domain', 'buses'], ['star rating', 'has value', '4'], ['one', 'has domain', 'hotels'], ['number of rooms', 'has value', '3'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['place name', 'has value', 'amsterdam hostel san francisco'], ['check in date', 'has value', '12th of this month'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-1398\n", + "dialogue: \"user\": \"i would like to make a bus reservation .\"\n", + "\"system\": \"when will you leave ?\"\n", + "\"user\": \"i would like to leave on march 8th .\"\n", + "\"system\": \"how many tickets would you like ? where are you leaving from and where are you going ?\"\n", + "\"user\": \"the ticket is for 3 and i ' m going to long beach from fresno , ca .\"\n", + "\"system\": \"what time would you like to leave ?\"\n", + "\"user\": \"i would like to leave at 17 : 15 .\"\n", + "\"system\": \"could you confirm that you want a bus ticket from fresno to long beach on march 8th at 5 : 15 pm for 3 ?\"\n", + "\"user\": \"yes , that is good .\"\n", + "\"system\": \"sorry , i was unable to purchase the ticket . what about a bus leaving at 5 : 10 pm that costs $ 37 ?\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"your ticket was confirmed .\"\n", + "\"user\": \"what bus station will i leave from and what bus station will i get to ?\"\n", + "\"system\": \"you will go from fresno station to downtown station .\"\n", + "\"user\": \"thank you for helping . would you be able to find 4 star hotels in the area too ? i would like 1 room .\"\n", + "\"system\": \"i have 3 hotels that should match . there is a hotel called hyatt centric the pike long beach ? it ' s a 4 star .\"\n", + "\"user\": \"could you tell me the street address and phone number ?\"\n", + "\"system\": \"the phone number is + 1 562 - 432 - 1234 and address is 285 bay street .\"\n", + "\"user\": \"sounds nice . i want to reserve the hotel .\"\n", + "\"system\": \"how long will you stay ? would you like to check in on march 8th ?\"\n", + "\"user\": \"sounds nice . i want to book for six days .\"\n", + "\"system\": \"could you confirm that you want a hotel in hyatt centric the pike long beach and that you will check in march 8th for 6 days ? this hotel is in long beach and you want 1 room .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"i have booked the hotel successfully . it is $ 360 per night .\"\n", + "\"user\": \"thanks , that was a great help .\"\n", + "\"system\": \"would i be able to assist with something else ?\"\n", + "\"user\": \"no , thanks . that was a good help\"\n", + "\"system\": \"bye , have a great day .\"\n", + "\n", + "terms: ['5 : 15 pm', 'hyatt centric the pike', 'fresno', '285 bay street', '6', '5 : 10 pm', 'street address', 'hyatt centric the pike long beach', '17 : 15', 'hotels', 'fresno , ca', 'phone number', 'six', '+ 1 562 - 432 - 1234', '$ 360', 'fresno station', 'long beach', '3', '4', '$ 37', 'downtown station', '1', 'march 8th']\n", + "relations: [['fare', 'has value', '$ 37'], ['buses', 'has slot', 'to station'], ['fresno station', 'has domain', 'buses'], ['place name', 'has value', 'hyatt centric the pike long beach'], ['+ 1 562 - 432 - 1234', 'has domain', 'hotels'], ['hotels', 'has slot', 'reservehotel'], ['hyatt centric the pike long beach', 'has domain', 'hotels'], ['17 : 15', 'refers to same concept as', '5 : 15 pm'], ['buses', 'has slot', 'leaving time'], ['check in date', 'has value', 'march 8th'], ['hotels', 'has slot', 'price per night'], ['$ 360', 'has domain', 'hotels'], ['fresno', 'has domain', 'buses'], ['six', 'has domain', 'hotels'], ['buses', 'has slot', 'from location'], ['location', 'has value', 'long beach'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['fresno , ca', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['from location', 'has value', 'fresno'], ['march 8th', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['6', 'has domain', 'hotels'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['hotels', 'has slot', 'phone number'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'location'], ['phone number', 'has value', '+ 1 562 - 432 - 1234'], ['leaving date', 'has value', 'march 8th'], ['stay length', 'has value', '6'], ['3', 'refers to same concept as', '$ 3'], ['285 bay street', 'has domain', 'hotels'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['price per night', 'has value', '$ 360'], ['to station', 'has value', 'downtown station'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['17 : 15', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'fresno , ca'], ['long beach', 'has domain', 'hotels'], ['hotels', 'has slot', 'number of rooms'], ['6', 'refers to same concept as', 'six'], ['3', 'has domain', 'buses'], ['leaving time', 'has value', '5 : 10 pm'], ['street address', 'has value', '285 bay street'], ['3', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'long beach'], ['5 : 10 pm', 'has domain', 'buses'], ['leaving time', 'has value', '17 : 15'], ['stay length', 'has value', 'six'], ['leaving time', 'has value', '5 : 15 pm'], ['5 : 15 pm', 'has domain', 'buses'], ['hotels', 'has slot', 'street address'], ['1', 'has domain', 'hotels'], ['$ 37', 'has domain', 'buses'], ['downtown station', 'has domain', 'buses'], ['count', 'has value', '3'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['star rating', 'has value', '4'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['hyatt centric the pike long beach', 'refers to same concept as', 'hyatt centric the pike'], ['buses', 'has slot', 'fare'], ['from station', 'has value', 'fresno station']]\n", + "\n", + "dialogue id: sgd-validation-1399\n", + "dialogue: \"user\": \"i need to reserve a seat on the bus to vegas .\"\n", + "\"system\": \"how many tickets ? where are you going ?\"\n", + "\"user\": \"2 people to sfo .\"\n", + "\"system\": \"when and what time are you leaving ?\"\n", + "\"user\": \"i am leaving on 12th of march at 3 in the afternoon .\"\n", + "\"system\": \"please confirm , bus tickets for 2 from las vegas to san francisco on march 12th at 3 pm .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"sorry , that ticket wasn ' t available . i found another seat at 2 : 50 pm for $ 55 .\"\n", + "\"user\": \"that will be fine .\"\n", + "\"system\": \"your ticket is confirmed .\"\n", + "\"user\": \"can you find 1 room in a 3 star hotel ?\"\n", + "\"system\": \"i found 8 hotels including bei hotel san francisco , it is a 3 star hotel .\"\n", + "\"user\": \"that is perfect , book that hotel .\"\n", + "\"system\": \"are you checking in on march 12th ?\"\n", + "\"user\": \"yes , and staying for 2 days .\"\n", + "\"system\": \"please confirm , 1 room at bei hotel san francisco on march 12th for 2 day in san francisco .\"\n", + "\"user\": \"yes , what is the street address and price per night ?\"\n", + "\"system\": \"the reservation is complete . the address is 50 8th street and the cost per night is $ 156 .\"\n", + "\"user\": \"thanks , that is all i need .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['3 pm', '2', '2 : 50 pm', 'price per night', '12th of march', '50 8th street', 'bei hotel san francisco', 'street address', '$ 156', '3 in the afternoon', 'vegas', '8', 'hotels', 'sfo', 'march 12th', '$ 55', '3', '1', 'san francisco', 'las vegas']\n", + "relations: [['leaving date', 'has value', 'march 12th'], ['hotels', 'has slot', 'reservehotel'], ['2', 'has domain', 'buses'], ['to location', 'has value', 'sfo'], ['travelers', 'has value', '2'], ['las vegas', 'has domain', 'buses'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['count', 'has value', '8'], ['vegas', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['stay length', 'has value', '2'], ['location', 'has value', 'san francisco'], ['buses', 'has slot', 'from location'], ['2 : 50 pm', 'has domain', 'buses'], ['from location', 'has value', 'vegas'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['leaving time', 'has value', '2 : 50 pm'], ['hotels', 'has slot', 'searchhotel'], ['true', 'has domain', 'hotels'], ['sfo', 'has domain', 'buses'], ['san francisco', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['50 8th street', 'has domain', 'hotels'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['3 pm', 'has domain', 'buses'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'location'], ['$ 156', 'has domain', 'hotels'], ['price per night', 'has value', '$ 156'], ['smoking allowed', 'has value', 'true'], ['3 in the afternoon', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['8', 'has domain', 'hotels'], ['leaving time', 'has value', '3 pm'], ['street address', 'has value', '50 8th street'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', '12th of march'], ['hotels', 'has slot', 'number of rooms'], ['fare', 'has value', '$ 55'], ['from location', 'has value', 'las vegas'], ['3', 'has domain', 'hotels'], ['bei hotel san francisco', 'has domain', 'hotels'], ['march 12th', 'has domain', 'buses'], ['check in date', 'has value', 'march 12th'], ['to location', 'has value', 'san francisco'], ['hotels', 'has slot', 'smoking allowed'], ['leaving time', 'has value', '3 in the afternoon'], ['place name', 'has value', 'bei hotel san francisco'], ['march 12th', 'has domain', 'hotels'], ['hotels', 'has slot', 'street address'], ['1', 'has domain', 'hotels'], ['12th of march', 'has domain', 'buses'], ['number of rooms', 'has value', '1'], ['$ 55', 'has domain', 'buses'], ['hotels', 'has slot', 'check in date'], ['las vegas', 'refers to same concept as', 'vegas'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1400\n", + "dialogue: \"user\": \"one person sacramento , ca\"\n", + "\"system\": \"what time then ?\"\n", + "\"user\": \"11 : 45 am and leaving 10th of this month\"\n", + "\"system\": \"where from are you leaving ?\"\n", + "\"user\": \"san diego is where\"\n", + "\"system\": \"san diego sacramento march 10th 11 : 45 am for 1\"\n", + "\"user\": \"yes that works\"\n", + "\"system\": \"the bus at 11 : 40 am $ 68\"\n", + "\"user\": \"yes that works\"\n", + "\"system\": \"it is good\"\n", + "\"user\": \"four star 3 rooms\"\n", + "\"system\": \"hyatt regency sacramento 4 star\"\n", + "\"user\": \"any smoking there ?\"\n", + "\"system\": \"$ 240 a night\"\n", + "\"user\": \"2 different rooms\"\n", + "\"system\": \"3 hotels sheraton grand sacramento hotel 4 stars\"\n", + "\"user\": \"i wanna get it\"\n", + "\"system\": \"how long then on march 10th ?\"\n", + "\"user\": \"on the 11th 3 days\"\n", + "\"system\": \"sheraton grand sacramento hotel march 11th sacramento 3 days 2 rooms\"\n", + "\"user\": \"that works for me\"\n", + "\"system\": \"this is good\"\n", + "\"user\": \"tell me address\"\n", + "\"system\": \"13th and j street\"\n", + "\"user\": \"thanks a lot\"\n", + "\"system\": \"bye bye now\"\n", + "\n", + "terms: ['march 11th', 'sheraton grand sacramento hotel', '3', 'the 11th', '4', '2', 'hotels', 'sacramento', 'march 10th', '11 : 45 am', '11 : 40 am']\n", + "relations: [['sheraton grand sacramento hotel', 'has domain', 'hotels'], ['fare', 'has value', '$ 68'], ['price per night', 'has value', '$ 240'], ['to location', 'has value', 'sacramento'], ['hotels', 'has slot', 'reservehotel'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['leaving date', 'has value', '10th of this month'], ['leaving time', 'has value', '11 : 40 am'], ['hyatt regency sacramento', 'has domain', 'hotels'], ['check in date', 'has value', 'the 11th'], ['$ 240', 'has domain', 'hotels'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['hotels', 'has slot', 'stay length'], ['4', 'refers to same concept as', 'four'], ['hotels', 'has slot', 'location'], ['13th and j street', 'has domain', 'hotels'], ['stay length', 'has value', '3'], ['march 11th', 'has domain', 'hotels'], ['sacramento', 'has domain', 'buses'], ['11 : 40 am', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['check in date', 'has value', 'march 10th'], ['sacramento', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['location', 'has value', 'sacramento'], ['hotels', 'has slot', 'number of rooms'], ['number of rooms', 'has value', '2'], ['to location', 'has value', 'sacramento , ca'], ['2', 'refers to same concept as', '$ 2'], ['3', 'has domain', 'hotels'], ['street address', 'has value', '13th and j street'], ['leaving time', 'has value', '11 : 45 am'], ['$ 68', 'has domain', 'buses'], ['the 11th', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['march 10th', 'has domain', 'buses'], ['place name', 'has value', 'hyatt regency sacramento'], ['smoking allowed', 'has value', 'false'], ['hotels', 'has slot', 'smoking allowed'], ['1', 'has domain', 'buses'], ['march 10th', 'has domain', 'hotels'], ['hotels', 'has slot', 'street address'], ['10th of this month', 'has domain', 'buses'], ['false', 'has domain', 'hotels'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['count', 'has value', '3'], ['place name', 'has value', 'sheraton grand sacramento hotel'], ['check in date', 'has value', 'march 11th'], ['11 : 45 am', 'has domain', 'buses'], ['from location', 'has value', 'san diego'], ['leaving date', 'has value', 'march 10th'], ['star rating', 'has value', '4'], ['number of rooms', 'has value', '3'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1401\n", + "dialogue: \"user\": \"i would like to reserve the bus to san diego from long beach .\"\n", + "\"system\": \"when are you leaving and how many tickets are needed ?\"\n", + "\"user\": \"i need for one person leaving quarter past 7 in the morning the 4th of march .\"\n", + "\"system\": \"please confirm a ticket for a bus leaving from long beach to san diego march 4th at 7 : 15 am for 1 person .\"\n", + "\"user\": \"yes , that will be good for me .\"\n", + "\"system\": \"sorry i couldn ' t purchase the ticket . what about a bus leaving 7 am that costs $ 23 ?\"\n", + "\"user\": \"yes , that is good for me .\"\n", + "\"system\": \"the ticket is confirmed .\"\n", + "\"user\": \"would you look for hotels in that area too for 2 rooms at a 2 star hotel ?\"\n", + "\"system\": \"best western mission bay is a great 2 star hotel .\"\n", + "\"user\": \"what other hotels match the criteria ?\"\n", + "\"system\": \"the best western san diego / miramar hotel is a 2 star hotel .\"\n", + "\"user\": \"will smoking be allowed at the hotel and what is the price a night ?\"\n", + "\"system\": \"no , smoking isn ' t allowed at the property and it is $ 126 a night .\"\n", + "\"user\": \"that is good . i would like to make the reservation to the hotel for five days .\"\n", + "\"system\": \"would you like to check in on march 4th ?\"\n", + "\"user\": \"i would like to check in the 8th .\"\n", + "\"system\": \"please confirm a hotel in best western san diego / miramar hotel march 8th check in for 5 days in san diego for 2 rooms .\"\n", + "\"user\": \"sure that is good .\"\n", + "\"system\": \"you ' ve successfully booked the hotel .\"\n", + "\"user\": \"thanks for your help and that is all .\"\n", + "\"system\": \"bye and have a great day !\"\n", + "\n", + "terms: ['best western san diego / miramar hotel', 'the 8th', '$ 126', 'five', '7 : 15 am', 'long beach', 'quarter past 7 in the morning', 'one', '7 am', '2', '$ 23', 'hotels', '5', '4th of march', '1', 'march 4th', 'san diego', 'march 8th']\n", + "relations: [['san diego', 'has domain', 'hotels'], ['hotels', 'has slot', 'reservehotel'], ['best western mission bay', 'has domain', 'hotels'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['the 8th', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['check in date', 'has value', 'march 8th'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['5', 'has domain', 'hotels'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['march 8th', 'has domain', 'hotels'], ['buses', 'has slot', 'travelers'], ['place name', 'has value', 'best western san diego / miramar hotel'], ['location', 'has value', 'san diego'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'location'], ['4th of march', 'has domain', 'buses'], ['five', 'has domain', 'hotels'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['stay length', 'has value', '5'], ['fare', 'has value', '$ 23'], ['hotels', 'has slot', 'number of rooms'], ['number of rooms', 'has value', '2'], ['check in date', 'has value', 'the 8th'], ['5', 'refers to same concept as', 'five'], ['2', 'refers to same concept as', '$ 2'], ['leaving time', 'has value', '7 am'], ['1', 'refers to same concept as', 'one'], ['quarter past 7 in the morning', 'has domain', 'buses'], ['smoking allowed', 'has value', 'false'], ['place name', 'has value', 'best western mission bay'], ['from location', 'has value', 'long beach'], ['hotels', 'has slot', 'smoking allowed'], ['1', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 15 am'], ['leaving time', 'has value', 'quarter past 7 in the morning'], ['7 : 15 am', 'has domain', 'buses'], ['false', 'has domain', 'hotels'], ['7 am', 'has domain', 'buses'], ['march 4th', 'has domain', 'buses'], ['best western san diego / miramar hotel', 'has domain', 'hotels'], ['stay length', 'has value', 'five'], ['$ 126', 'has domain', 'hotels'], ['price per night', 'has value', '$ 126'], ['march 4th', 'has domain', 'hotels'], ['to location', 'has value', 'san diego'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['leaving date', 'has value', '4th of march'], ['check in date', 'has value', 'march 4th'], ['$ 23', 'has domain', 'buses'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1402\n", + "dialogue: \"user\": \"please reserve for me a bus .\"\n", + "\"system\": \"tell me at what time you want to leave and from where . you need how many tickets ?\"\n", + "\"user\": \"for 2 people from sacramento at 13 : 15 .\"\n", + "\"system\": \"you plan to leave when ?\"\n", + "\"user\": \"on 9th of this month i plan to go .\"\n", + "\"system\": \"where you [ plan to go ?\"\n", + "\"user\": \"in long beach i want to go .\"\n", + "\"system\": \"you need 2 tickets for the bus that leave from sacramento to long beach on march 9th at 1 : 15 pm .\"\n", + "\"user\": \"no . please change it on later today .\"\n", + "\"system\": \"destination is long beach on march 1st . i ' m right ?\"\n", + "\"user\": \"no . i would like to go to san fran .\"\n", + "\"system\": \"destination is san francisco for 2 people . is that correct ?\"\n", + "\"user\": \"yes perfect . i also need to know the bus station from where i will leave and if the bus have 0 transfers .\"\n", + "\"system\": \"sorry but buying tickets was not made . sacramento valley station is the origin station and has 0 transfers . what do you think about the bus that depart at 1 : 20 pm and cost $ 22 ?\"\n", + "\"user\": \"yes is good .\"\n", + "\"system\": \"the tickets was bought successfully .\"\n", + "\"user\": \"you can find me in that area a hotel ?\"\n", + "\"system\": \"i have 10 option for you . a 1 star hotel named amsterdam hostel san francisco .\"\n", + "\"user\": \"other option you have ? i want 1 room at a three star hotel .\"\n", + "\"system\": \"i have 10 option for you . first is a 3 star hotel named bei hotel san francisco .\"\n", + "\"user\": \"sounds very good . reserve for 5 days for me at this hotel\"\n", + "\"system\": \"check in date will be on march 1st ?\"\n", + "\"user\": \"in 9th of this month will be okay for me .\"\n", + "\"system\": \"you want 1 room for 5 days at bei hotel san francisco in san francisco . check in date will be on march 9th .\"\n", + "\"user\": \"that ' s sounds perfect .\"\n", + "\"system\": \"buying was made successfully .\"\n", + "\"user\": \"thank you for helping me . that ' s all .\"\n", + "\"system\": \"have a great day ! bye .\"\n", + "\n", + "terms: ['san fran', 'march 1st', 'check in date', '9th of this month', 'sacramento valley station', '2', 'march 9th', '$ 22', 'bei hotel san francisco', '5', 'sacramento', 'amsterdam hostel san francisco', 'later today', 'transfers', '13 : 15', 'long beach', '3', '1 : 15 pm', '0', '1 : 20 pm', '10', 'three', '1', 'san francisco']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['from location', 'has value', 'sacramento'], ['check in date', 'has value', 'march 1st'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['$ 22', 'has domain', 'buses'], ['later today', 'has domain', 'buses'], ['check in date', 'has value', 'march 9th'], ['location', 'has value', 'san francisco'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['to location', 'has value', 'san fran'], ['san francisco', 'has domain', 'buses'], ['1 : 15 pm', 'has domain', 'buses'], ['leaving time', 'has value', '1 : 20 pm'], ['hotels', 'has slot', 'searchhotel'], ['5', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['hotels', 'has slot', 'count'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['march 9th', 'has domain', 'hotels'], ['star rating', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['san francisco', 'has domain', 'hotels'], ['san francisco', 'refers to same concept as', 'san fran'], ['hotels', 'has slot', 'stay length'], ['transfers', 'has value', '0'], ['from station', 'has value', 'sacramento valley station'], ['hotels', 'has slot', 'location'], ['10', 'has domain', 'hotels'], ['check in date', 'has value', '9th of this month'], ['sacramento', 'has domain', 'buses'], ['13 : 15', 'refers to same concept as', '1 : 15 pm'], ['leaving time', 'has value', '13 : 15'], ['leaving date', 'has value', 'march 9th'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['stay length', 'has value', '5'], ['9th of this month', 'has domain', 'buses'], ['march 1st', 'has domain', 'buses'], ['amsterdam hostel san francisco', 'has domain', 'hotels'], ['hotels', 'has slot', 'number of rooms'], ['2', 'refers to same concept as', '$ 2'], ['march 1st', 'has domain', 'hotels'], ['9th of this month', 'has domain', 'hotels'], ['3', 'has domain', 'hotels'], ['bei hotel san francisco', 'has domain', 'hotels'], ['fare', 'has value', '$ 22'], ['to location', 'has value', 'long beach'], ['to location', 'has value', 'san francisco'], ['place name', 'has value', 'bei hotel san francisco'], ['buses', 'has slot', 'transfers'], ['leaving date', 'has value', 'later today'], ['leaving date', 'has value', '9th of this month'], ['san fran', 'has domain', 'buses'], ['1', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'check in date'], ['3', 'refers to same concept as', 'three'], ['leaving time', 'has value', '1 : 15 pm'], ['13 : 15', 'has domain', 'buses'], ['1 : 20 pm', 'has domain', 'buses'], ['hotels', 'has slot', 'place name'], ['place name', 'has value', 'amsterdam hostel san francisco'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-1403\n", + "dialogue: \"user\": \"i am looking for a bus for two people from sacramento\"\n", + "\"system\": \"what time are you leaving and where are you going to\"\n", + "\"user\": \"i am going to anaheim at 6 : 30 in the evening\"\n", + "\"system\": \"when are you leaving\"\n", + "\"user\": \"i am leaving on the 10th\"\n", + "\"system\": \"please confirm your bus ticket for 2 from sacramento to anaheim on march 10th at 6 : 30 pm\"\n", + "\"user\": \"yes please\"\n", + "\"system\": \"sorry they are booked . what about 6 : 50 pm ticket for $ 70\"\n", + "\"user\": \"that works\"\n", + "\"system\": \"your ticket is booked\"\n", + "\"user\": \"thank you , can you also find me a hotel in the area\"\n", + "\"system\": \"what about a 2 star hotel called anaheim desert inn and suites\"\n", + "\"user\": \"perfect , please book 1 room on march 12th\"\n", + "\"system\": \"how long are you staying\"\n", + "\"user\": \"i am staying for two days\"\n", + "\"system\": \"please confirm your booking for 1 room at anaheim desert inn and suites in anaheim for 2 days on march 12th\"\n", + "\"user\": \"yes please . is smoking allowed\"\n", + "\"system\": \"no they do not allow smoking\"\n", + "\"user\": \"what is their address\"\n", + "\"system\": \"they are located in 1600 south harbor boulevard\"\n", + "\"user\": \"thank you\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"no that ' s it\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['6 : 50 pm', 'anaheim', 'anaheim desert inn and suites', '2', 'sacramento', 'march 10th', 'two', '1']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['from location', 'has value', 'sacramento'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['anaheim desert inn and suites', 'has domain', 'hotels'], ['the 10th', 'has domain', 'buses'], ['leaving time', 'has value', '6 : 30 pm'], ['stay length', 'has value', '2'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['location', 'has value', 'anaheim'], ['fare', 'has value', '$ 70'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'to location'], ['street address', 'has value', '1600 south harbor boulevard'], ['buses', 'has slot', 'travelers'], ['anaheim', 'has domain', 'buses'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'location'], ['anaheim', 'has domain', 'hotels'], ['6 : 30 pm', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['$ 70', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['buses', 'has slot', 'buybusticket'], ['hotels', 'has slot', 'number of rooms'], ['stay length', 'has value', 'two'], ['two', 'has domain', 'hotels'], ['6 : 30 in the evening', 'has domain', 'buses'], ['1600 south harbor boulevard', 'has domain', 'hotels'], ['march 10th', 'has domain', 'buses'], ['check in date', 'has value', 'march 12th'], ['to location', 'has value', 'anaheim'], ['march 12th', 'has domain', 'hotels'], ['hotels', 'has slot', 'smoking allowed'], ['leaving time', 'has value', '6 : 50 pm'], ['smoking allowed', 'has value', 'false'], ['hotels', 'has slot', 'street address'], ['false', 'has domain', 'hotels'], ['6 : 50 pm', 'has domain', 'buses'], ['1', 'has domain', 'hotels'], ['number of rooms', 'has value', '1'], ['place name', 'has value', 'anaheim desert inn and suites'], ['leaving time', 'has value', '6 : 30 in the evening'], ['leaving date', 'has value', 'march 10th'], ['hotels', 'has slot', 'check in date'], ['leaving date', 'has value', 'the 10th'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1404\n", + "dialogue: \"user\": \"i would like to use the bus .\"\n", + "\"system\": \"how many tickets are you needing ? what time will you leave and from where ?\"\n", + "\"user\": \"it is for three . i would like to leave at 1 : 15 in the afternoon from sacramento .\"\n", + "\"system\": \"where do you want to go ?\"\n", + "\"user\": \"i would like to go to las vegas .\"\n", + "\"system\": \"when will you leave ?\"\n", + "\"user\": \"i will leave on march 1st .\"\n", + "\"system\": \"could you confirm that you want to have a bus leaving from sacramento to las vegas on march 1st at 1 : 15 pm for 3 ?\"\n", + "\"user\": \"yes , that is fine .\"\n", + "\"system\": \"sorry , i couldnot buy the ticket . do you want to leave at 1 : 20 pm ? the bus ticket costs $ 69 .\"\n", + "\"user\": \"sounds great .\"\n", + "\"system\": \"your ticket has been confirmed .\"\n", + "\"user\": \"thank you for helping . would find hotels in that area as well ?\"\n", + "\"system\": \"there is a hotel by the name of best western plus las vegas west which is a 3 star .\"\n", + "\"user\": \"could you tell me the price per night ?\"\n", + "\"system\": \"it is $ 117 per night .\"\n", + "\"user\": \"do you have something else that could match my criteria ? i need 1 room and want a smoking room .\"\n", + "\"system\": \"i have 3 hotels that should work . what about budget suites of america ? it ' s a 1 star .\"\n", + "\"user\": \"sounds nice . i want to reserve it .\"\n", + "\"system\": \"would you like to check in on march 1st ? how long will you stay ?\"\n", + "\"user\": \"i will stay for three days on 8th of march .\"\n", + "\"system\": \"could you confirm that you want to find a hotel in budget suites of america ? you will check in on march 8th and stay for 3 days in las vegas . you need 1 room .\"\n", + "\"user\": \"sure , sounds good . what is the street address ?\"\n", + "\"system\": \"i have booked it . the address is 2219 north rancho drive .\"\n", + "\"user\": \"thank you , you have been helpful .\"\n", + "\"system\": \"do you need help with anything else ?\"\n", + "\"user\": \"no , thank you . you have been helpful .\"\n", + "\"system\": \"thanks , good bye .\"\n", + "\n", + "terms: ['march 1st', '2219 north rancho drive', '8th of march', 'las vegas', 'price per night', 'best western plus las vegas west', 'budget suites of america', '$ 117', 'street address', 'vegas', '$ 69', 'sacramento', 'hotels', '3', '1 : 15 pm', '1 : 15 in the afternoon', '1 : 20 pm', 'three', '1', 'march 8th']\n", + "relations: [['check in date', 'has value', '8th of march'], ['budget suites of america', 'has domain', 'hotels'], ['hotels', 'has slot', 'reservehotel'], ['las vegas', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['check in date', 'has value', 'march 1st'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['check in date', 'has value', 'march 8th'], ['las vegas', 'has domain', 'hotels'], ['location', 'has value', 'las vegas'], ['best western plus las vegas west', 'has domain', 'hotels'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['leaving time', 'has value', '1 : 20 pm'], ['1 : 15 pm', 'has domain', 'buses'], ['three', 'has domain', 'hotels'], ['march 8th', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['hotels', 'has slot', 'count'], ['8th of march', 'has domain', 'hotels'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'travelers'], ['star rating', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['1 : 15 in the afternoon', 'has domain', 'buses'], ['hotels', 'has slot', 'stay length'], ['leaving time', 'has value', '1 : 15 in the afternoon'], ['hotels', 'has slot', 'location'], ['smoking allowed', 'has value', 'true'], ['stay length', 'has value', '3'], ['stay length', 'has value', 'three'], ['sacramento', 'has domain', 'buses'], ['price per night', 'has value', '$ 117'], ['hotels', 'has slot', 'star rating'], ['street address', 'has value', '2219 north rancho drive'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['place name', 'has value', 'best western plus las vegas west'], ['place name', 'has value', 'budget suites of america'], ['3', 'has domain', 'buses'], ['march 1st', 'has domain', 'hotels'], ['3', 'has domain', 'hotels'], ['to location', 'has value', 'las vegas'], ['fare', 'has value', '$ 69'], ['2219 north rancho drive', 'has domain', 'hotels'], ['$ 117', 'has domain', 'hotels'], ['hotels', 'has slot', 'smoking allowed'], ['hotels', 'has slot', 'street address'], ['1', 'has domain', 'hotels'], ['count', 'has value', '3'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'check in date'], ['3', 'refers to same concept as', 'three'], ['leaving time', 'has value', '1 : 15 pm'], ['1 : 20 pm', 'has domain', 'buses'], ['$ 69', 'has domain', 'buses'], ['hotels', 'has slot', 'place name'], ['las vegas', 'refers to same concept as', 'vegas'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1405\n", + "dialogue: \"user\": \"can you help me book bus tickets ?\"\n", + "\"system\": \"sure . how many tickets and where is your destination ?\"\n", + "\"user\": \"three people going to sf .\"\n", + "\"system\": \"what is your departure location and date ?\"\n", + "\"user\": \"i will be leaving from sacramento , ca the 14th of this month in the morning 11 : 30 .\"\n", + "\"system\": \"please confirm you want me to book 3 tickets on the bus departing from sacramento on march 14th at 11 : 30 am and arriving in san francisco .\"\n", + "\"user\": \"no . make that on march 1st .\"\n", + "\"system\": \"please confirm you want to book tickets on the bus from sacramento on march 1st .\"\n", + "\"user\": \"yes . that ' s correct . can you tell me the number of transfers and the arrival bus station ?\"\n", + "\"system\": \"the bus arriving at salesforce transit center has 0 transfers . the booking was not successful . should i try the bus departing at 11 am for $ 24 ?\"\n", + "\"user\": \"okay . thank you .\"\n", + "\"system\": \"your bus ticket reservation was a success .\"\n", + "\"user\": \"i will also need to find a hotel ?\"\n", + "\"system\": \"the amsterdam hostel san francisco is a 1 star area hotel .\"\n", + "\"user\": \"okay . that one sounds good .\"\n", + "\"system\": \"would you like me to book any rooms ?\"\n", + "\"user\": \"yes . i will need three rooms please .\"\n", + "\"system\": \"will you be checking in on march 1st ? how long will you be there ?\"\n", + "\"user\": \"arriving on wednesday next week and staying for 4 days .\"\n", + "\"system\": \"please confirm you want to book 3 rooms at the amsterdam hostel san francisco checking in on march 6th for 4 days in san francisco .\"\n", + "\"user\": \"okay . this one sounds good .\"\n", + "\"system\": \"the hotel rooms have been successfully booked .\"\n", + "\"user\": \"thanks for your help . that ' s all .\"\n", + "\"system\": \"you ' re welcome . enjoy your day .\"\n", + "\n", + "terms: ['march 1st', 'march 6th', 'location', '$ 24', '11 : 30 am', '11 am', 'wednesday next week', 'salesforce transit center', 'march 14th', 'one', 'sacramento', 'amsterdam hostel san francisco', 'sf', 'sacramento , ca', 'transfers', 'morning 11 : 30', '3', '4', '0', '14th of this month', 'three', '1', 'san francisco']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['buses', 'has slot', 'to station'], ['hotels', 'has slot', 'reservehotel'], ['to station', 'has value', 'salesforce transit center'], ['leaving time', 'has value', 'morning 11 : 30'], ['from location', 'has value', 'sacramento'], ['check in date', 'has value', 'march 1st'], ['buses', 'has slot', 'leaving time'], ['san francisco', 'refers to same concept as', 'sfo'], ['location', 'has value', 'san francisco'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['march 14th', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['wednesday next week', 'has domain', 'hotels'], ['leaving date', 'has value', '14th of this month'], ['san francisco', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['star rating', 'has value', '1'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['0', 'has domain', 'buses'], ['leaving date', 'has value', 'march 1st'], ['salesforce transit center', 'has domain', 'buses'], ['fare', 'has value', '$ 24'], ['hotels', 'has slot', 'stay length'], ['transfers', 'has value', '0'], ['hotels', 'has slot', 'location'], ['march 6th', 'has domain', 'hotels'], ['sacramento', 'has domain', 'buses'], ['to location', 'has value', 'sf'], ['leaving time', 'has value', '11 am'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['14th of this month', 'has domain', 'buses'], ['march 1st', 'has domain', 'buses'], ['amsterdam hostel san francisco', 'has domain', 'hotels'], ['sf', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['3', 'has domain', 'buses'], ['march 1st', 'has domain', 'hotels'], ['from location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'san francisco'], ['check in date', 'has value', 'wednesday next week'], ['11 : 30 am', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'hotels'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['leaving time', 'has value', '11 : 30 am'], ['$ 24', 'has domain', 'buses'], ['number of rooms', 'has value', '3'], ['11 am', 'has domain', 'buses'], ['hotels', 'has slot', 'check in date'], ['check in date', 'has value', 'march 6th'], ['hotels', 'has slot', 'place name'], ['3', 'refers to same concept as', 'three'], ['place name', 'has value', 'amsterdam hostel san francisco'], ['morning 11 : 30', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['stay length', 'has value', '4']]\n", + "\n", + "dialogue id: sgd-validation-1406\n", + "dialogue: \"user\": \"i need to reserve a bus leaving at 12 : 15 in the afternoon .\"\n", + "\"system\": \"what is your departure date and your arrival city ? how many in your party ?\"\n", + "\"user\": \"it is for three people leaving today and going to sacramento , ca .\"\n", + "\"system\": \"leaving from where ?\"\n", + "\"user\": \"i ' ll be leaving from anaheim .\"\n", + "\"system\": \"please confirm you want to book bus tickets for 3 leaving from anaheim on march 1st at 12 : 15 pm and going to sacramento .\"\n", + "\"user\": \"yes . also what ' s the total and what is bus station i ' ll arive at ?\"\n", + "\"system\": \"the bus will depart at 12 : 10 pm arrive at sacramento valley station for a total of $ 62 .\"\n", + "\"user\": \"okay . sounds great .\"\n", + "\"system\": \"your ticket has been booked .\"\n", + "\"user\": \"can you also find me hotel rooms in that area . thanks .\"\n", + "\"system\": \"the best western plus sutter house is a 1 star hotel .\"\n", + "\"user\": \"where are they located ?\"\n", + "\"system\": \"their address is 1100 h street .\"\n", + "\"user\": \"is it a non smoking hotel ?\"\n", + "\"system\": \"it is a non smoking hotel .\"\n", + "\"user\": \"can you reserve one room at the hotel for me ?\"\n", + "\"system\": \"how many days will you be there ?\"\n", + "\"user\": \"staying for three days .\"\n", + "\"system\": \"are you checking in on march 1st ?\"\n", + "\"user\": \"no . checking in on the 10th of this month .\"\n", + "\"system\": \"please confirm you want to book 1 room at the best western plus sutter house on march 10th for 3 days in sacramento .\"\n", + "\"user\": \"yes . can i get their phone number and nightly rate ?\"\n", + "\"system\": \"they can be reached at + 1 916 - 441 - 1314 . their nightly rate is $ 50 . your room reservation was a success .\"\n", + "\"user\": \"thanks for everything .\"\n", + "\"system\": \"can i help you with anything else ?\"\n", + "\"user\": \"no . that will be all .\"\n", + "\"system\": \"okay . enjoy your day . goodbye .\"\n", + "\n", + "terms: ['1100 h street', 'anaheim', 'march 1st', '+ 1 916 - 441 - 1314', 'sacramento valley station', '12 : 10 pm', '$ 62', 'best western plus sutter house', '10th of this month', 'today', '$ 50', 'one', 'sacramento', 'march 10th', 'phone number', 'sacramento , ca', '3', '12 : 15 in the afternoon', '12 : 15 pm', 'three', '1']\n", + "relations: [['1100 h street', 'has domain', 'hotels'], ['12 : 15 pm', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['hotels', 'has slot', 'reservehotel'], ['to location', 'has value', 'sacramento'], ['check in date', 'has value', 'march 1st'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['hotels', 'has slot', 'price per night'], ['leaving time', 'has value', '12 : 10 pm'], ['place name', 'has value', 'best western plus sutter house'], ['$ 50', 'has domain', 'hotels'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['price per night', 'has value', '$ 50'], ['three', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['leaving time', 'has value', '12 : 15 in the afternoon'], ['star rating', 'has value', '1'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['to station', 'has value', 'sacramento valley station'], ['leaving date', 'has value', 'march 1st'], ['anaheim', 'has domain', 'buses'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'phone number'], ['hotels', 'has slot', 'location'], ['street address', 'has value', '1100 h street'], ['stay length', 'has value', '3'], ['stay length', 'has value', 'three'], ['sacramento', 'has domain', 'buses'], ['fare', 'has value', '$ 62'], ['hotels', 'has slot', 'star rating'], ['check in date', 'has value', 'march 10th'], ['sacramento', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['$ 62', 'has domain', 'buses'], ['march 1st', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['location', 'has value', 'sacramento'], ['to location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'buses'], ['march 1st', 'has domain', 'hotels'], ['3', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['leaving date', 'has value', 'today'], ['12 : 15 in the afternoon', 'has domain', 'buses'], ['best western plus sutter house', 'has domain', 'hotels'], ['smoking allowed', 'has value', 'false'], ['hotels', 'has slot', 'smoking allowed'], ['today', 'has domain', 'buses'], ['leaving time', 'has value', '12 : 15 pm'], ['march 10th', 'has domain', 'hotels'], ['from location', 'has value', 'anaheim'], ['hotels', 'has slot', 'street address'], ['phone number', 'has value', '+ 1 916 - 441 - 1314'], ['false', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['check in date', 'has value', '10th of this month'], ['10th of this month', 'has domain', 'hotels'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'check in date'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['12 : 10 pm', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['+ 1 916 - 441 - 1314', 'has domain', 'hotels']]\n", + "\n", + "dialogue id: sgd-validation-1407\n", + "dialogue: \"user\": \"i would like to reserve a bus for 2 people to fresno , ca .\"\n", + "\"system\": \"when and where are you leaving from ?\"\n", + "\"user\": \"i would like to leave at quarter to 4 in the afternoon from la the 10th of this month .\"\n", + "\"system\": \"please confirm you ' d like a ticket from los angeles to fresno leaving march 10th at 3 : 45 pm for 2 people .\"\n", + "\"user\": \"yes , that is good and what is the bus station am i leaving from ?\"\n", + "\"system\": \"the origin is union station . i couldn ' t buy the ticket . what about 3 : 30 pm for $ 34 .\"\n", + "\"user\": \"yes , that is good for me .\"\n", + "\"system\": \"the ticket is confirmed .\"\n", + "\"user\": \"thanks for your help . can you look for hotels in the area that are three star .\"\n", + "\"system\": \"i have 4 hotels matching called doubletree by hilton hotel fresno convention center that is 3 stars .\"\n", + "\"user\": \"that is good . i ' d like to reserve the hotel .\"\n", + "\"system\": \"would you like to check in march 10th and how long will you be staying ?\"\n", + "\"user\": \"sure that is good and i ' ll be staying 2 days .\"\n", + "\"system\": \"please confirm a hotel in doubletree by hilton hotel fresno convention center checking in march 10th for 2 days in fresno for 1 room .\"\n", + "\"user\": \"sure that is great .\"\n", + "\"system\": \"the hotel has been successfully booked .\"\n", + "\"user\": \"what is the phone number and is smoking allowed at the hotel ?\"\n", + "\"system\": \"the phone number is + 1 559 - 268 - 1000 and smoking isn ' t allowed on the property .\"\n", + "\"user\": \"thanks for the help . that is all .\"\n", + "\"system\": \"bye and have a nice day .\"\n", + "\n", + "terms: ['los angeles', 'quarter to 4 in the afternoon', 'fresno', '2', 'union station', '+ 1 559 - 268 - 1000', 'la', '10th of this month', 'smoking allowed', 'hotels', 'fresno , ca', 'march 10th', 'phone number', '3 : 30 pm', '3 : 45 pm', '3', '4', '$ 34', 'three', '1', 'doubletree by hilton hotel fresno convention center']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['doubletree by hilton hotel fresno convention center', 'has domain', 'hotels'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['quarter to 4 in the afternoon', 'has domain', 'buses'], ['from location', 'has value', 'la'], ['leaving date', 'has value', '10th of this month'], ['3 : 45 pm', 'has domain', 'buses'], ['fresno', 'has domain', 'buses'], ['leaving time', 'has value', 'quarter to 4 in the afternoon'], ['stay length', 'has value', '2'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['to location', 'has value', 'fresno'], ['fresno , ca', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['fresno', 'has domain', 'hotels'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['count', 'has value', '4'], ['buses', 'has slot', 'travelers'], ['3 : 30 pm', 'has domain', 'buses'], ['star rating', 'has value', '3'], ['leaving time', 'has value', '3 : 45 pm'], ['leaving time', 'has value', '3 : 30 pm'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'phone number'], ['hotels', 'has slot', 'location'], ['$ 34', 'has domain', 'buses'], ['la', 'has domain', 'buses'], ['fresno', 'refers to same concept as', 'fresno , ca'], ['to location', 'has value', 'fresno , ca'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'hotels'], ['check in date', 'has value', 'march 10th'], ['buses', 'has slot', 'buybusticket'], ['phone number', 'has value', '+ 1 559 - 268 - 1000'], ['place name', 'has value', 'doubletree by hilton hotel fresno convention center'], ['hotels', 'has slot', 'number of rooms'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'hotels'], ['from location', 'has value', 'los angeles'], ['1', 'refers to same concept as', 'one'], ['march 10th', 'has domain', 'buses'], ['smoking allowed', 'has value', 'false'], ['hotels', 'has slot', 'smoking allowed'], ['fare', 'has value', '$ 34'], ['march 10th', 'has domain', 'hotels'], ['10th of this month', 'has domain', 'buses'], ['location', 'has value', 'fresno'], ['false', 'has domain', 'hotels'], ['1', 'has domain', 'hotels'], ['+ 1 559 - 268 - 1000', 'has domain', 'hotels'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['leaving date', 'has value', 'march 10th'], ['hotels', 'has slot', 'check in date'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1408\n", + "dialogue: \"user\": \"can you find me a bus ?\"\n", + "\"system\": \"when did you want to leave and where are you going ?\"\n", + "\"user\": \"i ' d like a bus from long beach to sacramento , ca for march 4th .\"\n", + "\"system\": \"how many tickets shall i order ?\"\n", + "\"user\": \"i ' ll need three .\"\n", + "\"system\": \"is there a preferred time you ' d like to leave ?\"\n", + "\"user\": \"in the morning 10 : 30 .\"\n", + "\"system\": \"to verify : you would like 3 tickets on a bus from long beach to sacramento leaving at 10 : 30 am march 4th .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"your tickets are confirmed .\"\n", + "\"user\": \"can you check some hotels there ? i need two rooms and i ' d like a three star hotel .\"\n", + "\"system\": \"i found 10 that match your request . the courtyard by marriott sacramento midtown is a 3 star .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"shall i make a reservation ?\"\n", + "\"user\": \"yes please . i ' m planning to stay one day .\"\n", + "\"system\": \"did you want to check in march 4th ?\"\n", + "\"user\": \"no , i ' d like to check in the 12th of march .\"\n", + "\"system\": \"to confirm : you would like 2 rooms at the courtyard by marriott sacramento midtown for 1 night , march 12th in sacramento .\"\n", + "\"user\": \"yes , that ' s perfect .\"\n", + "\"system\": \"your rooms are confirmed .\"\n", + "\"user\": \"thank you for all your help . that ' s all i needed .\"\n", + "\"system\": \"bye , have a great day !\"\n", + "\n", + "terms: ['12th of march', '10 : 30 am', 'long beach', '3', 'morning 10 : 30', 'one', '1', '2', 'sacramento', 'hotels', 'two', '10', 'three', 'courtyard by marriott sacramento midtown', 'sacramento , ca', 'march 4th', 'march 12th']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['to location', 'has value', 'sacramento'], ['count', 'has value', '10'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['stay length', 'has value', 'one'], ['courtyard by marriott sacramento midtown', 'has domain', 'hotels'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['check in date', 'has value', '12th of march'], ['2', 'refers to same concept as', 'two'], ['leaving time', 'has value', '10 : 30 am'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['star rating', 'has value', '3'], ['check in date', 'has value', 'march 4th'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'location'], ['stay length', 'has value', '1'], ['10', 'has domain', 'hotels'], ['morning 10 : 30', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['sacramento', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['location', 'has value', 'sacramento'], ['hotels', 'has slot', 'number of rooms'], ['number of rooms', 'has value', '2'], ['to location', 'has value', 'sacramento , ca'], ['3', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['check in date', 'has value', 'march 12th'], ['march 12th', 'has domain', 'hotels'], ['from location', 'has value', 'long beach'], ['leaving time', 'has value', 'morning 10 : 30'], ['1', 'has domain', 'hotels'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['one', 'has domain', 'hotels'], ['march 4th', 'has domain', 'buses'], ['march 4th', 'has domain', 'hotels'], ['12th of march', 'has domain', 'hotels'], ['hotels', 'has slot', 'check in date'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['10 : 30 am', 'has domain', 'buses'], ['place name', 'has value', 'courtyard by marriott sacramento midtown']]\n", + "\n", + "dialogue id: sgd-validation-1409\n", + "dialogue: \"user\": \"i need to find a bus for three people going to portland .\"\n", + "\"system\": \"what day and time would you like to leave , and where are you traveling from ?\"\n", + "\"user\": \"i want to leave from vancouver on the 8th of this month at the evening 7 .\"\n", + "\"system\": \"okay , i am booking 3 tickets for a bus traveling from vancouver to portland on march 8th at 7 pm . is this correct ?\"\n", + "\"user\": \"yes , that ' s correct . which station am i leaving from and does it have one transfer ?\"\n", + "\"system\": \"this bus leaves from pacific central station and has 0 transfers . unfortunately , i was unable to book those tickets . there is another bus leaving at 7 : 20 pm for $ 42 . does that work for you ?\"\n", + "\"user\": \"yes , that ' s fine .\"\n", + "\"system\": \"your tickets have been booked successfully .\"\n", + "\"user\": \"can you find me a hotel in that area ?\"\n", + "\"system\": \"the aloft portland airport at cascade station has a 3 star rating . how does that sound ?\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"would you like to book a room ?\"\n", + "\"user\": \"yes , please .\"\n", + "\"system\": \"did you want to check in on march 8th ?\"\n", + "\"user\": \"i wanted to check in on the 9th of march .\"\n", + "\"system\": \"how long will you be staying ?\"\n", + "\"user\": \"i want to stay for 4 days .\"\n", + "\"system\": \"okay , i am booking 1 room at aloft portland airport at cascade station in portland , checking in on march 9th and staying for 4 days . is this correct ?\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"your room has been booked successfully .\"\n", + "\"user\": \"thank you for all your help .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , thank you . that ' s all .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['$ 42', 'aloft portland airport at cascade station', 'march 9th', 'evening 7', '8th of this month', 'vancouver', 'pacific central station', 'one', 'transfers', '9th of march', '7 pm', '3', '4', '0', 'star rating', 'three', '7 : 20 pm', '1', 'portland', 'march 8th']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['pacific central station', 'has domain', 'buses'], ['location', 'has value', 'portland'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '7 pm'], ['check in date', 'has value', 'march 8th'], ['from location', 'has value', 'vancouver'], ['7 pm', 'has domain', 'buses'], ['from station', 'has value', 'pacific central station'], ['check in date', 'has value', 'march 9th'], ['buses', 'has slot', 'from location'], ['stay length', 'has value', '4'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['march 9th', 'has domain', 'hotels'], ['march 8th', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['star rating', 'has value', '3'], ['fare', 'has value', '$ 42'], ['hotels', 'has slot', 'stay length'], ['transfers', 'has value', '0'], ['portland', 'has domain', 'buses'], ['leaving date', 'has value', '8th of this month'], ['hotels', 'has slot', 'location'], ['leaving date', 'has value', 'march 8th'], ['portland', 'has domain', 'hotels'], ['hotels', 'has slot', 'star rating'], ['to location', 'has value', 'portland'], ['4', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['place name', 'has value', 'aloft portland airport at cascade station'], ['aloft portland airport at cascade station', 'has domain', 'hotels'], ['vancouver', 'has domain', 'buses'], ['3', 'has domain', 'buses'], ['hotels', 'has slot', 'number of rooms'], ['4', 'refers to same concept as', '$ 4'], ['3', 'has domain', 'hotels'], ['$ 42', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['9th of march', 'has domain', 'hotels'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['leaving time', 'has value', '7 : 20 pm'], ['8th of this month', 'has domain', 'buses'], ['evening 7', 'has domain', 'buses'], ['1', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['check in date', 'has value', '9th of march'], ['hotels', 'has slot', 'check in date'], ['3', 'refers to same concept as', 'three'], ['hotels', 'has slot', 'place name'], ['leaving time', 'has value', 'evening 7'], ['buses', 'has slot', 'fare'], ['7 : 20 pm', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1410\n", + "dialogue: \"user\": \"i want to reserve a bus so i can go to long beach , ca . it ' s for 3 people and i want to leave at 5 : 15 pm .\"\n", + "\"system\": \"what day are you leaving ? and what city are you leaving from ?\"\n", + "\"user\": \"i am departing from sd and plan to leave on the 7th of march .\"\n", + "\"system\": \"please confirm the following : you want 3 tickets for the bus leaving san diego on march 7th , 5 : 15 pm , and arriving in long beach .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"sorry i couldn ' t make a reservation . how about the bus departing at 5 : 10 pm and costs $ 26 .\"\n", + "\"user\": \"great , do it again !\"\n", + "\"system\": \"your ticket has been confirmed !\"\n", + "\"user\": \"can you find a hotel too ?\"\n", + "\"system\": \"yes , i found 10 hotels in long beach . one is the best western of long beach . it ' s a 2 star hotel .\"\n", + "\"user\": \"sounds great and cheap .\"\n", + "\"system\": \"do you want a reservation ?\"\n", + "\"user\": \"yes , i want 1 room for 3 days . i plan to check in on the 10th of this month .\"\n", + "\"system\": \"please confirm the following details : you want to check in on march 10th at the best western of long beach in long beach . you want 1 room and will be staying for 3 days .\"\n", + "\"user\": \"great , do it !\"\n", + "\"system\": \"the hotel reservation was successful !\"\n", + "\"user\": \"thanks , that ' s all i want .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['5 : 15 pm', '5 : 10 pm', 'march 7th', 'long beach', '3', 'one', 'long beach , ca', 'sd', '2', 'hotels', '10th of this month', '$ 26', 'march 10th', 'san diego', '10', '1', 'best western of long beach', '7th of march']\n", + "relations: [['hotels', 'has slot', 'reservehotel'], ['fare', 'has value', '$ 26'], ['from location', 'has value', 'sd'], ['star rating', 'has value', '2'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'leaving time'], ['7th of march', 'has domain', 'buses'], ['leaving date', 'has value', '7th of march'], ['buses', 'has slot', 'from location'], ['location', 'has value', 'long beach'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'searchhotel'], ['buses', 'has slot', 'to location'], ['hotels', 'has slot', 'count'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['sd', 'has domain', 'buses'], ['hotels', 'has slot', 'stay length'], ['best western of long beach', 'has domain', 'hotels'], ['hotels', 'has slot', 'location'], ['10', 'has domain', 'hotels'], ['march 7th', 'has domain', 'buses'], ['place name', 'has value', 'best western of long beach'], ['stay length', 'has value', '3'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['check in date', 'has value', 'march 10th'], ['to location', 'has value', 'long beach , ca'], ['buses', 'has slot', 'buybusticket'], ['long beach', 'has domain', 'hotels'], ['hotels', 'has slot', 'number of rooms'], ['3', 'has domain', 'buses'], ['leaving time', 'has value', '5 : 10 pm'], ['long beach , ca', 'has domain', 'buses'], ['san diego', 'refers to same concept as', 'sd'], ['leaving date', 'has value', 'march 7th'], ['2', 'refers to same concept as', '$ 2'], ['3', 'has domain', 'hotels'], ['1', 'refers to same concept as', 'one'], ['to location', 'has value', 'long beach'], ['5 : 10 pm', 'has domain', 'buses'], ['march 10th', 'has domain', 'hotels'], ['leaving time', 'has value', '5 : 15 pm'], ['5 : 15 pm', 'has domain', 'buses'], ['1', 'has domain', 'hotels'], ['check in date', 'has value', '10th of this month'], ['10th of this month', 'has domain', 'hotels'], ['number of rooms', 'has value', '1'], ['from location', 'has value', 'san diego'], ['$ 26', 'has domain', 'buses'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-1411\n", + "dialogue: \"user\": \"i ' d like to get a bus ticket . i ' m wanting to go to san diego next friday .\"\n", + "\"system\": \"how many tickets would you like ? and where are you leaving from ?\"\n", + "\"user\": \"i need 4 tickets leaving from long beach .\"\n", + "\"system\": \"what time would you like to leave ?\"\n", + "\"user\": \"i ' d like to leave at 8 : 15 in the night .\"\n", + "\"system\": \"please confirm the following : you want 4 tickets for a bus that ' s leaving long beach and heading to san diego on march 8th at 8 : 15 pm .\"\n", + "\"user\": \"yes , that would work .\"\n", + "\"system\": \"i was unable to buy the ticket . is there anything else i can help with ?\"\n", + "\"user\": \"could you try again ? i ' d like to go to fresno .\"\n", + "\"system\": \"please confirm the following : you want 4 tickets for a bus leaving long beach and heading to fresno on march 8th at 8 : 15 pm .\"\n", + "\"user\": \"yes , that would work .\"\n", + "\"system\": \"sorry , the tickets couldn ' t be bought . is there anything else ?\"\n", + "\"user\": \"could you try again ? i ' d like to leave from sacramento on march 1st .\"\n", + "\"system\": \"please confirm the following : you ' d like 4 bus tickets for a bus leaving from sacramento and heading to fresno on march 1st at 8 : 15 pm .\"\n", + "\"user\": \"yes , that would work .\"\n", + "\"system\": \"sorry , the tickets couldn ' t be bought . would a bus leaving at 7 : 50 pm work ? it costs $ 33 .\"\n", + "\"user\": \"yes , that would work .\"\n", + "\"system\": \"the tickets have been bought .\"\n", + "\"user\": \"thanks for your help . could you help me find a hotel there ?\"\n", + "\"system\": \"there ' s a 3 star hotel called doubletree by hilton hotel fresno convention center .\"\n", + "\"user\": \"that works . i want to reserve a room .\"\n", + "\"system\": \"how long do you need it for ? and are you wanting to check in on march 1st ?\"\n", + "\"user\": \"i ' m staying for 3 days , starting on saturday this week .\"\n", + "\"system\": \"please confirm the following : you want 1 room for 3 days starting on march 2nd at doubletree by hilton hotel fresno convention center in fresno .\"\n", + "\"user\": \"yes , that would work .\"\n", + "\"system\": \"the room has been booked .\"\n", + "\"user\": \"thanks for all your help . that ' s all !\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['doubletree by hilton hotel fresno convention center', '7 : 50 pm', 'march 1st', 'long beach', '8 : 15 pm', '8 : 15 in the night', '4', 'fresno', '$ 33', '3', 'sacramento', 'saturday this week', '1', 'march 2nd', 'next friday', 'san diego', 'march 8th']\n", + "relations: [['leaving date', 'has value', 'next friday'], ['hotels', 'has slot', 'reservehotel'], ['doubletree by hilton hotel fresno convention center', 'has domain', 'hotels'], ['next friday', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['check in date', 'has value', 'march 1st'], ['buses', 'has slot', 'leaving time'], ['march 2nd', 'has domain', 'hotels'], ['fare', 'has value', '$ 33'], ['fresno', 'has domain', 'buses'], ['leaving time', 'has value', '7 : 50 pm'], ['$ 33', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['to location', 'has value', 'fresno'], ['hotels', 'has slot', 'searchhotel'], ['fresno', 'has domain', 'hotels'], ['buses', 'has slot', 'to location'], ['buses', 'has slot', 'travelers'], ['check in date', 'has value', 'march 2nd'], ['star rating', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['hotels', 'has slot', 'stay length'], ['hotels', 'has slot', 'location'], ['leaving date', 'has value', 'march 8th'], ['3', 'refers to same concept as', '$ 3'], ['stay length', 'has value', '3'], ['4', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['long beach', 'has domain', 'buses'], ['check in date', 'has value', 'saturday this week'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['place name', 'has value', 'doubletree by hilton hotel fresno convention center'], ['hotels', 'has slot', 'number of rooms'], ['7 : 50 pm', 'has domain', 'buses'], ['march 1st', 'has domain', 'hotels'], ['8 : 15 in the night', 'has domain', 'buses'], ['3', 'has domain', 'hotels'], ['from location', 'has value', 'long beach'], ['8 : 15 pm', 'has domain', 'buses'], ['location', 'has value', 'fresno'], ['leaving time', 'has value', '8 : 15 pm'], ['1', 'has domain', 'hotels'], ['leaving time', 'has value', '8 : 15 in the night'], ['travelers', 'has value', '4'], ['saturday this week', 'has domain', 'hotels'], ['number of rooms', 'has value', '1'], ['to location', 'has value', 'san diego'], ['hotels', 'has slot', 'check in date'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1703\n", + "dialogue: \"user\": \"i will want a small car for rent and i will take it at night 8 .\"\n", + "\"system\": \"what day will you need it from and until what date will you use the car ?\"\n", + "\"user\": \"i want the car from friday next week till the 14th .\"\n", + "\"system\": \"what location will you pick it up ?\"\n", + "\"user\": \"i will take the car from philly and i will use it till the 9th of this month .\"\n", + "\"system\": \"you can have a compact cooper ready at intercity terminal on march 8th for pick up .\"\n", + "\"user\": \"that is fantastic .\"\n", + "\"system\": \"shall i book the car ?\"\n", + "\"user\": \"not at the moment . help me look for a bus to get there . i need it for one person and i am going from ny .\"\n", + "\"system\": \"are you going on march 8th ?\"\n", + "\"user\": \"i will go this sunday .\"\n", + "\"system\": \"there is a bus leaving at 7 : 40 am . it has 0 stops and will cost $ 24 .\"\n", + "\"user\": \"do you have other bus options ?\"\n", + "\"system\": \"what do you think of the bus leaving at 8 am with 0 stops costing you $ 19 ?\"\n", + "\"user\": \"that will be fine .\"\n", + "\"system\": \"shall i book you the bus tickets ?\"\n", + "\"user\": \"not really . i don ' t want to get the tickets right away .\"\n", + "\"system\": \"shall i help you with something else ?\"\n", + "\"user\": \"what do you know of a oneway flight to the place ? i need economy class tickets for the 4th and i will be carrying 0 bags .\"\n", + "\"system\": \"how about this american airlines flight which leaves at 7 : 55 am and has 0 layover . you will be charged $ 56 for one ticket .\"\n", + "\"user\": \"ok . thank you . that will do .\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['economy', 'friday next week', 'ny', '9th of this month', 'philly', '$ 24', 'airlines', '8 am', '7 : 40 am', 'cooper', '$ 19', 'one', 'american airlines', 'this sunday', '$ 56', 'the 4th', 'the 14th', 'intercity terminal', '0', 'compact', 'night 8', '7 : 55 am', 'march 8th']\n", + "relations: [['flights', 'has slot', 'outbound departure time'], ['night 8', 'has domain', 'rentalcars'], ['the 14th', 'has domain', 'rentalcars'], ['philly', 'has domain', 'rentalcars'], ['number checked bags', 'has value', '0'], ['dropoff date', 'has value', '9th of this month'], ['ny', 'has domain', 'buses'], ['pickup date', 'has value', 'friday next week'], ['leaving date', 'has value', 'this sunday'], ['type', 'has value', 'compact'], ['outbound departure time', 'has value', '7 : 55 am'], ['flights', 'has slot', 'searchonewayflight'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['from location', 'has value', 'ny'], ['number stops', 'has value', '0'], ['the 4th', 'has domain', 'flights'], ['flights', 'has slot', 'airlines'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['pickup city', 'has value', 'philly'], ['buses', 'has slot', 'from location'], ['fare', 'has value', '$ 19'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['travelers', 'has value', '1'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['friday next week', 'has domain', 'rentalcars'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'getcarsavailable'], ['departure date', 'has value', 'the 4th'], ['7 : 40 am', 'has domain', 'buses'], ['pickup time', 'has value', 'night 8'], ['rentalcars', 'has slot', 'pickup time'], ['fare', 'has value', '$ 24'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['8 am', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['leaving date', 'has value', 'march 8th'], ['flights', 'has slot', 'number checked bags'], ['0', 'has domain', 'flights'], ['flight class', 'has value', 'economy'], ['cooper', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'intercity terminal'], ['compact', 'has domain', 'rentalcars'], ['march 8th', 'has domain', 'rentalcars'], ['flights', 'has slot', 'flight class'], ['this sunday', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['flights', 'has slot', 'price'], ['american airlines', 'has domain', 'flights'], ['pickup date', 'has value', 'march 8th'], ['dropoff date', 'has value', 'the 14th'], ['$ 19', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['price', 'has value', '$ 56'], ['leaving time', 'has value', '7 : 40 am'], ['7 : 55 am', 'has domain', 'flights'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['economy', 'has domain', 'flights'], ['$ 24', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['9th of this month', 'has domain', 'rentalcars'], ['intercity terminal', 'has domain', 'rentalcars'], ['leaving time', 'has value', '8 am'], ['rentalcars', 'has slot', 'pickup location'], ['$ 56', 'has domain', 'flights'], ['car name', 'has value', 'cooper'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1704\n", + "dialogue: \"user\": \"i ' d like a large rental car .\"\n", + "\"system\": \"when would you like it ?\"\n", + "\"user\": \"i need it until the 5th .\"\n", + "\"system\": \"where will you pick it up ? until when will you have the car ? what time do you want it ?\"\n", + "\"user\": \"i need it until march 9th in ny . i ' ll pick up the car at afternoon 12 .\"\n", + "\"system\": \"i found 5 cars for you . a cherokee is available at grand central station on march 5th . it ' s a full - size car .\"\n", + "\"user\": \"that ' s a good one .\"\n", + "\"system\": \"would you like to reserve the car ?\"\n", + "\"user\": \"not right now .\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"i ' d like a bus for there . i need it for 4 people .\"\n", + "\"system\": \"are you leaving on march 5th ? where are you coming from ?\"\n", + "\"user\": \"i ' m coming from washington . i ' m leaving on saturday this week .\"\n", + "\"system\": \"i found 8 buses . one is leaving at 8 : 10 am and costs $ 32 with 0 transfers .\"\n", + "\"user\": \"what else is there ? i ' m leaving on march 1st .\"\n", + "\"system\": \"i found 7 buses . one is leaving at 8 : 20 am and costs $ 32 with 0 transfers .\"\n", + "\"user\": \"what station would i be leaving from ?\"\n", + "\"system\": \"union station is the origin .\"\n", + "\"user\": \"what else is there ? i ' m coming from philly .\"\n", + "\"system\": \"i found 8 buses . one is leaving at 8 : 30 am and costs $ 24 with 0 transfers .\"\n", + "\"user\": \"that ' s the one .\"\n", + "\"system\": \"would you like tickets ?\"\n", + "\"user\": \"no . i ' d like a one way flight there .\"\n", + "\"system\": \"are you leaving march 5th .\"\n", + "\"user\": \"i ' m leaving a day after tomorrow .\"\n", + "\"system\": \"i found 3 flights . an american airlines flight leaves at 8 : 45 am and costs $ 59 with 0 layovers .\"\n", + "\"user\": \"where does the flight go to ?\"\n", + "\"system\": \"jfk international airport is the destination .\"\n", + "\"user\": \"thanks . that ' s all for now .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['march 1st', 'ny', '7', 'buses', '$ 59', 'philly', '$ 24', 'march 9th', 'airlines', '8 : 45 am', 'afternoon 12', '8 : 20 am', 'cherokee', '8 : 30 am', 'washington', 'american airlines', '5', '$ 32', '8', 'the 5th', 'transfers', 'grand central station', 'day after tomorrow', '3', '4', 'saturday this week', 'march 5th', 'full - size', '0', 'flights', '8 : 10 am']\n", + "relations: [['pickup time', 'has value', 'afternoon 12'], ['5', 'refers to same concept as', '$ 5'], ['the 5th', 'has domain', 'rentalcars'], ['type', 'has value', 'full - size'], ['pickup date', 'has value', 'the 5th'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['rentalcars', 'has slot', 'dropoff date'], ['afternoon 12', 'has domain', 'rentalcars'], ['union station', 'has domain', 'buses'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['pickup location', 'has value', 'grand central station'], ['price', 'has value', '$ 59'], ['philly', 'has domain', 'buses'], ['saturday this week', 'has domain', 'buses'], ['8 : 20 am', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['$ 24', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['leaving date', 'has value', 'saturday this week'], ['departure date', 'has value', 'day after tomorrow'], ['march 5th', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['march 5th', 'has domain', 'flights'], ['count', 'has value', '7'], ['rentalcars', 'has slot', 'reservecar'], ['leaving time', 'has value', '8 : 10 am'], ['leaving time', 'has value', '8 : 30 am'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'findbus'], ['ny', 'has domain', 'rentalcars'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['8', 'has domain', 'buses'], ['5', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['march 1st', 'has domain', 'buses'], ['leaving date', 'has value', 'march 5th'], ['3', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['8 : 45 am', 'has domain', 'flights'], ['8 : 30 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup location'], ['jfk international airport', 'has domain', 'flights'], ['7', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['$ 32', 'has domain', 'buses'], ['day after tomorrow', 'has domain', 'flights'], ['fare', 'has value', '$ 24'], ['$ 59', 'has domain', 'flights'], ['cherokee', 'has domain', 'rentalcars'], ['flights', 'has slot', 'destination airport name'], ['march 9th', 'has domain', 'rentalcars'], ['american airlines', 'has domain', 'flights'], ['pickup city', 'has value', 'ny'], ['8 : 10 am', 'has domain', 'buses'], ['full - size', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 5th'], ['travelers', 'has value', '4'], ['count', 'has value', '5'], ['outbound departure time', 'has value', '8 : 45 am'], ['departure date', 'has value', 'march 5th'], ['count', 'has value', '8'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['march 5th', 'has domain', 'rentalcars'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['rentalcars', 'has slot', 'pickup time'], ['3', 'refers to same concept as', '$ 3'], ['4', 'has domain', 'buses'], ['fare', 'has value', '$ 32'], ['car name', 'has value', 'cherokee'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'philly'], ['destination airport name', 'has value', 'jfk international airport'], ['dropoff date', 'has value', 'march 9th'], ['count', 'has value', '3'], ['leaving time', 'has value', '8 : 20 am'], ['grand central station', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-1705\n", + "dialogue: \"user\": \"i need a rental car . i want to go out on a vacation .\"\n", + "\"system\": \"what time will you be needing it ?\"\n", + "\"user\": \"by 12 : 30 friday next week , i will go after work .\"\n", + "\"system\": \"and where will you pick it up ?\"\n", + "\"user\": \"maybe in san francisco . i ll go there after work .\"\n", + "\"system\": \"and until what day you ' ll be needing it ?\"\n", + "\"user\": \"until the 11th , please .\"\n", + "\"system\": \"okay , i found 6 cars that is available at sfo international airport , it will be ready for pick up on march 8th , a standard altima car .\"\n", + "\"user\": \"i just need a small car , i will be travelling alone . find a car that will be ready for pick up on next wednesday .\"\n", + "\"system\": \"there ' s a nice car that is available at sfo international airport on march 6th , it is a compact cooper .\"\n", + "\"user\": \"okay , i liek that one . is there a bus going there for 3 persons ? we are from la and will be leaving on march 2nd .\"\n", + "\"system\": \"there ' s 10 buses for you , try one that will leave at 6 : 20 am with 0 stops . it costs $ 50 .\"\n", + "\"user\": \"yes , that sounds good .\"\n", + "\"system\": \"would you like to purchase tickets ?\"\n", + "\"user\": \"not yet . i will consult my friends first .\"\n", + "\"system\": \"do you need help with anything else ?\"\n", + "\"user\": \"yes , i would liek to know if there ' s a flight going there ? just one way .\"\n", + "\"system\": \"will you leave in march 2nd ?\"\n", + "\"user\": \"yes , i prefeer economy class and i have zero bags to check in .\"\n", + "\"system\": \"there ' s a flight with alaska airlines that leaves at 4 : 55 am with 0 stop over it cost $ 100 per person .\"\n", + "\"user\": \"and where will it land ?\"\n", + "\"system\": \"it will arrive at sfo international airport .\"\n", + "\"user\": \"okay , thanks ! it is good to know the price difference .\"\n", + "\"system\": \"great ! have a nice day .\"\n", + "\n", + "terms: ['economy', 'friday next week', '4 : 55 am', 'buses', 'march 6th', 'price', 'airlines', '$ 100', '6 : 20 am', '10', 'sfo international airport', '6', 'la', 'standard', 'alaska airlines', '12 : 30', 'march 2nd', 'cooper', 'altima', '$ 50', 'sfo', 'next wednesday', '3', 'the 11th', '0', 'compact', 'san francisco', 'march 8th']\n", + "relations: [['fare', 'has value', '$ 50'], ['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['march 2nd', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['next wednesday', 'has domain', 'rentalcars'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['10', 'has domain', 'buses'], ['flight class', 'has value', 'economy'], ['la', 'has domain', 'buses'], ['san francisco', 'has domain', 'rentalcars'], ['flights', 'has slot', 'flight class'], ['leaving date', 'has value', 'march 2nd'], ['3', 'has domain', 'buses'], ['leaving time', 'has value', '6 : 20 am'], ['march 6th', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'the 11th'], ['rentalcars', 'has slot', 'pickup date'], ['count', 'has value', '10'], ['standard', 'has domain', 'rentalcars'], ['pickup time', 'has value', '12 : 30'], ['from location', 'has value', 'la'], ['destination airport name', 'has value', 'sfo international airport'], ['12 : 30', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'next wednesday'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['pickup city', 'has value', 'san francisco'], ['$ 100', 'has domain', 'flights'], ['alaska airlines', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['outbound departure time', 'has value', '4 : 55 am'], ['0', 'has domain', 'flights'], ['airlines', 'has value', 'alaska airlines'], ['compact', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['buses', 'has slot', 'transfers'], ['rentalcars', 'has slot', 'pickup location'], ['the 11th', 'has domain', 'rentalcars'], ['car name', 'has value', 'cooper'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['pickup date', 'has value', 'friday next week'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'searchonewayflight'], ['6 : 20 am', 'has domain', 'buses'], ['flights', 'has slot', 'airlines'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['price', 'has value', '$ 100'], ['type', 'has value', 'standard'], ['sfo international airport', 'has domain', 'flights'], ['flights', 'has slot', 'destination airport name'], ['march 8th', 'has domain', 'rentalcars'], ['6', 'has domain', 'rentalcars'], ['10', 'refers to same concept as', '$ 10'], ['pickup date', 'has value', 'march 8th'], ['count', 'has value', '6'], ['car name', 'has value', 'altima'], ['number checked bags', 'has value', '0'], ['march 2nd', 'has domain', 'buses'], ['$ 50', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['friday next week', 'has domain', 'rentalcars'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', 'march 6th'], ['flights', 'has slot', 'number checked bags'], ['cooper', 'has domain', 'rentalcars'], ['sfo international airport', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['4 : 55 am', 'has domain', 'flights'], ['economy', 'has domain', 'flights'], ['altima', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'sfo international airport']]\n", + "\n", + "dialogue id: sgd-validation-1706\n", + "dialogue: \"user\": \"i want a rental car .\"\n", + "\"system\": \"which date and how long do you need it ?\"\n", + "\"user\": \"i need it next wednesday until the 12th of this month .\"\n", + "\"system\": \"where do you want to pick up the rental ?\"\n", + "\"user\": \"i prefer sfo .\"\n", + "\"system\": \"what time do you prefer ?\"\n", + "\"user\": \"six in the evening .\"\n", + "\"system\": \"i have 4 options . salesforce transit center has a cruze , standard , available on march 6th .\"\n", + "\"user\": \"what is the cost ?\"\n", + "\"system\": \"the total is $ 198 .\"\n", + "\"user\": \"that is good . can you look for a bus to the same destination .\"\n", + "\"system\": \"will you be leaving on march 6th ?\"\n", + "\"user\": \"actually , next monday from anaheim .\"\n", + "\"system\": \"there is a bus leaving at 8 am with 0 transfers for $ 47 .\"\n", + "\"user\": \"anything else available for four people leaving from sd ?\"\n", + "\"system\": \"there are 6 options . one bus leaves at 7 : 40 am with 0 transfers for $ 61 .\"\n", + "\"user\": \"that sounds fine .\"\n", + "\"system\": \"do you want tickets ?\"\n", + "\"user\": \"not now . what about a one way flight ?\"\n", + "\"system\": \"leaving on march 6th ?\"\n", + "\"user\": \"try next monday .\"\n", + "\"system\": \"alaska airlines has a flight leaving at 12 : 40 pm with 0 layovers for $ 102 .\"\n", + "\"user\": \"ok , thank you .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no , thanks a lot .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['$ 102', 'anaheim', 'march 6th', '$ 198', 'airlines', '12 : 40 pm', '8 am', '6', '12th of this month', 'sd', 'cruze', 'standard', '7 : 40 am', 'salesforce transit center', '$ 47', 'sfo', 'next wednesday', 'transfers', '$ 61', '4', '0', 'next monday']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'next monday'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['fare', 'has value', '$ 47'], ['6', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['$ 198', 'has domain', 'rentalcars'], ['next wednesday', 'has domain', 'rentalcars'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['8 am', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['6', 'refers to same concept as', '$ 6'], ['fare', 'has value', '$ 61'], ['12th of this month', 'has domain', 'rentalcars'], ['$ 102', 'has domain', 'flights'], ['march 6th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['cruze', 'has domain', 'rentalcars'], ['outbound departure time', 'has value', '12 : 40 pm'], ['standard', 'has domain', 'rentalcars'], ['six in the evening', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 6th'], ['pickup date', 'has value', 'next wednesday'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['price', 'has value', '$ 102'], ['alaska airlines', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['dropoff date', 'has value', '12th of this month'], ['flights', 'has slot', 'price'], ['4', 'refers to same concept as', '$ 4'], ['pickup city', 'has value', 'sfo'], ['total price', 'has value', '$ 198'], ['buses', 'has slot', 'transfers'], ['4', 'has domain', 'rentalcars'], ['leaving time', 'has value', '8 am'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['type', 'has value', 'standard'], ['sd', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['march 6th', 'has domain', 'buses'], ['next monday', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'rentalcars'], ['next monday', 'has domain', 'flights'], ['departure date', 'has value', 'next monday'], ['count', 'has value', '6'], ['leaving time', 'has value', '7 : 40 am'], ['travelers', 'has value', '4'], ['from location', 'has value', 'sd'], ['car name', 'has value', 'cruze'], ['rentalcars', 'has slot', 'type'], ['pickup time', 'has value', 'six in the evening'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', 'march 6th'], ['4', 'has domain', 'buses'], ['march 6th', 'has domain', 'flights'], ['buses', 'has slot', 'buybusticket'], ['sfo', 'has domain', 'rentalcars'], ['12 : 40 pm', 'has domain', 'flights'], ['departure date', 'has value', 'march 6th'], ['from location', 'has value', 'anaheim'], ['pickup location', 'has value', 'salesforce transit center'], ['$ 61', 'has domain', 'buses'], ['$ 47', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1707\n", + "dialogue: \"user\": \"i ' d like a spacious rental car on the 12th .\"\n", + "\"system\": \"when and where would you like to pick it up ? how long do you need the car ?\"\n", + "\"user\": \"i ' d like to pick it up around afternoon 3 : 30 in seattle and need it till march 14th .\"\n", + "\"system\": \"there ' s a full - size forester available on march 12th from seattle - tacoma international airport .\"\n", + "\"user\": \"for how much ?\"\n", + "\"system\": \"$ 98\"\n", + "\"user\": \"sounds good . can you find me a bus there ?\"\n", + "\"system\": \"are you leaving on march 12th ?\"\n", + "\"user\": \"i ' m leaving this saturday .\"\n", + "\"system\": \"from where ?\"\n", + "\"user\": \"i need 2 seats from vancouver .\"\n", + "\"system\": \"i ' ve found 10 buses . there ' s one with 0 transfers leaving at 6 : 40 am for $ 28 .\"\n", + "\"user\": \"what bus station will i arrive at ?\"\n", + "\"system\": \"king street station .\"\n", + "\"user\": \"can you find a oneway flight there ?\"\n", + "\"system\": \"for march 12th or march 2nd ?\"\n", + "\"user\": \"march 10th\"\n", + "\"system\": \"i ' ve found 4 flights . would you like to fly with air canada on a flight with 1 layover leaving at 4 : 20 am for $ 282 ?\"\n", + "\"user\": \"which airport does it depart from ? when will i arrive ?\"\n", + "\"system\": \"it leaves from yvr international airport and will arrive at 11 : 02 am .\"\n", + "\"user\": \"okay .\"\n", + "\"system\": \"anything else i can help with ?\"\n", + "\"user\": \"nope , that will be all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['buses', '2', 'air canada', 'vancouver', 'the 12th', '$ 282', 'yvr international airport', '11 : 02 am', 'march 2nd', 'this saturday', 'afternoon 3 : 30', 'march 14th', 'one', '4 : 20 am', 'seattle - tacoma international airport', 'march 12th', 'forester', 'transfers', 'seattle', '6 : 40 am', '4', 'full - size', '$ 28', '0', 'flights', '10', '1']\n", + "relations: [['march 12th', 'has domain', 'rentalcars'], ['type', 'has value', 'full - size'], ['outbound arrival time', 'has value', '11 : 02 am'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['leaving time', 'has value', '6 : 40 am'], ['march 2nd', 'has domain', 'flights'], ['flights', 'has slot', 'outbound arrival time'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['departure date', 'has value', 'march 10th'], ['flights', 'has slot', 'departure date'], ['10', 'has domain', 'buses'], ['yvr international airport', 'has domain', 'flights'], ['pickup time', 'has value', 'afternoon 3 : 30'], ['pickup location', 'has value', 'seattle - tacoma international airport'], ['outbound departure time', 'has value', '4 : 20 am'], ['origin airport name', 'has value', 'yvr international airport'], ['march 12th', 'has domain', 'buses'], ['total price', 'has value', '$ 98'], ['forester', 'has domain', 'rentalcars'], ['air canada', 'has domain', 'flights'], ['fare', 'has value', '$ 28'], ['rentalcars', 'has slot', 'pickup date'], ['count', 'has value', '10'], ['leaving date', 'has value', 'march 12th'], ['flights', 'has slot', 'count'], ['from location', 'has value', 'vancouver'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['to station', 'has value', 'king street station'], ['dropoff date', 'has value', 'march 14th'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['pickup city', 'has value', 'seattle'], ['flights', 'has slot', 'price'], ['$ 98', 'has domain', 'rentalcars'], ['seattle - tacoma international airport', 'has domain', 'rentalcars'], ['afternoon 3 : 30', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['pickup date', 'has value', 'the 12th'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['march 12th', 'has domain', 'flights'], ['march 10th', 'has domain', 'flights'], ['the 12th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['car name', 'has value', 'forester'], ['rentalcars', 'has slot', 'total price'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['number stops', 'has value', '1'], ['11 : 02 am', 'has domain', 'flights'], ['march 14th', 'has domain', 'rentalcars'], ['4 : 20 am', 'has domain', 'flights'], ['2', 'refers to same concept as', '$ 2'], ['this saturday', 'has domain', 'buses'], ['full - size', 'has domain', 'rentalcars'], ['$ 282', 'has domain', 'flights'], ['1', 'has domain', 'flights'], ['$ 28', 'has domain', 'buses'], ['seattle', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to station'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['airlines', 'has value', 'air canada'], ['leaving date', 'has value', 'this saturday'], ['rentalcars', 'has slot', 'type'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['king street station', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup time'], ['price', 'has value', '$ 282'], ['departure date', 'has value', 'march 12th'], ['4', 'has domain', 'flights'], ['vancouver', 'has domain', 'buses'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1708\n", + "dialogue: \"user\": \"i would like a rental car .\"\n", + "\"system\": \"when will you need it and where do you want to pick it up ?\"\n", + "\"user\": \"i want to pick the car up in seattle in the afternoon 1 : 30 .\"\n", + "\"system\": \"which date , please .\"\n", + "\"user\": \"i need it for march 3rd .\"\n", + "\"system\": \"how long will you have the car ?\"\n", + "\"user\": \"until the 9th of this month .\"\n", + "\"system\": \"ok , i have 3 cars . a civic , standard , is available at seattle - tacoma international airport for march 3rd .\"\n", + "\"user\": \"that is good .\"\n", + "\"system\": \"do you want to make a reservation ?\"\n", + "\"user\": \"no , not now .\"\n", + "\"system\": \"can i do anything else for you ?\"\n", + "\"user\": \"is there a bus from vancouver ?\"\n", + "\"system\": \"leaving on march 3rd ?\"\n", + "\"user\": \"actually , the 2nd of this month .\"\n", + "\"system\": \"i have 10 options . one departs at 6 : 40 am with 0 transfers and a cost of $ 28 .\"\n", + "\"user\": \"well , what about a one way flight on march 1st . i have 0 bags to check .\"\n", + "\"system\": \"air canada leaves at 4 : 20 am with 1 layover . the ticket costs $ 273 .`\"\n", + "\"user\": \"no , i want something else .\"\n", + "\"system\": \"american airlines has a 1 : 30 am flight with 1 layover for $ 256 .\"\n", + "\"user\": \"anything else available ?\"\n", + "\"system\": \"delta airlines has a 6 : 40 am flight with 1 layover for $ 266 .\"\n", + "\"user\": \"where does it depart ?\"\n", + "\"system\": \"yvr international airport .\"\n", + "\"user\": \"ok , thanks for that .\"\n", + "\"system\": \"can i do anything else for you ?\"\n", + "\"user\": \"no , that ' s all , thank you .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['march 1st', '9th of this month', '2nd of this month', 'airlines', 'vancouver', 'afternoon 1 : 30', 'standard', '$ 266', 'one', '4 : 20 am', 'seattle - tacoma international airport', 'transfers', '1 : 30 am', 'civic', '3', 'seattle', '6 : 40 am', '$ 273', '$ 28', '0', '10', '1', 'march 3rd', '$ 256']\n", + "relations: [['6 : 40 am', 'has domain', 'flights'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['leaving time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['10', 'has domain', 'buses'], ['yvr international airport', 'has domain', 'flights'], ['airlines', 'has value', 'dontcare'], ['airlines', 'has value', 'delta airlines'], ['pickup location', 'has value', 'seattle - tacoma international airport'], ['outbound departure time', 'has value', '4 : 20 am'], ['delta airlines', 'has domain', 'flights'], ['origin airport name', 'has value', 'yvr international airport'], ['air canada', 'has domain', 'flights'], ['fare', 'has value', '$ 28'], ['rentalcars', 'has slot', 'pickup date'], ['9th of this month', 'has domain', 'rentalcars'], ['count', 'has value', '10'], ['leaving date', 'has value', 'march 3rd'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['2nd of this month', 'has domain', 'buses'], ['from location', 'has value', 'vancouver'], ['rentalcars', 'has slot', 'car name'], ['pickup time', 'has value', 'afternoon 1 : 30'], ['afternoon 1 : 30', 'has domain', 'rentalcars'], ['buses', 'has slot', 'count'], ['$ 273', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['pickup city', 'has value', 'seattle'], ['leaving date', 'has value', '2nd of this month'], ['flights', 'has slot', 'price'], ['civic', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['seattle - tacoma international airport', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['rentalcars', 'has slot', 'pickup location'], ['departure date', 'has value', 'march 1st'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['dropoff date', 'has value', '9th of this month'], ['flights', 'has slot', 'searchonewayflight'], ['march 3rd', 'has domain', 'rentalcars'], ['flights', 'has slot', 'airlines'], ['1 : 30 am', 'has domain', 'flights'], ['pickup date', 'has value', 'march 3rd'], ['type', 'has value', 'standard'], ['number stops', 'has value', '1'], ['dontcare', 'has domain', 'flights'], ['4 : 20 am', 'has domain', 'flights'], ['american airlines', 'has domain', 'flights'], ['price', 'has value', '$ 256'], ['march 1st', 'has domain', 'flights'], ['march 3rd', 'has domain', 'buses'], ['1', 'has domain', 'flights'], ['3', 'has domain', 'rentalcars'], ['$ 28', 'has domain', 'buses'], ['seattle', 'has domain', 'rentalcars'], ['number checked bags', 'has value', '0'], ['price', 'has value', '$ 266'], ['airlines', 'has value', 'air canada'], ['rentalcars', 'has slot', 'type'], ['$ 266', 'has domain', 'flights'], ['outbound departure time', 'has value', '1 : 30 am'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['outbound departure time', 'has value', '6 : 40 am'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'number checked bags'], ['price', 'has value', '$ 273'], ['vancouver', 'has domain', 'buses'], ['count', 'has value', '3'], ['$ 256', 'has domain', 'flights'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1709\n", + "dialogue: \"user\": \"i ' d like to look for a spacious rental vehicle . i require it until the 3rd of this month .\"\n", + "\"system\": \"when would you like the vehicle from , what location do yu intend to pick it up from , and when will you require it ?\"\n", + "\"user\": \"i ' d like to pick up the vehicle fromm seattle , and i require it from tomorrow . i ' d prefer to pick it up near two pm .\"\n", + "\"system\": \"i possess 3 vehicles you may enjoy . there is a lovely full - size forester vehicle available at seattle - tacoma international airport for pickup on march 2nd .\"\n", + "\"user\": \"how much does it cost ?\"\n", + "\"system\": \"your booking price is $ 39 .\"\n", + "\"user\": \"that ' s fine with me .\"\n", + "\"system\": \"would you like to book this vehicle ?\"\n", + "\"user\": \"i do not wish to book right now . could you assist me in looking for a bus headed there for four people . i will depart from vancouver , bc .\"\n", + "\"system\": \"do you intend to depart on march 2nd ?\"\n", + "\"user\": \"i intend to depart on later today .\"\n", + "\"system\": \"i discovered 10 buses for you . what do you think about a bus costing $ 30 that departs at 6 : 40 am with 0 transfers ?\"\n", + "\"user\": \"that ' s fine by me . what about a oneway flight heading there ?\"\n", + "\"system\": \"will you depart on march 2nd or march 1st ?\"\n", + "\"user\": \"i ' d like to leave tomorrow .\"\n", + "\"system\": \"i discovered 4 flights for you . what do you think about a ticket costing $ 297 for a air canada flight that departs at 4 : 20 am local time with 1 layover ?\"\n", + "\"user\": \"okay , thank you ; that ' s all .\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['march 1st', '3rd of this month', 'buses', 'air canada', 'two pm', 'march 2nd', 'vancouver , bc', '$ 39', '4 : 20 am', 'four', 'later today', 'seattle - tacoma international airport', '$ 30', 'forester', 'transfers', 'tomorrow', '3', 'seattle', '4', '6 : 40 am', 'full - size', '0', 'flights', '10', '$ 297', '1', 'price']\n", + "relations: [['type', 'has value', 'full - size'], ['buses', 'has slot', 'leaving time'], ['10', 'refers to same concept as', 'ten'], ['flights', 'has slot', 'number stops'], ['leaving time', 'has value', '6 : 40 am'], ['march 2nd', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['tomorrow', 'has domain', 'flights'], ['rentalcars', 'has slot', 'dropoff date'], ['3rd of this month', 'has domain', 'rentalcars'], ['$ 39', 'has domain', 'rentalcars'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['4', 'refers to same concept as', 'four'], ['10', 'has domain', 'buses'], ['pickup time', 'has value', 'two pm'], ['$ 297', 'has domain', 'flights'], ['pickup location', 'has value', 'seattle - tacoma international airport'], ['outbound departure time', 'has value', '4 : 20 am'], ['leaving date', 'has value', 'march 2nd'], ['leaving date', 'has value', 'later today'], ['total price', 'has value', '$ 39'], ['forester', 'has domain', 'rentalcars'], ['air canada', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['count', 'has value', '10'], ['flights', 'has slot', 'count'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'findbus'], ['vancouver , bc', 'has domain', 'buses'], ['transfers', 'has value', '0'], ['pickup city', 'has value', 'seattle'], ['flights', 'has slot', 'price'], ['seattle - tacoma international airport', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['buses', 'has slot', 'transfers'], ['pickup date', 'has value', 'march 2nd'], ['rentalcars', 'has slot', 'pickup location'], ['departure date', 'has value', 'march 1st'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['car name', 'has value', 'forester'], ['rentalcars', 'has slot', 'total price'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'searchonewayflight'], ['pickup date', 'has value', 'tomorrow'], ['flights', 'has slot', 'airlines'], ['later today', 'has domain', 'buses'], ['number stops', 'has value', '1'], ['march 2nd', 'has domain', 'rentalcars'], ['departure date', 'has value', 'tomorrow'], ['tomorrow', 'has domain', 'rentalcars'], ['4 : 20 am', 'has domain', 'flights'], ['march 1st', 'has domain', 'flights'], ['full - size', 'has domain', 'rentalcars'], ['travelers', 'has value', '4'], ['1', 'has domain', 'flights'], ['3', 'has domain', 'rentalcars'], ['seattle', 'has domain', 'rentalcars'], ['airlines', 'has value', 'air canada'], ['march 2nd', 'has domain', 'buses'], ['dropoff date', 'has value', '3rd of this month'], ['rentalcars', 'has slot', 'type'], ['from location', 'has value', 'vancouver , bc'], ['buses', 'has slot', 'leaving date'], ['two pm', 'has domain', 'rentalcars'], ['price', 'has value', '$ 297'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup time'], ['3', 'refers to same concept as', '$ 3'], ['$ 30', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['4', 'has domain', 'flights'], ['count', 'has value', '3'], ['fare', 'has value', '$ 30'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1710\n", + "dialogue: \"user\": \"i ' m trying to find a car to rent until the 13th of this month and i ' d like to get around 8 o \" clock in the night . i want something intermediate .\"\n", + "\"system\": \"picking up from where ?\"\n", + "\"user\": \"in philadelphia please .\"\n", + "\"system\": \"starting when please ?\"\n", + "\"user\": \"on march 11th , i ' m thinking .\"\n", + "\"system\": \"would you like a standard altima ? it will be available march 11th at intercity terminal .\"\n", + "\"user\": \"okay , that works for me .\"\n", + "\"system\": \"shall i book that for you ?\"\n", + "\"user\": \"no , not now .\"\n", + "\"system\": \"how else may i serve you ?\"\n", + "\"user\": \"i ' d like two bus tickets on the 2nd of this month .\"\n", + "\"system\": \"departing from what city ?\"\n", + "\"user\": \"that ' s going to be nyc .\"\n", + "\"system\": \"there ' s a bus with a 7 : 40 am departure and 0 transfers which is a $ 24 fare .\"\n", + "\"user\": \"what bus stations does it use ?\"\n", + "\"system\": \"it goes from port authority station to intercity terminal .\"\n", + "\"user\": \"okay . i want to find a oneway flight also , something in economy class on the 2nd of this month . maybe on southwest airlines ?\"\n", + "\"system\": \"i have 1 southwest airlines flight at 8 : 20 pm , 0 layovers , for $ 67 .\"\n", + "\"user\": \"okay , thank you .\"\n", + "\"system\": \"is there anything else today ?\"\n", + "\"user\": \"no , i ' m all set .\"\n", + "\"system\": \"thank you very much .\"\n", + "\n", + "terms: ['march 11th', 'economy', '8 : 20 pm', 'southwest airlines', '2nd of this month', '$ 24', 'airlines', 'fare', '8 o \" clock in the night', 'standard', '7 : 40 am', 'altima', 'philadelphia', '$ 67', 'transfers', 'nyc', 'intercity terminal', '0', 'port authority station', 'two', '13th of this month', '1']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['flights', 'has slot', 'outbound departure time'], ['2', 'has domain', 'buses'], ['departure date', 'has value', '2nd of this month'], ['pickup city', 'has value', 'philadelphia'], ['travelers', 'has value', '2'], ['flights', 'has slot', 'count'], ['standard', 'has domain', 'rentalcars'], ['flights', 'has slot', 'searchonewayflight'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['2nd of this month', 'has domain', 'buses'], ['number stops', 'has value', '0'], ['from location', 'has value', 'nyc'], ['flights', 'has slot', 'airlines'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['pickup time', 'has value', '8 o \" clock in the night'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['2nd of this month', 'has domain', 'flights'], ['rentalcars', 'has slot', 'dropoff date'], ['2', 'refers to same concept as', 'two'], ['rentalcars', 'has slot', 'pickup city'], ['type', 'has value', 'standard'], ['pickup date', 'has value', 'march 11th'], ['buses', 'has slot', 'travelers'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['8 : 20 pm', 'has domain', 'flights'], ['7 : 40 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['fare', 'has value', '$ 24'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['flights', 'has slot', 'departure date'], ['0', 'has domain', 'flights'], ['nyc', 'has domain', 'buses'], ['flight class', 'has value', 'economy'], ['pickup location', 'has value', 'intercity terminal'], ['intercity terminal', 'has domain', 'buses'], ['flights', 'has slot', 'flight class'], ['leaving date', 'has value', '2nd of this month'], ['flights', 'has slot', 'price'], ['southwest airlines', 'has domain', 'flights'], ['1', 'refers to same concept as', 'one'], ['airlines', 'has value', 'southwest airlines'], ['march 11th', 'has domain', 'rentalcars'], ['from station', 'has value', 'port authority station'], ['car name', 'has value', 'altima'], ['leaving time', 'has value', '7 : 40 am'], ['to station', 'has value', 'intercity terminal'], ['$ 67', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['economy', 'has domain', 'flights'], ['philadelphia', 'has domain', 'rentalcars'], ['altima', 'has domain', 'rentalcars'], ['outbound departure time', 'has value', '8 : 20 pm'], ['count', 'has value', '1'], ['$ 24', 'has domain', 'buses'], ['dropoff date', 'has value', '13th of this month'], ['13th of this month', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['1', 'has domain', 'flights'], ['intercity terminal', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['price', 'has value', '$ 67'], ['8 o \" clock in the night', 'has domain', 'rentalcars'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1711\n", + "dialogue: \"user\": \"i want to search for a car for rent and i need you help to find the best one for me .\"\n", + "\"system\": \"from which place you want to book the car and up to which date ?\"\n", + "\"user\": \"book it from washington up to march 9th .\"\n", + "\"system\": \"which is your convenient date to book the car for pickup ?\"\n", + "\"user\": \"make it from 4th of this month .\"\n", + "\"system\": \"and what about the pickup time that you want to book ?\"\n", + "\"user\": \"book it for the pickup at half past 12 in the afternoon .\"\n", + "\"system\": \"got 3 results . how about a standard camry car available for the pickup from dulles international airport on march 4th .\"\n", + "\"user\": \"this looks perfect for me . thanks .\"\n", + "\"system\": \"shall i book this car now ?\"\n", + "\"user\": \"no , may be later .\"\n", + "\"system\": \"how can i help you further ?\"\n", + "\"user\": \"i want to search for a bus from philadelphia on later today . i need your help to book two tickets in that bus .\"\n", + "\"system\": \"what about your opinion on a bus which leaves at 7 : 30 am with 0 transfers for the cost $ 27 ?\"\n", + "\"user\": \"yes , that is nice and i want one more help from you . search for a one - way flight to go there .\"\n", + "\"system\": \"shall i proceed with the departure date on march 1st ?\"\n", + "\"user\": \"yes , do it so .\"\n", + "\"system\": \"how about a flight from american airlines which takes off at 5 : 50 pm and has the itinerary of 1 layovers for which the ticket cost is $ 228 per passenger ? i think this is the suitable one among the 3 i got .\"\n", + "\"user\": \"all right . thanks .\"\n", + "\"system\": \"do you want me to help further ?\"\n", + "\"user\": \"no , that ' s all for now and thanks .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['$ 228', 'march 1st', 'camry', 'airlines', 'march 9th', 'march 4th', 'standard', '7 : 30 am', 'departure date', 'philadelphia', '4th of this month', 'washington', 'one', 'american airlines', 'pickup time', '5 : 50 pm', 'later today', 'dulles international airport', 'transfers', '$ 27', '3', 'half past 12 in the afternoon', '0', 'two', '1']\n", + "relations: [['rentalcars', 'has slot', 'count'], ['dulles international airport', 'has domain', 'rentalcars'], ['camry', 'has domain', 'rentalcars'], ['pickup date', 'has value', '4th of this month'], ['$ 27', 'has domain', 'buses'], ['flights', 'has slot', 'outbound departure time'], ['2', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['travelers', 'has value', '2'], ['standard', 'has domain', 'rentalcars'], ['flights', 'has slot', 'searchonewayflight'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['half past 12 in the afternoon', 'has domain', 'rentalcars'], ['price', 'has value', '$ 228'], ['march 4th', 'has domain', 'rentalcars'], ['flights', 'has slot', 'airlines'], ['later today', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'dropoff date'], ['2', 'refers to same concept as', 'two'], ['outbound departure time', 'has value', '5 : 50 pm'], ['rentalcars', 'has slot', 'pickup city'], ['5 : 50 pm', 'has domain', 'flights'], ['type', 'has value', 'standard'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['number stops', 'has value', '1'], ['rentalcars', 'has slot', 'getcarsavailable'], ['rentalcars', 'has slot', 'pickup time'], ['car name', 'has value', 'camry'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['flights', 'has slot', 'departure date'], ['$ 228', 'has domain', 'flights'], ['pickup date', 'has value', 'march 4th'], ['pickup time', 'has value', 'half past 12 in the afternoon'], ['philadelphia', 'has domain', 'buses'], ['march 9th', 'has domain', 'rentalcars'], ['from location', 'has value', 'philadelphia'], ['flights', 'has slot', 'price'], ['american airlines', 'has domain', 'flights'], ['washington', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['march 1st', 'has domain', 'flights'], ['leaving time', 'has value', '7 : 30 am'], ['3', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['pickup location', 'has value', 'dulles international airport'], ['leaving date', 'has value', 'later today'], ['dropoff date', 'has value', 'march 9th'], ['count', 'has value', '3'], ['4th of this month', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'washington'], ['rentalcars', 'has slot', 'pickup date'], ['7 : 30 am', 'has domain', 'buses'], ['1', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup location'], ['3', 'has domain', 'rentalcars'], ['departure date', 'has value', 'march 1st'], ['buses', 'has slot', 'fare'], ['fare', 'has value', '$ 27']]\n", + "\n", + "dialogue id: sgd-validation-1712\n", + "dialogue: \"user\": \"i need to get a rental car soon . please find a crental car in vancouver from the 6th of march . available for pick up at afternoon 12 : 30 .\"\n", + "\"system\": \"until when do you need the car ?\"\n", + "\"user\": \"i need it until the 9th of this month .\"\n", + "\"system\": \"there are 7 cars for you . there is a standard accord car available for pickup at yvr international airport on march 6th .\"\n", + "\"user\": \"what is the cost of it ?\"\n", + "\"system\": \"it has a cost of $ 90 .\"\n", + "\"user\": \"that sounds great .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"yes , what options of buses are going there ? look for something for three people leaving from portland on tuesday next week .\"\n", + "\"system\": \"there are 8 buses you might like . there is a bus that leaves at 6 : 50 am and has 0 transfers . it has a total cost of $ 39 per ticket .\"\n", + "\"user\": \"from which station does it leaves ?\"\n", + "\"system\": \"it departs from portland bus station\"\n", + "\"user\": \"to which one it arrives ?\"\n", + "\"system\": \"it arrives to pacific central station .\"\n", + "\"user\": \"what other options are there ? look something for two people on seattle , wa .\"\n", + "\"system\": \"there are 9 buses you might like . there is a bus that departs at 6 : 40 am and has 0 transfers . it has a total cost of $ 29 per ticket .\"\n", + "\"user\": \"what other buses are there ? look for something on the 3rd of march .\"\n", + "\"system\": \"there is a bus that departs at 7 : 40 am and has 0 transfers . it has a total cost of $ 21 per ticket .\"\n", + "\"user\": \"that one sounds great .\"\n", + "\"system\": \"do you want to book tickets ?\"\n", + "\"user\": \"not right now . for now just find me a one way flight to there .\"\n", + "\"system\": \"do you want to depart on march 6th or march 3rd ?\"\n", + "\"user\": \"look for something on tuesday next week .\"\n", + "\"system\": \"there are 5 possible flights for you . there is a flight from alaska airlines that takes off at 11 : 35 am and has 1 layover . it has a cost of $ 265 per ticket .\"\n", + "\"user\": \"when and at what times does it arrive to the destination ?\"\n", + "\"system\": \"the flight arrives on the same day at 8 : 12 pm local time .\"\n", + "\"user\": \"that sounds great , that would be all for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['9th of this month', '7', 'buses', 'march 6th', '11 : 35 am', 'airlines', 'march 3rd', 'vancouver', '$ 29', '8 : 12 pm', 'standard', 'pacific central station', 'yvr international airport', '3rd of march', '7 : 40 am', 'alaska airlines', '$ 90', '$ 39', 'one', 'seattle , wa', '5', '8', '$ 21', '6 : 50 am', '$ 265', 'tuesday next week', 'transfers', '6th of march', '6 : 40 am', '0', 'flights', 'accord', 'two', 'three', '9', '1', 'portland', 'afternoon 12 : 30']\n", + "relations: [['leaving date', 'has value', '3rd of march'], ['buses', 'has slot', 'leaving time'], ['3rd of march', 'has domain', 'buses'], ['total price', 'has value', '$ 90'], ['flights', 'has slot', 'number stops'], ['leaving time', 'has value', '6 : 40 am'], ['flights', 'has slot', 'outbound arrival time'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['pickup location', 'has value', 'yvr international airport'], ['afternoon 12 : 30', 'has domain', 'rentalcars'], ['portland bus station', 'has domain', 'buses'], ['accord', 'has domain', 'rentalcars'], ['3', 'has domain', 'buses'], ['car name', 'has value', 'accord'], ['departure date', 'has value', 'tuesday next week'], ['march 6th', 'has domain', 'rentalcars'], ['$ 29', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['false', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['9th of this month', 'has domain', 'rentalcars'], ['leaving time', 'has value', '6 : 50 am'], ['price', 'has value', '$ 265'], ['flights', 'has slot', 'count'], ['from station', 'has value', 'portland bus station'], ['count', 'has value', '7'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['7', 'has domain', 'rentalcars'], ['$ 265', 'has domain', 'flights'], ['alaska airlines', 'has domain', 'flights'], ['tuesday next week', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['pickup date', 'has value', '6th of march'], ['tuesday next week', 'has domain', 'flights'], ['airlines', 'has value', 'alaska airlines'], ['8', 'has domain', 'buses'], ['fare', 'has value', '$ 29'], ['6 : 50 am', 'has domain', 'buses'], ['pickup time', 'has value', 'afternoon 12 : 30'], ['flights', 'has slot', 'price'], ['fare', 'has value', '$ 39'], ['count', 'has value', '9'], ['flights', 'has slot', 'arrives next day'], ['1', 'refers to same concept as', 'one'], ['buses', 'has slot', 'transfers'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['outbound departure time', 'has value', '11 : 35 am'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['pacific central station', 'has domain', 'buses'], ['rentalcars', 'has slot', 'total price'], ['$ 39', 'has domain', 'buses'], ['dropoff date', 'has value', '9th of this month'], ['flights', 'has slot', 'searchonewayflight'], ['leaving date', 'has value', 'tuesday next week'], ['flights', 'has slot', 'airlines'], ['outbound arrival time', 'has value', '8 : 12 pm'], ['$ 21', 'has domain', 'buses'], ['8 : 12 pm', 'has domain', 'flights'], ['arrives next day', 'has value', 'false'], ['type', 'has value', 'standard'], ['number stops', 'has value', '1'], ['portland', 'has domain', 'buses'], ['$ 90', 'has domain', 'rentalcars'], ['departure date', 'has value', 'march 3rd'], ['9', 'refers to same concept as', '$ 9'], ['yvr international airport', 'has domain', 'rentalcars'], ['leaving time', 'has value', '7 : 40 am'], ['1', 'has domain', 'flights'], ['3', 'refers to same concept as', 'three'], ['count', 'has value', '5'], ['vancouver', 'has domain', 'rentalcars'], ['6th of march', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 21'], ['2', 'has domain', 'buses'], ['from location', 'has value', 'seattle , wa'], ['travelers', 'has value', '2'], ['11 : 35 am', 'has domain', 'flights'], ['to station', 'has value', 'pacific central station'], ['count', 'has value', '8'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['2', 'refers to same concept as', 'two'], ['rentalcars', 'has slot', 'pickup city'], ['5', 'has domain', 'flights'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', 'march 6th'], ['seattle , wa', 'has domain', 'buses'], ['march 6th', 'has domain', 'flights'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['departure date', 'has value', 'march 6th'], ['pickup city', 'has value', 'vancouver'], ['9', 'has domain', 'buses'], ['march 3rd', 'has domain', 'flights'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1713\n", + "dialogue: \"user\": \"i want to go for a short ride and i need a rental car to go there . can you search for the one suitable for me and for your information , i can adjust with any type of ride .\"\n", + "\"system\": \"what is your planned date to book the car from ?\"\n", + "\"user\": \"book it from the 10th . what else details you need to book the car ?\"\n", + "\"system\": \"tell me your convenient time and place to book the car ?\"\n", + "\"user\": \"book it for the pickup from nyc around 12 o \" clock in the afternoon .\"\n", + "\"system\": \"what is your expected return date up to which you want to book the car ?\"\n", + "\"user\": \"book it up to 11th of this month .\"\n", + "\"system\": \"what about a standard accord car available for pickup at grand central station on march 10th ?\"\n", + "\"user\": \"yes , that is perfect .\"\n", + "\"system\": \"do you want any more help to do now ?\"\n", + "\"user\": \"yes , i want to search for a bus from washington and i need your help to find the one .\"\n", + "\"system\": \"shall i book it from march 10th ?\"\n", + "\"user\": \"no , please search for the bus from the 7th .\"\n", + "\"system\": \"what about a bus which leaves at 8 : 10 am with 0 transfers for the cost $ 38 .\"\n", + "\"user\": \"let me know about the origin and destination stations for my reference .\"\n", + "\"system\": \"this bus will leave from union station and it will reach its destination at port authority station .\"\n", + "\"user\": \"this is not suitable to me . please search for some other buses as per my requirements .\"\n", + "\"system\": \"another one which leaves at 8 : 20 am for the cost at $ 38 with 0 transfers . how about your opinion on this ?\"\n", + "\"user\": \"no , i want some more options .\"\n", + "\"system\": \"what about a bus which leaves at 11 : 10 am for the cost $ 36 with 0 transfers ?\"\n", + "\"user\": \"yes , that is okay to me . can you search for an one - way flight to go there ?\"\n", + "\"system\": \"yes , what about your departure date whether you want to search on march 7th or march 10th .\"\n", + "\"user\": \"i want to search for the flight on wednesday next week .\"\n", + "\"system\": \"got 3 results , what about the one with american airlines which takes off at 4 : 10 am local time which has the itinerary 0 layovers and the ticket cost will be $ 87 per passenger .\"\n", + "\"user\": \"thanks , that ' s all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['march 7th', 'buses', '12 o \" clock in the afternoon', 'airlines', 'the 10th', 'union station', 'wednesday next week', 'type', 'standard', '8 : 20 am', 'departure date', '4 : 10 am', 'the 7th', 'washington', 'american airlines', 'march 10th', '$ 87', '11 : 10 am', 'transfers', 'nyc', '$ 36', 'grand central station', '11th of this month', '3', '0', 'port authority station', 'accord', '$ 38', '8 : 10 am']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['pickup date', 'has value', 'march 10th'], ['march 10th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['12 o \" clock in the afternoon', 'has domain', 'rentalcars'], ['from station', 'has value', 'union station'], ['rentalcars', 'has slot', 'dropoff date'], ['union station', 'has domain', 'buses'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['departure date', 'has value', 'march 10th'], ['flights', 'has slot', 'departure date'], ['pickup location', 'has value', 'grand central station'], ['accord', 'has domain', 'rentalcars'], ['$ 38', 'has domain', 'buses'], ['departure date', 'has value', 'wednesday next week'], ['11th of this month', 'has domain', 'rentalcars'], ['march 7th', 'has domain', 'flights'], ['car name', 'has value', 'accord'], ['march 10th', 'has domain', 'buses'], ['8 : 20 am', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['port authority station', 'has domain', 'buses'], ['pickup time', 'has value', '12 o \" clock in the afternoon'], ['flights', 'has slot', 'count'], ['$ 87', 'has domain', 'flights'], ['standard', 'has domain', 'rentalcars'], ['type', 'has value', 'dontcare'], ['leaving time', 'has value', '8 : 10 am'], ['rentalcars', 'has slot', 'car name'], ['leaving time', 'has value', '11 : 10 am'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['leaving date', 'has value', 'the 7th'], ['flights', 'has slot', 'price'], ['3', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['march 10th', 'has domain', 'flights'], ['dropoff date', 'has value', '11th of this month'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['fare', 'has value', '$ 36'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['type', 'has value', 'standard'], ['4 : 10 am', 'has domain', 'flights'], ['fare', 'has value', '$ 38'], ['american airlines', 'has domain', 'flights'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['the 7th', 'has domain', 'buses'], ['leaving date', 'has value', 'march 10th'], ['buses', 'has slot', 'to station'], ['pickup date', 'has value', 'the 10th'], ['departure date', 'has value', 'march 7th'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['wednesday next week', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup city'], ['from location', 'has value', 'washington'], ['rentalcars', 'has slot', 'pickup time'], ['3', 'refers to same concept as', '$ 3'], ['the 10th', 'has domain', 'rentalcars'], ['dontcare', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'nyc'], ['nyc', 'has domain', 'rentalcars'], ['price', 'has value', '$ 87'], ['count', 'has value', '3'], ['11 : 10 am', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 20 am'], ['grand central station', 'has domain', 'rentalcars'], ['$ 36', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1714\n", + "dialogue: \"user\": \"i ' d like a rental car .\"\n", + "\"system\": \"where would you like to pick it up ? how long do you need it ?\"\n", + "\"user\": \"i need it until the 6th and can pick it up from vancouver , bc .\"\n", + "\"system\": \"when do you want to pick it up ?\"\n", + "\"user\": \"i ' d like to pick it up at three pm on the 5th of this month .\"\n", + "\"system\": \"how about a standard car ? there ' s an accord available on march 5th at yvr international airport .\"\n", + "\"user\": \"how much is it ?\"\n", + "\"system\": \"it will be $ 31\"\n", + "\"user\": \"any other vehicles available ?\"\n", + "\"system\": \"would you like a standard car ? there ' s an altima available for pick up on march 5th at yvr international airport .\"\n", + "\"user\": \"any others ?\"\n", + "\"system\": \"there ' s a corolla , which is also a standard car , for march 5th at yvr international airport .\"\n", + "\"user\": \"sounds good . can you find me a bus there ?\"\n", + "\"system\": \"for march 5th ?\"\n", + "\"user\": \"no , i ' d like to leave on the 2nd .\"\n", + "\"system\": \"from where ?\"\n", + "\"user\": \"seattle .\"\n", + "\"system\": \"there ' s a bus with 0 transfers leaving at 6 : 40 am for $ 26 .\"\n", + "\"user\": \"that sounds great .\"\n", + "\"system\": \"would youlike to buy tickets ?\"\n", + "\"user\": \"no thanks . i ' m okay .\"\n", + "\"system\": \"anything else i can help you with ?\"\n", + "\"user\": \"can you find me a oneway economy flight with american airlines ? i have zero bags .\"\n", + "\"system\": \"so are you leaving on march 5th or march 2nd ?\"\n", + "\"user\": \"i ' d like to fly out next monday .\"\n", + "\"system\": \"i found 1 american airlines flight with 1 layover that takes off at 7 : 50 pm for $ 248 .\"\n", + "\"user\": \"from which airport ?\"\n", + "\"system\": \"it will leave from seattle - tacoma international airport .\"\n", + "\"user\": \"that will work .\"\n", + "\"system\": \"anything else i can help with ?\"\n", + "\"user\": \"nope . thanks .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['economy', 'airlines', 'the 2nd', '5th of this month', '$ 248', 'standard', '$ 26', 'yvr international airport', 'altima', 'vancouver , bc', 'march 2nd', '7 : 50 pm', 'american airlines', '1', 'seattle - tacoma international airport', 'transfers', 'seattle', 'the 6th', '6 : 40 am', 'march 5th', '0', 'accord', 'next monday', 'three pm', 'corolla']\n", + "relations: [['fare', 'has value', '$ 26'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['leaving time', 'has value', '6 : 40 am'], ['march 2nd', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup location', 'has value', 'yvr international airport'], ['flights', 'has slot', 'departure date'], ['accord', 'has domain', 'rentalcars'], ['flight class', 'has value', 'economy'], ['flights', 'has slot', 'flight class'], ['pickup time', 'has value', 'three pm'], ['car name', 'has value', 'accord'], ['seattle', 'has domain', 'buses'], ['pickup city', 'has value', 'vancouver , bc'], ['car name', 'has value', 'corolla'], ['rentalcars', 'has slot', 'pickup date'], ['leaving date', 'has value', 'the 2nd'], ['origin airport name', 'has value', 'seattle - tacoma international airport'], ['march 5th', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['march 5th', 'has domain', 'flights'], ['corolla', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['flights', 'has slot', 'price'], ['leaving date', 'has value', 'march 5th'], ['$ 31', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['$ 248', 'has domain', 'flights'], ['type', 'has value', 'standard'], ['number stops', 'has value', '1'], ['price', 'has value', '$ 248'], ['the 2nd', 'has domain', 'buses'], ['american airlines', 'has domain', 'flights'], ['next monday', 'has domain', 'flights'], ['departure date', 'has value', 'next monday'], ['yvr international airport', 'has domain', 'rentalcars'], ['7 : 50 pm', 'has domain', 'flights'], ['car name', 'has value', 'altima'], ['count', 'has value', '1'], ['pickup date', 'has value', 'march 5th'], ['$ 26', 'has domain', 'buses'], ['1', 'has domain', 'flights'], ['from location', 'has value', 'seattle'], ['number checked bags', 'has value', '0'], ['pickup date', 'has value', '5th of this month'], ['departure date', 'has value', 'march 5th'], ['rentalcars', 'has slot', 'type'], ['total price', 'has value', '$ 31'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['march 5th', 'has domain', 'rentalcars'], ['outbound departure time', 'has value', '7 : 50 pm'], ['rentalcars', 'has slot', 'pickup time'], ['seattle - tacoma international airport', 'has domain', 'flights'], ['the 6th', 'has domain', 'rentalcars'], ['flights', 'has slot', 'number checked bags'], ['5th of this month', 'has domain', 'rentalcars'], ['three pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['dropoff date', 'has value', 'the 6th'], ['vancouver , bc', 'has domain', 'rentalcars'], ['economy', 'has domain', 'flights'], ['altima', 'has domain', 'rentalcars'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1715\n", + "dialogue: \"user\": \"i need a rental car .\"\n", + "\"system\": \"where will you pick it up from ? until when will you have the car ? when do you want it ?\"\n", + "\"user\": \"i want it until the 8th . i ' ll pick it up in portland , or . i ' ll need it until the 4th of march .\"\n", + "\"system\": \"what time do you want it ?\"\n", + "\"user\": \"i ' ll pick it up around 15 : 30 .\"\n", + "\"system\": \"i found 8 cars . an accord is available at pdx international airport on march 4th . it ' s a standard car .\"\n", + "\"user\": \"what would it cost ?\"\n", + "\"system\": \"it would cost $ 152 .\"\n", + "\"user\": \"that ' s fine . i ' d like a bus to get there .\"\n", + "\"system\": \"where are you coming from ?\"\n", + "\"user\": \"i ' m coming from vancouver .\"\n", + "\"system\": \"are you leaving on march 4th ?\"\n", + "\"user\": \"i ' m going with 2 people . i ' m leaving on the 2nd of this month .\"\n", + "\"system\": \"a bus is leaving at 9 : 20 am with 0 transfers and costs $ 43 .\"\n", + "\"user\": \"that ' s fine . i ' d like a one - way flight there . i ' d like some premium economy class tickets .\"\n", + "\"system\": \"are you leaving march 2nd ?\"\n", + "\"user\": \"i ' m leaving on the 4th of march .\"\n", + "\"system\": \"i ' ve got 3 flights for you . an air canada flight leaves at 1 : 40 am with 1 layover . a ticket costs $ 379 .\"\n", + "\"user\": \"that ' s fine .\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"no . that ' s all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['2', '2nd of this month', 'air canada', 'march 4th', '9 : 20 am', 'premium economy', 'vancouver', '$ 152', 'standard', '4th of march', 'march 2nd', '$ 379', 'portland , or', 'one', '8', '1 : 40 am', '15 : 30', 'the 8th', 'transfers', '$ 43', 'pdx international airport', '3', '0', 'flights', 'accord', '1']\n", + "relations: [['total price', 'has value', '$ 152'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['march 2nd', 'has domain', 'flights'], ['1 : 40 am', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['15 : 30', 'has domain', 'rentalcars'], ['flights', 'has slot', 'departure date'], ['accord', 'has domain', 'rentalcars'], ['flights', 'has slot', 'flight class'], ['$ 152', 'has domain', 'rentalcars'], ['car name', 'has value', 'accord'], ['pickup city', 'has value', 'portland , or'], ['4th of march', 'has domain', 'rentalcars'], ['price', 'has value', '$ 379'], ['air canada', 'has domain', 'flights'], ['8', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['flights', 'has slot', 'count'], ['standard', 'has domain', 'rentalcars'], ['premium economy', 'has domain', 'flights'], ['2nd of this month', 'has domain', 'buses'], ['march 4th', 'has domain', 'rentalcars'], ['from location', 'has value', 'vancouver'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', '2nd of this month'], ['flights', 'has slot', 'price'], ['1', 'refers to same concept as', 'one'], ['pdx international airport', 'has domain', 'rentalcars'], ['3', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['march 4th', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['flight class', 'has value', 'premium economy'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['pickup date', 'has value', '4th of march'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['dropoff date', 'has value', 'the 8th'], ['leaving date', 'has value', 'march 4th'], ['type', 'has value', 'standard'], ['number stops', 'has value', '1'], ['pickup time', 'has value', '15 : 30'], ['departure date', 'has value', '4th of march'], ['4th of march', 'has domain', 'flights'], ['$ 43', 'has domain', 'buses'], ['portland , or', 'has domain', 'rentalcars'], ['leaving time', 'has value', '9 : 20 am'], ['1', 'has domain', 'flights'], ['fare', 'has value', '$ 43'], ['pickup location', 'has value', 'pdx international airport'], ['$ 379', 'has domain', 'flights'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['airlines', 'has value', 'air canada'], ['count', 'has value', '8'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'travelers'], ['the 8th', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', 'march 4th'], ['3', 'refers to same concept as', '$ 3'], ['outbound departure time', 'has value', '1 : 40 am'], ['vancouver', 'has domain', 'buses'], ['count', 'has value', '3'], ['9 : 20 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1716\n", + "dialogue: \"user\": \"i need a rental car from new york at around 15 : 00 .\"\n", + "\"system\": \"until which date would you like the car ?\"\n", + "\"user\": \"i need it until next tuesday and i plan to have it beginning on the sunday this week .\"\n", + "\"system\": \"there is a nice vehicle available at grand central station . you can pick it up on march 3rd . it is a standard vehicle , and is an accord .\"\n", + "\"user\": \"what is the total rental price ?\"\n", + "\"system\": \"the reservation fee is $ 56 .\"\n", + "\"user\": \"okay then . i need a bus that will travel there from washington on the 1st of march . i have 4 people in my party , total .\"\n", + "\"system\": \"there are 8 buses which match your selection . one departs at 8 : 10 am and the ticket price is $ 37 , with 0 transfers .\"\n", + "\"user\": \"which bus station will i be arriving at ? which bus station will i be leaving from ?\"\n", + "\"system\": \"the station which you will be departing from is union station and the designated destination station is port authority station .\"\n", + "\"user\": \"are there any other buses ?\"\n", + "\"system\": \"there is another which is set to depart at 8 : 20 am . the ticket price is $ 32 . this route has 0 transfers .\"\n", + "\"user\": \"okay , that sounds fine .\"\n", + "\"system\": \"would you like to purchase these tickets now ?\"\n", + "\"user\": \"no , not now .\"\n", + "\"system\": \"is there anything that i may help you with ?\"\n", + "\"user\": \"um , are there any one - way flights that will go there ?\"\n", + "\"system\": \"would you like to depart on march 3rd or march 1st ?\"\n", + "\"user\": \"i want to leave on sunday this week .\"\n", + "\"system\": \"would you like to fly with american airlines ? the flight will take off at 4 : 10 am local time , and will have 0 layovers . the airline ticket price is $ 90 .\"\n", + "\"user\": \"i want something else , like delta airlines .\"\n", + "\"system\": \"would you like to fly with delta airlines ? there is a flight at 5 : 55 pm local time , with 0 layovers . the airline ticket price is $ 84 .\"\n", + "\"user\": \"okay thanks then .\"\n", + "\"system\": \"of course . have a wonderful day .\"\n", + "\n", + "terms: ['march 1st', '$ 84', 'buses', 'price', 'airlines', 'delta airlines', 'march 3rd', 'union station', 'standard', 'new york', '8 : 20 am', '4 : 10 am', '$ 90', 'washington', 'sunday this week', 'american airlines', '15 : 00', '$ 32', 'next tuesday', '8', '$ 56', 'transfers', '5 : 55 pm', 'grand central station', '4', '0', '$ 37', 'flights', 'port authority station', 'accord', '8 : 10 am', '1st of march']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['$ 56', 'has domain', 'rentalcars'], ['flights', 'has slot', 'number stops'], ['1st of march', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['rentalcars', 'has slot', 'dropoff date'], ['union station', 'has domain', 'buses'], ['$ 90', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['pickup location', 'has value', 'grand central station'], ['accord', 'has domain', 'rentalcars'], ['leaving date', 'has value', '1st of march'], ['airlines', 'has value', 'delta airlines'], ['departure date', 'has value', 'sunday this week'], ['outbound departure time', 'has value', '5 : 55 pm'], ['5 : 55 pm', 'has domain', 'flights'], ['car name', 'has value', 'accord'], ['delta airlines', 'has domain', 'flights'], ['8 : 20 am', 'has domain', 'buses'], ['sunday this week', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['port authority station', 'has domain', 'buses'], ['fare', 'has value', '$ 37'], ['standard', 'has domain', 'rentalcars'], ['leaving time', 'has value', '8 : 10 am'], ['$ 84', 'has domain', 'flights'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['8', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['next tuesday', 'has domain', 'rentalcars'], ['15 : 00', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'new york'], ['buses', 'has slot', 'transfers'], ['$ 37', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup location'], ['departure date', 'has value', 'march 1st'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['price', 'has value', '$ 90'], ['flights', 'has slot', 'searchonewayflight'], ['march 3rd', 'has domain', 'rentalcars'], ['flights', 'has slot', 'airlines'], ['$ 32', 'has domain', 'buses'], ['pickup date', 'has value', 'march 3rd'], ['type', 'has value', 'standard'], ['pickup time', 'has value', '15 : 00'], ['4 : 10 am', 'has domain', 'flights'], ['departure date', 'has value', 'march 3rd'], ['price', 'has value', '$ 84'], ['new york', 'has domain', 'rentalcars'], ['sunday this week', 'has domain', 'flights'], ['american airlines', 'has domain', 'flights'], ['8 : 10 am', 'has domain', 'buses'], ['march 1st', 'has domain', 'flights'], ['to station', 'has value', 'port authority station'], ['travelers', 'has value', '4'], ['total price', 'has value', '$ 56'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['count', 'has value', '8'], ['rentalcars', 'has slot', 'type'], ['pickup date', 'has value', 'sunday this week'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup time'], ['8', 'refers to same concept as', '$ 8'], ['4', 'has domain', 'buses'], ['fare', 'has value', '$ 32'], ['buses', 'has slot', 'buybusticket'], ['dropoff date', 'has value', 'next tuesday'], ['leaving time', 'has value', '8 : 20 am'], ['march 3rd', 'has domain', 'flights'], ['grand central station', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-1717\n", + "dialogue: \"user\": \"i ' m looking to pick up a rental car on the 10th of this month at 9 : 30 am .\"\n", + "\"system\": \"how long do you need the car ?\"\n", + "\"user\": \"i need it until the 11th and i ' m fine with any type of car .\"\n", + "\"system\": \"where do you want to pick the car up at ?\"\n", + "\"user\": \"i want to pick it up from philly .\"\n", + "\"system\": \"there is a full - size jeep cherokee for pickup at the intercity terminal on march 10th .\"\n", + "\"user\": \"okay , that sounds good . how about a bus going there ?\"\n", + "\"system\": \"where are you departing from ?\"\n", + "\"user\": \"i ' m leaving from new york city .\"\n", + "\"system\": \"are you leaving on march 10th ?\"\n", + "\"user\": \"no , i ' m leaving on the 7th of march and i just need 1 ticket .\"\n", + "\"system\": \"there is a bus leaving at 7 : 40 am with 0 transfers for $ 23 .\"\n", + "\"user\": \"what station does the bus depart from and arrive at ?\"\n", + "\"system\": \"the bus departs from port authority station and arrive at the intercity terminal .\"\n", + "\"user\": \"okay , that sounds good .\"\n", + "\"system\": \"do you want to buy the bus ticket ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"i ' d like to find a oneway flight going there .\"\n", + "\"system\": \"are you departing on march 10th or march 7th .\"\n", + "\"user\": \"i want to depart on the 7th of march .\"\n", + "\"system\": \"there is an american airlines flight departing at 4 : 30 am with 0 layovers for $ 62 per ticket .\"\n", + "\"user\": \"okay , thanks . that is all i needed .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['march 7th', 'philly', 'new york city', 'airlines', '10th of this month', '$ 23', 'type', '7 : 40 am', 'cherokee', 'american airlines', '4 : 30 am', 'march 10th', 'transfers', 'intercity terminal', 'the 11th', 'full - size', '9 : 30 am', '0', 'port authority station', '$ 62', '1', '7th of march']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['flights', 'has slot', 'outbound departure time'], ['philly', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 10th'], ['march 10th', 'has domain', 'rentalcars'], ['10th of this month', 'has domain', 'rentalcars'], ['type', 'has value', 'full - size'], ['type', 'has value', 'dontcare'], ['from location', 'has value', 'new york city'], ['7th of march', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'searchonewayflight'], ['leaving date', 'has value', '7th of march'], ['departure date', 'has value', 'march 7th'], ['pickup time', 'has value', '9 : 30 am'], ['flights', 'has slot', 'airlines'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['number stops', 'has value', '0'], ['9 : 30 am', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'philly'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['new york city', 'has domain', 'buses'], ['7th of march', 'has domain', 'flights'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['travelers', 'has value', '1'], ['pickup date', 'has value', '10th of this month'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['departure date', 'has value', 'march 10th'], ['7 : 40 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'departure date'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['cherokee', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'intercity terminal'], ['intercity terminal', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['car name', 'has value', 'cherokee'], ['buses', 'has slot', 'buybusticket'], ['fare', 'has value', '$ 23'], ['march 7th', 'has domain', 'flights'], ['price', 'has value', '$ 62'], ['american airlines', 'has domain', 'flights'], ['dontcare', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['$ 62', 'has domain', 'flights'], ['departure date', 'has value', '7th of march'], ['march 10th', 'has domain', 'buses'], ['from station', 'has value', 'port authority station'], ['outbound departure time', 'has value', '4 : 30 am'], ['full - size', 'has domain', 'rentalcars'], ['leaving time', 'has value', '7 : 40 am'], ['1', 'has domain', 'buses'], ['to station', 'has value', 'intercity terminal'], ['buses', 'has slot', 'transfers'], ['4 : 30 am', 'has domain', 'flights'], ['dropoff date', 'has value', 'the 11th'], ['march 10th', 'has domain', 'flights'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['leaving date', 'has value', 'march 10th'], ['intercity terminal', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['the 11th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'fare'], ['$ 23', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1718\n", + "dialogue: \"user\": \"hey , can you rent me a compact car in washington ?\"\n", + "\"system\": \"sure , from what time on what day ?\"\n", + "\"user\": \"at around 4 : 30 in the evening on the 11th of march .\"\n", + "\"system\": \"okay , and until when do you need it ?\"\n", + "\"user\": \"until march 12th please .\"\n", + "\"system\": \"okay , i found a compact bolt at dulles international airport on march 11th .\"\n", + "\"user\": \"is there anything else ? how about a standard car from wednesday next week ?\"\n", + "\"system\": \"i found a standard accord from union station on march 6th .\"\n", + "\"user\": \"that sounds great , thanks .\"\n", + "\"system\": \"should i reserve it for you ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"yeah , can you get me a bus there ? i need 1 ticket from ny .\"\n", + "\"system\": \"okay sure , on march 6th ?\"\n", + "\"user\": \"no , on saturday this week .\"\n", + "\"system\": \"okay , there ' s a bus departing at 6 am with 0 transfers for $ 40 .\"\n", + "\"user\": \"that sounds great , thanks .\"\n", + "\"system\": \"should i buy your tickets ?\"\n", + "\"user\": \"no thanks . can you find a one - way flight there for wednesday next week ? i have 0 bags to check in .\"\n", + "\"system\": \"there ' s an american airlines flight with 0 layovers at 1 : 30 pm for $ 82 per person .\"\n", + "\"user\": \"great , thanks a lot . that ' s all .\"\n", + "\"system\": \"okay , see you .\"\n", + "\n", + "terms: ['11th of march', 'march 11th', '6 am', 'ny', '4 : 30 in the evening', 'march 6th', 'airlines', 'union station', '$ 40', 'wednesday next week', 'standard', 'bolt', 'washington', 'one', 'american airlines', 'march 12th', 'dulles international airport', 'transfers', 'saturday this week', '$ 82', '0', 'accord', 'compact', '1', '1 : 30 pm']\n", + "relations: [['dulles international airport', 'has domain', 'rentalcars'], ['flights', 'has slot', 'outbound departure time'], ['march 12th', 'has domain', 'rentalcars'], ['number checked bags', 'has value', '0'], ['ny', 'has domain', 'buses'], ['type', 'has value', 'compact'], ['standard', 'has domain', 'rentalcars'], ['flights', 'has slot', 'searchonewayflight'], ['buses', 'has slot', 'leaving time'], ['4 : 30 in the evening', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['from location', 'has value', 'ny'], ['leaving date', 'has value', 'march 6th'], ['number stops', 'has value', '0'], ['fare', 'has value', '$ 40'], ['flights', 'has slot', 'airlines'], ['pickup date', 'has value', 'wednesday next week'], ['rentalcars', 'has slot', 'type'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['price', 'has value', '$ 82'], ['rentalcars', 'has slot', 'dropoff date'], ['wednesday next week', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup city'], ['travelers', 'has value', '1'], ['type', 'has value', 'standard'], ['11th of march', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'march 12th'], ['pickup date', 'has value', 'march 11th'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'getcarsavailable'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', 'march 6th'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['flights', 'has slot', 'departure date'], ['march 6th', 'has domain', 'buses'], ['pickup date', 'has value', '11th of march'], ['accord', 'has domain', 'rentalcars'], ['flights', 'has slot', 'number checked bags'], ['0', 'has domain', 'flights'], ['bolt', 'has domain', 'rentalcars'], ['$ 40', 'has domain', 'buses'], ['compact', 'has domain', 'rentalcars'], ['departure date', 'has value', 'wednesday next week'], ['wednesday next week', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['buses', 'has slot', 'buybusticket'], ['pickup time', 'has value', '4 : 30 in the evening'], ['union station', 'has domain', 'rentalcars'], ['6 am', 'has domain', 'buses'], ['1 : 30 pm', 'has domain', 'flights'], ['american airlines', 'has domain', 'flights'], ['washington', 'has domain', 'rentalcars'], ['car name', 'has value', 'accord'], ['1', 'refers to same concept as', 'one'], ['leaving time', 'has value', '6 am'], ['march 11th', 'has domain', 'rentalcars'], ['march 6th', 'has domain', 'rentalcars'], ['$ 82', 'has domain', 'flights'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['pickup location', 'has value', 'dulles international airport'], ['saturday this week', 'has domain', 'buses'], ['car name', 'has value', 'bolt'], ['pickup city', 'has value', 'washington'], ['outbound departure time', 'has value', '1 : 30 pm'], ['rentalcars', 'has slot', 'pickup date'], ['leaving date', 'has value', 'saturday this week'], ['rentalcars', 'has slot', 'pickup location'], ['pickup location', 'has value', 'union station'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1719\n", + "dialogue: \"user\": \"i need a small rental car .\"\n", + "\"system\": \"when would you like it from and till what date ?\"\n", + "\"user\": \"i would like it form saturday this week till march 9th .\"\n", + "\"system\": \"for what time ?\"\n", + "\"user\": \"for 12 : 30 pm .\"\n", + "\"system\": \"where would you like to pick it up ?\"\n", + "\"user\": \"i want to pick it up in portland .\"\n", + "\"system\": \"there is a lovely compact forte available for pick up at union station on march 2nd .\"\n", + "\"user\": \"that would be fine . i would need a bus to reach there .\"\n", + "\"system\": \"where would you be traveling from ?\"\n", + "\"user\": \"from seattle , wa and there are three of us .\"\n", + "\"system\": \"you want to leave on march 2nd ?\"\n", + "\"user\": \"i want to leave on the 1st of this month .\"\n", + "\"system\": \"there are 10 buses leaving on that there . there is a bus that would be leaving at 6 : 10 am . it costs $ 30 and there are 0 transfers .\"\n", + "\"user\": \"that would be great . what about an oneway flight to get there ?\"\n", + "\"system\": \"you would want it for march 2nd ?\"\n", + "\"user\": \"yes , that would be great .\"\n", + "\"system\": \"there are 4 flights leaving that day . there is an alaska airlines flight that leaves at 10 : 05 pm . there are 0 layovers and a ticket costs $ 71 .\"\n", + "\"user\": \"ok , cool . that would be all .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['buses', 'forte', 'airlines', 'march 9th', '10 : 05 pm', 'union station', '6 : 10 am', 'alaska airlines', 'march 2nd', '12 : 30 pm', '1st of this month', 'seattle , wa', 'compact', '$ 30', '$ 71', 'transfers', 'saturday this week', '4', '0', 'flights', '10', 'three', 'portland']\n", + "relations: [['flights', 'has slot', 'outbound departure time'], ['pickup date', 'has value', 'saturday this week'], ['from location', 'has value', 'seattle , wa'], ['flights', 'has slot', 'count'], ['saturday this week', 'has domain', 'rentalcars'], ['march 2nd', 'has domain', 'buses'], ['type', 'has value', 'compact'], ['leaving time', 'has value', '6 : 10 am'], ['pickup city', 'has value', 'portland'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'searchonewayflight'], ['departure date', 'has value', 'march 2nd'], ['number stops', 'has value', '0'], ['10 : 05 pm', 'has domain', 'flights'], ['flights', 'has slot', 'airlines'], ['6 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['forte', 'has domain', 'rentalcars'], ['march 2nd', 'has domain', 'flights'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['rentalcars', 'has slot', 'getcarsavailable'], ['alaska airlines', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup time'], ['12 : 30 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['seattle , wa', 'has domain', 'buses'], ['10', 'has domain', 'buses'], ['march 2nd', 'has domain', 'rentalcars'], ['flights', 'has slot', 'departure date'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['$ 30', 'has domain', 'buses'], ['compact', 'has domain', 'rentalcars'], ['1st of this month', 'has domain', 'buses'], ['march 9th', 'has domain', 'rentalcars'], ['4', 'has domain', 'flights'], ['pickup time', 'has value', '12 : 30 pm'], ['flights', 'has slot', 'price'], ['union station', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 2nd'], ['3', 'has domain', 'buses'], ['price', 'has value', '$ 71'], ['leaving date', 'has value', '1st of this month'], ['portland', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['pickup date', 'has value', 'march 2nd'], ['dropoff date', 'has value', 'march 9th'], ['$ 71', 'has domain', 'flights'], ['outbound departure time', 'has value', '10 : 05 pm'], ['rentalcars', 'has slot', 'pickup date'], ['3', 'refers to same concept as', 'three'], ['car name', 'has value', 'forte'], ['rentalcars', 'has slot', 'pickup location'], ['fare', 'has value', '$ 30'], ['pickup location', 'has value', 'union station'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-1720\n", + "dialogue: \"user\": \"i need a rental car please .\"\n", + "\"system\": \"till what date would you like to rent the car ?\"\n", + "\"user\": \"till next wednesday .\"\n", + "\"system\": \"what time and date would you like to pick it up ? where will you be picking it up from ?\"\n", + "\"user\": \"i need to pick it up from sd next monday at 6 pm .\"\n", + "\"system\": \"there is a nice standard accord at the santa fe depot on march 4th .\"\n", + "\"user\": \"what else is available , any type .\"\n", + "\"system\": \"i found 9 cars . there is a nice compact bolt at santa fe depot on march 4th .\"\n", + "\"user\": \"sounds good . can you find a bus to get there ?\"\n", + "\"system\": \"where will you be departing from ?\"\n", + "\"user\": \"i need to leave from san fran .\"\n", + "\"system\": \"will you be leaving on march 4th ?\"\n", + "\"user\": \"i want to leave on the 3rd of this month .\"\n", + "\"system\": \"there is a bus departing at 11 am with 0 transfers and costs $ 56 .\"\n", + "\"user\": \"which station does it arrive at ?\"\n", + "\"system\": \"the destination is santa fe depot .\"\n", + "\"user\": \"what is the departure station ?\"\n", + "\"system\": \"it leaves from salesforce transit center .\"\n", + "\"user\": \"what else is available .\"\n", + "\"system\": \"how about one that departs at 1 : 40 pm and costs $ 51 with 0 transfers ?\"\n", + "\"user\": \"sounds good . can you find any one way flight going there ?\"\n", + "\"system\": \"are you leaving march 3rd or march 4th ?\"\n", + "\"user\": \"i need to leave on the 1st . please try to find an american airlines flight .\"\n", + "\"system\": \"i found 1 flight . american airlines has a flight leaving at 6 pm with 1 layover that costs $ 162 per passenger .\"\n", + "\"user\": \"all right . thanks , that is all i need .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['san fran', '3rd of this month', 'santa fe depot', 'airlines', 'march 4th', '$ 162', '11 am', 'sd', 'type', 'standard', 'bolt', '6 pm', '$ 51', 'salesforce transit center', '1 : 40 pm', 'one', 'american airlines', '$ 56', 'next wednesday', 'transfers', 'the 1st', '0', 'accord', 'compact', 'next monday', '9', '1', 'march 3rd']\n", + "relations: [['to station', 'has value', 'santa fe depot'], ['from station', 'has value', 'salesforce transit center'], ['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['airlines', 'has value', 'american airlines'], ['next wednesday', 'has domain', 'rentalcars'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['santa fe depot', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['accord', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'sd'], ['leaving date', 'has value', '3rd of this month'], ['fare', 'has value', '$ 51'], ['car name', 'has value', 'accord'], ['pickup location', 'has value', 'santa fe depot'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['next monday', 'has domain', 'rentalcars'], ['6 pm', 'has domain', 'rentalcars'], ['11 am', 'has domain', 'buses'], ['outbound departure time', 'has value', '6 pm'], ['flights', 'has slot', 'count'], ['standard', 'has domain', 'rentalcars'], ['type', 'has value', 'dontcare'], ['march 4th', 'has domain', 'rentalcars'], ['$ 51', 'has domain', 'buses'], ['$ 162', 'has domain', 'flights'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['pickup time', 'has value', '6 pm'], ['compact', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['count', 'has value', '9'], ['sd', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['buses', 'has slot', 'transfers'], ['car name', 'has value', 'bolt'], ['march 4th', 'has domain', 'buses'], ['$ 56', 'has domain', 'buses'], ['1 : 40 pm', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['3rd of this month', 'has domain', 'buses'], ['flights', 'has slot', 'outbound departure time'], ['9', 'has domain', 'rentalcars'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['leaving date', 'has value', 'march 4th'], ['from location', 'has value', 'san fran'], ['dropoff date', 'has value', 'next wednesday'], ['type', 'has value', 'standard'], ['number stops', 'has value', '1'], ['pickup date', 'has value', 'next monday'], ['bolt', 'has domain', 'rentalcars'], ['departure date', 'has value', 'march 3rd'], ['american airlines', 'has domain', 'flights'], ['6 pm', 'has domain', 'flights'], ['count', 'has value', '1'], ['price', 'has value', '$ 162'], ['1', 'has domain', 'flights'], ['march 4th', 'has domain', 'flights'], ['leaving time', 'has value', '1 : 40 pm'], ['buses', 'has slot', 'to station'], ['the 1st', 'has domain', 'flights'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', 'march 4th'], ['leaving time', 'has value', '11 am'], ['fare', 'has value', '$ 56'], ['dontcare', 'has domain', 'rentalcars'], ['departure date', 'has value', 'the 1st'], ['santa fe depot', 'has domain', 'rentalcars'], ['departure date', 'has value', 'march 4th'], ['san fran', 'has domain', 'buses'], ['march 3rd', 'has domain', 'flights']]\n", + "\n", + "dialogue id: sgd-validation-1721\n", + "dialogue: \"user\": \"i need a rental car\"\n", + "\"system\": \"until waht date ?\"\n", + "\"user\": \"until march 6th portland saturday this week\"\n", + "\"system\": \"at what time ?\"\n", + "\"user\": \"pick up 3 pm\"\n", + "\"system\": \"pdx international airport march 2nd standard accord\"\n", + "\"user\": \"tell me the cost\"\n", + "\"system\": \"it is $ 144\"\n", + "\"user\": \"anything else there ?\"\n", + "\"system\": \"portland bus station march 2nd standard camry\"\n", + "\"user\": \"what is the cost ?\"\n", + "\"system\": \"it is $ 112\"\n", + "\"user\": \"to vancouver bc\"\n", + "\"system\": \"march 2nd it is\"\n", + "\"user\": \"1st of this month\"\n", + "\"system\": \"9 : 20 am $ 42 8 buses 0 transfers\"\n", + "\"user\": \"any other buses ?\"\n", + "\"system\": \"9 : 30 am $ 36 0 transfers\"\n", + "\"user\": \"1st of this month american airlines\"\n", + "\"system\": \"american airlines 1 : 30 am $ 292 1 layover 1\"\n", + "\"user\": \"it is economy\"\n", + "\"system\": \"alright economy seat\"\n", + "\"user\": \"thanks a lot\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['$ 292', '$ 36', 'economy', '1 : 30 am', '$ 42', 'buses', '8', 'march 6th', '0', 'standard', 'airlines', '1', 'portland', 'march 2nd']\n", + "relations: [['total price', 'has value', '$ 144'], ['vancouver bc', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['departure date', 'has value', '1st of this month'], ['rentalcars', 'has slot', 'dropoff date'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['car name', 'has value', 'camry'], ['flights', 'has slot', 'departure date'], ['accord', 'has domain', 'rentalcars'], ['flight class', 'has value', 'economy'], ['dropoff date', 'has value', 'march 6th'], ['flights', 'has slot', 'flight class'], ['leaving date', 'has value', 'march 2nd'], ['car name', 'has value', 'accord'], ['$ 42', 'has domain', 'buses'], ['portland', 'has domain', 'rentalcars'], ['march 6th', 'has domain', 'rentalcars'], ['from location', 'has value', 'vancouver bc'], ['pickup location', 'has value', 'portland bus station'], ['$ 292', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['flights', 'has slot', 'count'], ['$ 144', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'portland'], ['pickup time', 'has value', '3 pm'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['fare', 'has value', '$ 42'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['1st of this month', 'has domain', 'buses'], ['8', 'has domain', 'buses'], ['$ 112', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['leaving date', 'has value', '1st of this month'], ['pdx international airport', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['pickup date', 'has value', 'march 2nd'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['camry', 'has domain', 'rentalcars'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['pickup date', 'has value', 'saturday this week'], ['fare', 'has value', '$ 36'], ['flights', 'has slot', 'searchonewayflight'], ['price', 'has value', '$ 292'], ['flights', 'has slot', 'airlines'], ['1 : 30 am', 'has domain', 'flights'], ['type', 'has value', 'standard'], ['number stops', 'has value', '1'], ['march 2nd', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 112'], ['american airlines', 'has domain', 'flights'], ['1st of this month', 'has domain', 'flights'], ['portland bus station', 'has domain', 'rentalcars'], ['3 pm', 'has domain', 'rentalcars'], ['leaving time', 'has value', '9 : 20 am'], ['count', 'has value', '1'], ['1', 'has domain', 'flights'], ['pickup location', 'has value', 'pdx international airport'], ['9 : 30 am', 'has domain', 'buses'], ['saturday this week', 'has domain', 'rentalcars'], ['march 2nd', 'has domain', 'buses'], ['count', 'has value', '8'], ['rentalcars', 'has slot', 'type'], ['outbound departure time', 'has value', '1 : 30 am'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['rentalcars', 'has slot', 'pickup time'], ['leaving time', 'has value', '9 : 30 am'], ['economy', 'has domain', 'flights'], ['9 : 20 am', 'has domain', 'buses'], ['$ 36', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1722\n", + "dialogue: \"user\": \"get me a compact car at nine am on march 13th .\"\n", + "\"system\": \"when will you return it ?\"\n", + "\"user\": \"i want to get it in sfo and will return it on the 14th of this month .\"\n", + "\"system\": \"search revealed 4 results . there is a compact cooper at sfo international airport on march 13th .\"\n", + "\"user\": \"can you find an intermediate car ?\"\n", + "\"system\": \"search revealed 4 results . there is a standard altima at sfo international airport on march 13th .\"\n", + "\"user\": \"how much money will this cost me ?\"\n", + "\"system\": \"the total bill is $ 37 .\"\n", + "\"user\": \"that is great .\"\n", + "\"system\": \"shall i book you a car reservation ?\"\n", + "\"user\": \"no , not right now . i need a bus to get there .\"\n", + "\"system\": \"what is your departure city ?\"\n", + "\"user\": \"i am departing out of sd .\"\n", + "\"system\": \"are you departing march 13th ?\"\n", + "\"user\": \"i am departing on the 12th .\"\n", + "\"system\": \"i found a bus with 0 transfers , a departure time of 7 : 40 am and a cost of $ 53 .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"shall i buy you bus tickets ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"do you need more help ?\"\n", + "\"user\": \"find me a one way flight there .\"\n", + "\"system\": \"are you departing march 12th or march 13th ?\"\n", + "\"user\": \"i am departing the day after tomorrow .\"\n", + "\"system\": \"search revealed 5 results . alaska airlines has 0 layovers , a departure time of 12 : 40 pm and a cost of $ 112 .\"\n", + "\"user\": \"that is fine .\"\n", + "\"system\": \"do you need more help ?\"\n", + "\"user\": \"no , that is all . thanks .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['airlines', '12 : 40 pm', 'march 13th', 'sfo international airport', 'sd', 'standard', '7 : 40 am', 'the 12th', 'alaska airlines', 'altima', 'cooper', 'nine am', '$ 53', '$ 112', '5', 'sfo', 'march 12th', 'transfers', 'day after tomorrow', '4', '0', '14th of this month', '$ 37', 'compact']\n", + "relations: [['5', 'refers to same concept as', '$ 5'], ['type', 'has value', 'compact'], ['$ 37', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['total price', 'has value', '$ 37'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['leaving date', 'has value', 'the 12th'], ['pickup date', 'has value', 'march 13th'], ['rentalcars', 'has slot', 'pickup date'], ['departure date', 'has value', 'day after tomorrow'], ['departure date', 'has value', 'march 13th'], ['march 13th', 'has domain', 'rentalcars'], ['outbound departure time', 'has value', '12 : 40 pm'], ['flights', 'has slot', 'count'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'car name'], ['alaska airlines', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['fare', 'has value', '$ 53'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['compact', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['pickup city', 'has value', 'sfo'], ['march 13th', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['4', 'has domain', 'rentalcars'], ['march 12th', 'has domain', 'flights'], ['14th of this month', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['car name', 'has value', 'cooper'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['day after tomorrow', 'has domain', 'flights'], ['type', 'has value', 'standard'], ['sd', 'has domain', 'buses'], ['leaving date', 'has value', 'march 13th'], ['pickup time', 'has value', 'nine am'], ['nine am', 'has domain', 'rentalcars'], ['car name', 'has value', 'altima'], ['leaving time', 'has value', '7 : 40 am'], ['march 13th', 'has domain', 'flights'], ['count', 'has value', '5'], ['from location', 'has value', 'sd'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['$ 112', 'has domain', 'flights'], ['5', 'has domain', 'flights'], ['price', 'has value', '$ 112'], ['7 : 40 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['cooper', 'has domain', 'rentalcars'], ['sfo international airport', 'has domain', 'rentalcars'], ['departure date', 'has value', 'march 12th'], ['dropoff date', 'has value', '14th of this month'], ['sfo', 'has domain', 'rentalcars'], ['buses', 'has slot', 'buybusticket'], ['the 12th', 'has domain', 'buses'], ['12 : 40 pm', 'has domain', 'flights'], ['$ 53', 'has domain', 'buses'], ['altima', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'sfo international airport']]\n", + "\n", + "dialogue id: sgd-validation-1723\n", + "dialogue: \"user\": \"hey , can you get me an intermediate rental car from the 12th of this month until the 14th ?\"\n", + "\"system\": \"sure , where from ? at what time ?\"\n", + "\"user\": \"from lax at around half past 4 in the evening .\"\n", + "\"system\": \"okay , i found 6 cars for you . how about a standard camry from lax international airport on march 12th ?\"\n", + "\"user\": \"how much is it ?\"\n", + "\"system\": \"it ' ll cost $ 64 in total .\"\n", + "\"user\": \"is there anything else ?\"\n", + "\"system\": \"how about a standard civic from union station on march 12th ?\"\n", + "\"user\": \"how much will that cost ?\"\n", + "\"system\": \"it ' ll be $ 70 in total .\"\n", + "\"user\": \"sure . can you get me 4 tickets on a bus there from las vegas this sunday ?\"\n", + "\"system\": \"okay , i found 4 buses . how about the 7 : 20 am bus with 0 transfers for $ 41 ?\"\n", + "\"user\": \"sounds good . are there any one - way flights ?\"\n", + "\"system\": \"on march 12th or march 3rd ?\"\n", + "\"user\": \"on the 6th of march .\"\n", + "\"system\": \"i found 3 flights . american airlines has one with 0 layovers at 4 : 50 am , it costs $ 86 per person .\"\n", + "\"user\": \"is there anything else ? i have 0 bags .\"\n", + "\"system\": \"delta airlines has a flight with 1 layover departing at 10 : 10 am for $ 148 per person .\"\n", + "\"user\": \"is there anything else ? how about united airlines on the 11th ?\"\n", + "\"system\": \"united airlines ? they have one flight at 5 : 35 pm with 0 layovers for $ 78 per person .\"\n", + "\"user\": \"sounds good , that ' ll be all thanks .\"\n", + "\"system\": \"okay , see you .\"\n", + "\n", + "terms: ['$ 64', 'half past 4 in the evening', 'lax', 'buses', '4 : 50 am', '$ 86', 'camry', 'airlines', '6', '$ 148', '12th of this month', 'union station', '10 : 10 am', 'united airlines', 'standard', 'vegas', '7 : 20 am', 'american airlines', 'one', 'this sunday', '$ 78', 'march 12th', 'transfers', 'the 14th', 'civic', '6th of march', '3', 'the 11th', 'lax international airport', '4', '$ 41', '0', 'flights', '5 : 35 pm', '1', 'march 3rd', '$ 70', 'las vegas']\n", + "relations: [['departure date', 'has value', 'the 11th'], ['outbound departure time', 'has value', '5 : 35 pm'], ['march 12th', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 64'], ['$ 86', 'has domain', 'flights'], ['4 : 50 am', 'has domain', 'flights'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['car name', 'has value', 'camry'], ['flights', 'has slot', 'departure date'], ['price', 'has value', '$ 78'], ['6', 'refers to same concept as', '$ 6'], ['airlines', 'has value', 'delta airlines'], ['12th of this month', 'has domain', 'rentalcars'], ['outbound departure time', 'has value', '4 : 50 am'], ['delta airlines', 'has domain', 'flights'], ['6th of march', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['the 14th', 'has domain', 'rentalcars'], ['flights', 'has slot', 'count'], ['standard', 'has domain', 'rentalcars'], ['pickup time', 'has value', 'half past 4 in the evening'], ['$ 148', 'has domain', 'flights'], ['rentalcars', 'has slot', 'car name'], ['total price', 'has value', '$ 70'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['5 : 35 pm', 'has domain', 'flights'], ['this sunday', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['4', 'refers to same concept as', '$ 4'], ['civic', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['dropoff date', 'has value', 'the 14th'], ['1', 'refers to same concept as', 'one'], ['$ 78', 'has domain', 'flights'], ['3', 'has domain', 'flights'], ['departure date', 'has value', '6th of march'], ['buses', 'has slot', 'transfers'], ['march 12th', 'has domain', 'flights'], ['$ 64', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['lax international airport', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'lax international airport'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['camry', 'has domain', 'rentalcars'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['flights', 'has slot', 'searchonewayflight'], ['fare', 'has value', '$ 41'], ['leaving time', 'has value', '7 : 20 am'], ['flights', 'has slot', 'airlines'], ['type', 'has value', 'standard'], ['number stops', 'has value', '1'], ['outbound departure time', 'has value', '10 : 10 am'], ['price', 'has value', '$ 86'], ['10 : 10 am', 'has domain', 'flights'], ['departure date', 'has value', 'march 3rd'], ['6', 'has domain', 'rentalcars'], ['union station', 'has domain', 'rentalcars'], ['american airlines', 'has domain', 'flights'], ['from location', 'has value', 'las vegas'], ['$ 41', 'has domain', 'buses'], ['count', 'has value', '6'], ['pickup city', 'has value', 'lax'], ['price', 'has value', '$ 148'], ['travelers', 'has value', '4'], ['$ 70', 'has domain', 'rentalcars'], ['1', 'has domain', 'flights'], ['las vegas', 'refers to same concept as', 'vegas'], ['number checked bags', 'has value', '0'], ['leaving date', 'has value', 'this sunday'], ['las vegas', 'has domain', 'buses'], ['7 : 20 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['lax', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['buses', 'has slot', 'travelers'], ['united airlines', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup time'], ['pickup date', 'has value', '12th of this month'], ['flights', 'has slot', 'number checked bags'], ['4', 'has domain', 'buses'], ['departure date', 'has value', 'march 12th'], ['half past 4 in the evening', 'has domain', 'rentalcars'], ['the 11th', 'has domain', 'flights'], ['airlines', 'has value', 'united airlines'], ['count', 'has value', '3'], ['march 3rd', 'has domain', 'flights'], ['pickup location', 'has value', 'union station']]\n", + "\n", + "dialogue id: sgd-validation-1724\n", + "dialogue: \"user\": \"i ' m going to attend a party on march 11th . please help me find a rental car that i need from 10th of march .\"\n", + "\"system\": \"okay . where do you want to pick it up ?\"\n", + "\"user\": \"i will be in vancouver , bc , make it the pick up point .\"\n", + "\"system\": \"what time will you need it ?\"\n", + "\"user\": \"i will pick it up after work so that would be around evening 5 .\"\n", + "\"system\": \"i found a nice car available at yvr international airport that will be ready for pick up on march 10th . it is a standard honda accord .\"\n", + "\"user\": \"how much will it cost ?\"\n", + "\"system\": \"it will just cost $ 34 .\"\n", + "\"user\": \"that ' s quite a big money . is there anything else ?\"\n", + "\"system\": \"i found a nice car available at yvr international airport that will be ready for pick up on march 10th . it is a standard altima .\"\n", + "\"user\": \"that ' s good to know .\"\n", + "\"system\": \"do you want to make a reservation ?\"\n", + "\"user\": \"not yet , i need to check my budget first .\"\n", + "\"system\": \"do you need help with anything else ?\"\n", + "\"user\": \"how a about a bus going there ?\"\n", + "\"system\": \"and where will you leaving from ?\"\n", + "\"user\": \"i ' m here at seattle , wa .\"\n", + "\"system\": \"would you like to leave on march 10th ?\"\n", + "\"user\": \"no . make it 6th of this month since i should be there early .\"\n", + "\"system\": \"okay , there ' s 9 buses for you . the best one leaves at 6 : 40 am with 0 transfers . it costs $ 26 .\"\n", + "\"user\": \"okay , that sounds good .\"\n", + "\"system\": \"do you need further assistance ?\"\n", + "\"user\": \"how about if i take a plane going there ?\"\n", + "\"system\": \"would you like to leave on march 6th or march 10th ?\"\n", + "\"user\": \"i think i can do it on march 3rd . i will just apply for a vacation leave .\"\n", + "\"system\": \"there are 5 flights that i found , one is from alaska airlines that will leave at 7 : 30 am with 1 layover . it cost $ 257 .\"\n", + "\"user\": \"okay , thank you . now i know the difference .\"\n", + "\"system\": \"do you need help in booking one of it ?\"\n", + "\"user\": \"not yet , but thanks for your help .\"\n", + "\"system\": \"sure thing , have a great day .\"\n", + "\n", + "terms: ['march 11th', 'buses', 'march 6th', 'airlines', '10th of march', 'standard', '$ 26', 'yvr international airport', 'alaska airlines', '7 : 30 am', 'altima', 'evening 5', 'vancouver , bc', '$ 257', 'one', 'seattle , wa', '5', '6th of this month', 'march 10th', 'transfers', '6 : 40 am', '0', 'flights', '$ 34', 'accord', '9', '1', 'march 3rd']\n", + "relations: [['flights', 'has slot', 'outbound departure time'], ['fare', 'has value', '$ 26'], ['rentalcars', 'has slot', 'total price'], ['pickup date', 'has value', 'march 10th'], ['march 10th', 'has domain', 'rentalcars'], ['from location', 'has value', 'seattle , wa'], ['flights', 'has slot', 'count'], ['evening 5', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'type'], ['leaving time', 'has value', '6 : 40 am'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['pickup date', 'has value', '10th of march'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['type', 'has value', 'standard'], ['0', 'has domain', 'buses'], ['number stops', 'has value', '1'], ['5', 'has domain', 'flights'], ['rentalcars', 'has slot', 'getcarsavailable'], ['departure date', 'has value', 'march 10th'], ['alaska airlines', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup time'], ['pickup location', 'has value', 'yvr international airport'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['seattle , wa', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['dropoff date', 'has value', 'march 11th'], ['accord', 'has domain', 'rentalcars'], ['airlines', 'has value', 'alaska airlines'], ['$ 257', 'has domain', 'flights'], ['departure date', 'has value', 'march 3rd'], ['march 6th', 'has domain', 'flights'], ['flights', 'has slot', 'price'], ['count', 'has value', '9'], ['price', 'has value', '$ 257'], ['10th of march', 'has domain', 'rentalcars'], ['leaving date', 'has value', '6th of this month'], ['car name', 'has value', 'accord'], ['1', 'refers to same concept as', 'one'], ['vancouver , bc', 'has domain', 'rentalcars'], ['departure date', 'has value', 'march 6th'], ['yvr international airport', 'has domain', 'rentalcars'], ['march 10th', 'has domain', 'buses'], ['pickup city', 'has value', 'vancouver , bc'], ['march 11th', 'has domain', 'rentalcars'], ['pickup time', 'has value', 'evening 5'], ['$ 34', 'has domain', 'rentalcars'], ['car name', 'has value', 'altima'], ['buses', 'has slot', 'transfers'], ['6th of this month', 'has domain', 'buses'], ['altima', 'has domain', 'rentalcars'], ['9', 'has domain', 'buses'], ['march 10th', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['leaving date', 'has value', 'march 10th'], ['$ 26', 'has domain', 'buses'], ['1', 'has domain', 'flights'], ['outbound departure time', 'has value', '7 : 30 am'], ['rentalcars', 'has slot', 'pickup location'], ['march 3rd', 'has domain', 'flights'], ['count', 'has value', '5'], ['total price', 'has value', '$ 34'], ['6 : 40 am', 'has domain', 'buses'], ['7 : 30 am', 'has domain', 'flights']]\n", + "\n", + "dialogue id: sgd-validation-1725\n", + "dialogue: \"user\": \"i ' d like a rental car around 2 o \" clock in the afternoon until march 7th .\"\n", + "\"system\": \"when and where do you want to pick it up ?\"\n", + "\"user\": \"i need it on march 4th and can pick it up from washington .\"\n", + "\"system\": \"there ' s a nice standard vehicle like an accord available on march 4th at union station .\"\n", + "\"user\": \"can you help me find a bus to go there ?\"\n", + "\"system\": \"are you leaving march 4th ? where are you leaving from ?\"\n", + "\"user\": \"i ' m leaving from ny later today .\"\n", + "\"system\": \"there ' s a bus leaving at 6 am that has 0 transfers and costs $ 34 .\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"anything else i can help with ?\"\n", + "\"user\": \"how about a oneway flight there on the 3rd of march ?\"\n", + "\"system\": \"there ' s an american airlines flight with 0 layovers that takes off at 1 : 30 pm and costs $ 82 .\"\n", + "\"user\": \"okay , that will be all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['transfers', 'union station', 'march 7th', '6 am', 'washington', 'airlines', 'ny', 'american airlines', '$ 82', '0', 'standard', '2 o \" clock in the afternoon', 'accord', '$ 34', 'later today', '3rd of march', 'march 4th', '1 : 30 pm']\n", + "relations: [['flights', 'has slot', 'outbound departure time'], ['ny', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['flights', 'has slot', 'searchonewayflight'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'ny'], ['number stops', 'has value', '0'], ['march 4th', 'has domain', 'rentalcars'], ['flights', 'has slot', 'airlines'], ['later today', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['3rd of march', 'has domain', 'flights'], ['price', 'has value', '$ 82'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['2 o \" clock in the afternoon', 'has domain', 'rentalcars'], ['type', 'has value', 'standard'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'departure date'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['pickup date', 'has value', 'march 4th'], ['accord', 'has domain', 'rentalcars'], ['$ 34', 'has domain', 'buses'], ['0', 'has domain', 'flights'], ['flights', 'has slot', 'price'], ['union station', 'has domain', 'rentalcars'], ['6 am', 'has domain', 'buses'], ['1 : 30 pm', 'has domain', 'flights'], ['departure date', 'has value', '3rd of march'], ['american airlines', 'has domain', 'flights'], ['washington', 'has domain', 'rentalcars'], ['car name', 'has value', 'accord'], ['leaving time', 'has value', '6 am'], ['$ 82', 'has domain', 'flights'], ['march 7th', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 34'], ['buses', 'has slot', 'transfers'], ['leaving date', 'has value', 'later today'], ['march 4th', 'has domain', 'buses'], ['pickup city', 'has value', 'washington'], ['outbound departure time', 'has value', '1 : 30 pm'], ['rentalcars', 'has slot', 'pickup date'], ['rentalcars', 'has slot', 'pickup location'], ['dropoff date', 'has value', 'march 7th'], ['pickup location', 'has value', 'union station'], ['buses', 'has slot', 'fare'], ['pickup time', 'has value', '2 o \" clock in the afternoon']]\n", + "\n", + "dialogue id: sgd-validation-1726\n", + "dialogue: \"user\": \"i ' m looking for an intermediate rental car to pick up around afternoon 12 .\"\n", + "\"system\": \"what are the dates of the reservation ? where do you want to pick the car up from ?\"\n", + "\"user\": \"i need to pick up the car from philadelphia from this sunday until saturday this week\"\n", + "\"system\": \"there is a standard nissan altima available for pickup at 30th street station on march 2nd .\"\n", + "\"user\": \"what is the total cost ?\"\n", + "\"system\": \"the total cost is $ 31 .\"\n", + "\"user\": \"okay , thanks .\"\n", + "\"system\": \"do you want to reserve the car ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"i ' d like to find a bus going there .\"\n", + "\"system\": \"where are you departing from ?\"\n", + "\"user\": \"i ' m departing from washington today and i just need one ticket .\"\n", + "\"system\": \"there is a bus leaving at 7 : 10 am with 0 transfers for $ 30 .\"\n", + "\"user\": \"okay , thanks . what about a one way flight going there ? i want to fly on delta airlines .\"\n", + "\"system\": \"are you departing on march 1st or march 2nd ?\"\n", + "\"user\": \"i want to depart today .\"\n", + "\"system\": \"i found 1 flight for you . there is a delta airlines flight with 1 layover departing at 5 : 55 pm for $ 148 per ticket .\"\n", + "\"user\": \"okay , thanks . that is all i needed .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['march 1st', '$ 31', 'airlines', 'delta airlines', '$ 148', 'afternoon 12', 'standard', 'today', 'altima', 'march 2nd', 'philadelphia', 'washington', 'one', 'this sunday', '$ 30', 'transfers', '5 : 55 pm', '7 : 10 am', '0', '1', '30th street station']\n", + "relations: [['pickup time', 'has value', 'afternoon 12'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['pickup date', 'has value', 'saturday this week'], ['30th street station', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'philadelphia'], ['flights', 'has slot', 'count'], ['saturday this week', 'has domain', 'rentalcars'], ['departure date', 'has value', 'march 2nd'], ['standard', 'has domain', 'rentalcars'], ['flights', 'has slot', 'searchonewayflight'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['7 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'airlines'], ['$ 148', 'has domain', 'flights'], ['departure date', 'has value', 'today'], ['rentalcars', 'has slot', 'type'], ['march 2nd', 'has domain', 'flights'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['total price', 'has value', '$ 31'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'dropoff date'], ['afternoon 12', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup city'], ['travelers', 'has value', '1'], ['type', 'has value', 'standard'], ['from location', 'has value', 'washington'], ['washington', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['number stops', 'has value', '1'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'departure date'], ['dropoff date', 'has value', 'this sunday'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['march 2nd', 'has domain', 'rentalcars'], ['$ 30', 'has domain', 'buses'], ['pickup location', 'has value', '30th street station'], ['airlines', 'has value', 'delta airlines'], ['flights', 'has slot', 'price'], ['outbound departure time', 'has value', '5 : 55 pm'], ['5 : 55 pm', 'has domain', 'flights'], ['$ 31', 'has domain', 'rentalcars'], ['delta airlines', 'has domain', 'flights'], ['1', 'refers to same concept as', 'one'], ['leaving date', 'has value', 'today'], ['leaving time', 'has value', '7 : 10 am'], ['march 1st', 'has domain', 'flights'], ['car name', 'has value', 'altima'], ['today', 'has domain', 'buses'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['count', 'has value', '1'], ['philadelphia', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 2nd'], ['altima', 'has domain', 'rentalcars'], ['price', 'has value', '$ 148'], ['this sunday', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['today', 'has domain', 'flights'], ['1', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup location'], ['fare', 'has value', '$ 30'], ['departure date', 'has value', 'march 1st'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1727\n", + "dialogue: \"user\": \"i need to find a compact rental car that i can pickup in ny on the 12th of march\"\n", + "\"system\": \"till when do you need the car ?\"\n", + "\"user\": \"i need it till march 13th\"\n", + "\"system\": \"at what time do you need it ?\"\n", + "\"user\": \"i want to pick it up at two in the afternoon\"\n", + "\"system\": \"there ' s a pretty good compact bolt available on march 12th at port authority station\"\n", + "\"user\": \"what ' s that gonna cost ?\"\n", + "\"system\": \"it ' ll be $ 25 total\"\n", + "\"user\": \"ok , that sounds great\"\n", + "\"system\": \"do you want to reserve it now ?\"\n", + "\"user\": \"no , not at the moment , but can you find me a bus going there ?\"\n", + "\"system\": \"do you plan to leave on march 12th , where are you coming from ?\"\n", + "\"user\": \"i ' m coming from washington on march 3rd\"\n", + "\"system\": \"how about this 8 : 10 am bus with 0 transfers that ' ll cost $ 37\"\n", + "\"user\": \"that sounds good . what about a one way flight for 1 with 0 bags to check in .\"\n", + "\"system\": \"are you leaving on march 3rd or march 12th\"\n", + "\"user\": \"i want to fly out on the 7th please\"\n", + "\"system\": \"i found 4 flights including an american airlines flight at 4 : 10 am with 0 layovers for $ 88\"\n", + "\"user\": \"what airport does this flight depart from ?\"\n", + "\"system\": \"it leaves from dulles international airport\"\n", + "\"user\": \"does it arrive the next day ?\"\n", + "\"system\": \"it actually arrives on the same day\"\n", + "\"user\": \"ok , good to know\"\n", + "\"system\": \"can i do something else at the moment ?\"\n", + "\"user\": \"no , for now i ' ve gotten all i need\"\n", + "\"system\": \"thank you so much\"\n", + "\n", + "terms: ['transfers', '4 : 10 am', '8 : 10 am', 'the 7th', 'washington', 'one', 'ny', '$ 25', 'american airlines', '4', '0', 'flights', 'bolt', 'compact', 'airlines', 'march 12th', '1', 'march 3rd']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['march 12th', 'has domain', 'rentalcars'], ['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['total price', 'has value', '$ 25'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['march 12th', 'has domain', 'buses'], ['passengers', 'has value', '1'], ['two in the afternoon', 'has domain', 'rentalcars'], ['dulles international airport', 'has domain', 'flights'], ['false', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['leaving date', 'has value', 'march 12th'], ['fare', 'has value', '$ 37'], ['march 13th', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 3rd'], ['flights', 'has slot', 'count'], ['origin airport name', 'has value', 'dulles international airport'], ['flights', 'has slot', 'passengers'], ['rentalcars', 'has slot', 'reservecar'], ['leaving time', 'has value', '8 : 10 am'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'findbus'], ['ny', 'has domain', 'rentalcars'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['compact', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['flights', 'has slot', 'arrives next day'], ['1', 'refers to same concept as', 'one'], ['dropoff date', 'has value', 'march 13th'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['march 12th', 'has domain', 'flights'], ['$ 37', 'has domain', 'buses'], ['car name', 'has value', 'bolt'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['price', 'has value', '$ 88'], ['$ 88', 'has domain', 'flights'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['arrives next day', 'has value', 'false'], ['bolt', 'has domain', 'rentalcars'], ['4 : 10 am', 'has domain', 'flights'], ['departure date', 'has value', 'march 3rd'], ['american airlines', 'has domain', 'flights'], ['pickup city', 'has value', 'ny'], ['8 : 10 am', 'has domain', 'buses'], ['march 3rd', 'has domain', 'buses'], ['1', 'has domain', 'flights'], ['departure date', 'has value', 'the 7th'], ['number checked bags', 'has value', '0'], ['12th of march', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'type'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'leaving date'], ['port authority station', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup city'], ['from location', 'has value', 'washington'], ['count', 'has value', '4'], ['rentalcars', 'has slot', 'pickup time'], ['$ 25', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'port authority station'], ['flights', 'has slot', 'number checked bags'], ['departure date', 'has value', 'march 12th'], ['4', 'has domain', 'flights'], ['pickup time', 'has value', 'two in the afternoon'], ['pickup date', 'has value', '12th of march'], ['march 3rd', 'has domain', 'flights'], ['the 7th', 'has domain', 'flights']]\n", + "\n", + "dialogue id: sgd-validation-1728\n", + "dialogue: \"user\": \"can you help me find a rental car in san fran ? i need it for the 2nd of march at around 12 : 30 .\"\n", + "\"system\": \"sure , until what day will you need the car ?\"\n", + "\"user\": \"until next thursday .\"\n", + "\"system\": \"okay , there ' s a standard car , an altima available for pickup one march 2nd at sfo international airport .\"\n", + "\"user\": \"okay , that sounds promising .\"\n", + "\"system\": \"would you like to reserve this car ?\"\n", + "\"user\": \"not at this moment , but could you help me find a bus that is going to san fran for four people ?\"\n", + "\"system\": \"sure , where is the place of origin ? is your departure date on march 2nd ?\"\n", + "\"user\": \"i ' m leaving from sd on march 1st .\"\n", + "\"system\": \"okay , i found 6 buses that match your requirements . there is a bus departing at 7 : 40 am with 0 transfers ans the price is $ 54 . how does that sound ?\"\n", + "\"user\": \"that ' s okay but are there any other buses ?\"\n", + "\"system\": \"yes , there ' s a bus departing at 10 am with 0 transfers for $ 56 .\"\n", + "\"user\": \"that ' s alright , are there any one way flights headed there ? preferably through united airlines .\"\n", + "\"system\": \"you ' re leaving on march 2nd ?\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"okay , i found 1 flight meeting your requirements . the flight is through united airlines and departs at 6 : 35 am local time with 0 layovers . the price is $ 115 per person .\"\n", + "\"user\": \"thank you , that ' s all i need .\"\n", + "\"system\": \"okay , have a nice day .\"\n", + "\n", + "terms: ['san fran', 'march 1st', 'buses', 'airlines', 'sfo international airport', '6', 'united airlines', 'sd', 'standard', '7 : 40 am', '2nd of march', '12 : 30', 'altima', 'march 2nd', '$ 115', 'departure date', 'one', '1', 'four', 'sfo', '$ 56', 'transfers', '$ 54', '6 : 35 am', '0', 'flights', 'next thursday', 'price', '10 am']\n", + "relations: [['dropoff date', 'has value', 'next thursday'], ['flights', 'has slot', 'outbound departure time'], ['from location', 'has value', 'sd'], ['flights', 'has slot', 'count'], ['pickup date', 'has value', '2nd of march'], ['march 2nd', 'has domain', 'buses'], ['departure date', 'has value', 'march 2nd'], ['standard', 'has domain', 'rentalcars'], ['10 am', 'has domain', 'buses'], ['pickup time', 'has value', '12 : 30'], ['san fran', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'searchonewayflight'], ['12 : 30', 'has domain', 'rentalcars'], ['flights', 'has slot', 'airlines'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['march 2nd', 'has domain', 'flights'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['next thursday', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'leaving date'], ['6', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['type', 'has value', 'standard'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['sd', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['leaving date', 'has value', 'march 1st'], ['7 : 40 am', 'has domain', 'buses'], ['leaving time', 'has value', '10 am'], ['rentalcars', 'has slot', 'pickup time'], ['united airlines', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['flights', 'has slot', 'departure date'], ['$ 115', 'has domain', 'flights'], ['march 2nd', 'has domain', 'rentalcars'], ['0', 'has domain', 'flights'], ['4', 'refers to same concept as', 'four'], ['outbound departure time', 'has value', '6 : 35 am'], ['4', 'has domain', 'buses'], ['sfo international airport', 'has domain', 'rentalcars'], ['6 : 35 am', 'has domain', 'flights'], ['flights', 'has slot', 'price'], ['march 1st', 'has domain', 'buses'], ['leaving date', 'has value', 'march 2nd'], ['fare', 'has value', '$ 56'], ['1', 'refers to same concept as', 'one'], ['count', 'has value', '6'], ['car name', 'has value', 'altima'], ['leaving time', 'has value', '7 : 40 am'], ['fare', 'has value', '$ 54'], ['buses', 'has slot', 'transfers'], ['count', 'has value', '1'], ['pickup date', 'has value', 'march 2nd'], ['altima', 'has domain', 'rentalcars'], ['airlines', 'has value', 'united airlines'], ['pickup city', 'has value', 'san fran'], ['travelers', 'has value', '4'], ['rentalcars', 'has slot', 'pickup date'], ['pickup location', 'has value', 'sfo international airport'], ['$ 56', 'has domain', 'buses'], ['price', 'has value', '$ 115'], ['1', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup location'], ['$ 54', 'has domain', 'buses'], ['2nd of march', 'has domain', 'rentalcars'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1729\n", + "dialogue: \"user\": \"hey , can you get me a rental car in ny until the 14th of march ?\"\n", + "\"system\": \"sure , what day and time do you need it ?\"\n", + "\"user\": \"i need it from morning 11 on march 7th . i need a full - size car .\"\n", + "\"system\": \"okay , there ' s a good full - size escape at jfk international airport on march 7th .\"\n", + "\"user\": \"sounds great , thanks .\"\n", + "\"system\": \"should i reserve it for you ?\"\n", + "\"user\": \"no thanks . can you find me a bus there ?\"\n", + "\"system\": \"sure , where from ?\"\n", + "\"user\": \"from washington , please .\"\n", + "\"system\": \"okay , on march 7th ?\"\n", + "\"user\": \"no , the day after tomorrow .\"\n", + "\"system\": \"okay how about the 8 : 10 am bus ? it ' s $ 37 with 0 transfers .\"\n", + "\"user\": \"which station does it depart from and arrive at ?\"\n", + "\"system\": \"it departs from union station and arrives at the port authority station .\"\n", + "\"user\": \"thanks a lot . any one - way flights going there on march 1st ?\"\n", + "\"system\": \"i found 4 flights for you . there ' s an american airlines flight departing 1 pm with 0 layovers for $ 88 per person .\"\n", + "\"user\": \"thanks , that ' ll be all .\"\n", + "\"system\": \"okay , see you .\"\n", + "\n", + "terms: ['march 7th', 'jfk international airport', 'march 1st', 'ny', '1 pm', 'airlines', '14th of march', 'union station', '$ 88', 'washington', 'american airlines', 'escape', 'morning 11', 'transfers', 'day after tomorrow', '4', 'full - size', '0', '$ 37', 'flights', 'port authority station', '8 : 10 am']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['fare', 'has value', '$ 37'], ['buses', 'has slot', 'to station'], ['pickup time', 'has value', 'morning 11'], ['flights', 'has slot', 'outbound departure time'], ['flights', 'has slot', 'count'], ['type', 'has value', 'full - size'], ['price', 'has value', '$ 88'], ['escape', 'has domain', 'rentalcars'], ['day after tomorrow', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['leaving time', 'has value', '8 : 10 am'], ['flights', 'has slot', 'searchonewayflight'], ['jfk international airport', 'has domain', 'rentalcars'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'airlines'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'dropoff date'], ['union station', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup city'], ['from location', 'has value', 'washington'], ['count', 'has value', '4'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['$ 88', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup time'], ['leaving date', 'has value', 'day after tomorrow'], ['morning 11', 'has domain', 'rentalcars'], ['ny', 'has domain', 'rentalcars'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['flights', 'has slot', 'departure date'], ['0', 'has domain', 'flights'], ['march 7th', 'has domain', 'buses'], ['pickup location', 'has value', 'jfk international airport'], ['4', 'has domain', 'flights'], ['flights', 'has slot', 'price'], ['14th of march', 'has domain', 'rentalcars'], ['american airlines', 'has domain', 'flights'], ['leaving date', 'has value', 'march 7th'], ['pickup city', 'has value', 'ny'], ['outbound departure time', 'has value', '1 pm'], ['car name', 'has value', 'escape'], ['8 : 10 am', 'has domain', 'buses'], ['march 1st', 'has domain', 'flights'], ['to station', 'has value', 'port authority station'], ['1 pm', 'has domain', 'flights'], ['full - size', 'has domain', 'rentalcars'], ['march 7th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['$ 37', 'has domain', 'buses'], ['pickup date', 'has value', 'march 7th'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['rentalcars', 'has slot', 'pickup location'], ['departure date', 'has value', 'march 1st'], ['dropoff date', 'has value', '14th of march'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1730\n", + "dialogue: \"user\": \"i need to pick up a medium - sized rental car on wednesday next week .\"\n", + "\"system\": \"how long will you need the car ? where you do want to pick it up from ?\"\n", + "\"user\": \"i am picking the car up from sd and i need it until next friday .\"\n", + "\"system\": \"what time do you want to pick it up at ?\"\n", + "\"user\": \"i want to pick it up around 1 : 30 pm .\"\n", + "\"system\": \"i found 6 cars for you . there is a standard honda accord available for pickup at santa fe depot on march 6th .\"\n", + "\"user\": \"okay , thanks . i also want to find a bus going to san francisco for two people on the 1st of this month .\"\n", + "\"system\": \"there is a bus departing at 11 am with 0 transfers for $ 58 .\"\n", + "\"user\": \"what station does the bus depart from and arrive at ?\"\n", + "\"system\": \"the bus departs from salesforce transit center and arrives at santa fe depot .\"\n", + "\"user\": \"what other buses are there ?\"\n", + "\"system\": \"there is a bus departing at 1 : 40 pm with 0 transfers for $ 51 .\"\n", + "\"user\": \"okay , that sounds good .\"\n", + "\"system\": \"do you want to purchase the bus tickets ?\"\n", + "\"user\": \"no , not right now .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"i ' d like to find a one way flight going there on the 5th and any airline works .\"\n", + "\"system\": \"there is an alaska airlines flight departing at 7 : 40 pm with 0 layovers for $ 118 per ticket .\"\n", + "\"user\": \"does the flight arrive on the day after it departs ? how may checked bags are allowed ?\"\n", + "\"system\": \"the flight arrives at the destination on the same day and 0 checked bags are allowed .\"\n", + "\"user\": \"okay , thank you . that is all i needed .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['buses', 'march 6th', 'santa fe depot', 'airlines', '6', '11 am', 'wednesday next week', 'sd', 'standard', 'alaska airlines', '1st of this month', '$ 51', 'salesforce transit center', '1 : 40 pm', '$ 58', 'the 5th', 'next friday', 'transfers', '0', 'accord', 'two', '$ 118', 'san francisco', '1 : 30 pm', '7 : 40 pm']\n", + "relations: [['to station', 'has value', 'santa fe depot'], ['from station', 'has value', 'salesforce transit center'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['pickup date', 'has value', 'wednesday next week'], ['flights', 'has slot', 'number stops'], ['$ 118', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['dropoff date', 'has value', 'next friday'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['santa fe depot', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['departure date', 'has value', 'the 5th'], ['accord', 'has domain', 'rentalcars'], ['airlines', 'has value', 'dontcare'], ['$ 58', 'has domain', 'buses'], ['pickup city', 'has value', 'sd'], ['fare', 'has value', '$ 51'], ['car name', 'has value', 'accord'], ['outbound departure time', 'has value', '7 : 40 pm'], ['march 6th', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'santa fe depot'], ['buses', 'has slot', 'from station'], ['false', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['11 am', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['$ 51', 'has domain', 'buses'], ['rentalcars', 'has slot', 'car name'], ['alaska airlines', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['1st of this month', 'has domain', 'buses'], ['wednesday next week', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['flights', 'has slot', 'arrives next day'], ['sd', 'has domain', 'rentalcars'], ['leaving date', 'has value', '1st of this month'], ['buses', 'has slot', 'transfers'], ['the 5th', 'has domain', 'flights'], ['1 : 40 pm', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup location'], ['fare', 'has value', '$ 58'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['san francisco', 'has domain', 'buses'], ['arrives next day', 'has value', 'false'], ['type', 'has value', 'standard'], ['pickup time', 'has value', '1 : 30 pm'], ['7 : 40 pm', 'has domain', 'flights'], ['dontcare', 'has domain', 'flights'], ['6', 'has domain', 'rentalcars'], ['count', 'has value', '6'], ['price', 'has value', '$ 118'], ['leaving time', 'has value', '1 : 40 pm'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['rentalcars', 'has slot', 'type'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'leaving date'], ['2', 'refers to same concept as', 'two'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup time'], ['next friday', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 6th'], ['flights', 'has slot', 'number checked bags'], ['leaving time', 'has value', '11 am'], ['buses', 'has slot', 'buybusticket'], ['santa fe depot', 'has domain', 'rentalcars'], ['1 : 30 pm', 'has domain', 'rentalcars'], ['from location', 'has value', 'san francisco']]\n", + "\n", + "dialogue id: sgd-validation-1731\n", + "dialogue: \"user\": \"i ' d like to find an intermediate rental car .\"\n", + "\"system\": \"when do you need it ?\"\n", + "\"user\": \"i want to pick it up on the 8th of this month .\"\n", + "\"system\": \"how long will you be keeping it ?\"\n", + "\"user\": \"i ' ll return it the next day , on the 9th of this month .\"\n", + "\"system\": \"where will you be getting it ?\"\n", + "\"user\": \"i ' ll pick it up in seattle , wa .\"\n", + "\"system\": \"what time works best for you ?\"\n", + "\"user\": \"i need it at 16 : 30 .\"\n", + "\"system\": \"there is a standard car available at seattle - tacoma international airport on march 8th . would a civic work for you ?\"\n", + "\"user\": \"that will work .\"\n", + "\"system\": \"would you like to make your reservation now ?\"\n", + "\"user\": \"no , i ' d like to see if i can find a bus instead .\"\n", + "\"system\": \"would you still be leaving on march 8th ? where are you departing from ?\"\n", + "\"user\": \"i ' ll be leaving portland on the 4th of this month .\"\n", + "\"system\": \"there are 8 buses that may work for you . there is one leaving at 8 : 40 am for $ 30 with 0 transfers .\"\n", + "\"user\": \"no , i ' d like to see what ' s available for one person leaving vancouver , bc .\"\n", + "\"system\": \"for $ 30 , there is a bus with 0 transfers leaving at 6 : 40 am .\"\n", + "\"user\": \"is there anything available for 4 people ?\"\n", + "\"system\": \"yes , the 8 : 10 am has 0 transfers and tickets are priced at $ 29 .\"\n", + "\"user\": \"that one will be fine .\"\n", + "\"system\": \"did you want to purchase your tickets ?\"\n", + "\"user\": \"no , i ' d like to compare prices with a one - way flight . i have zero checked bags .\"\n", + "\"system\": \"is your departure date march 4th or march 8th ?\"\n", + "\"user\": \"actually , i ' ll be leaving on the 5th of this month .\"\n", + "\"system\": \"air canada has a flight with 1 layover at 12 : 15 pm at a rate of $ 274 per person .\"\n", + "\"user\": \"i ' d prefer a delta airlines flight .\"\n", + "\"system\": \"delta airlines has a flight for $ 277 . it has 1 layover and it departs at 10 : 15 am .\"\n", + "\"user\": \"that will work .\"\n", + "\"system\": \"is there anything else you can do ?\"\n", + "\"user\": \"no , you ' ve got it covered . thank you .\"\n", + "\"system\": \"you ' re welcome . have a wonderful day .\"\n", + "\n", + "terms: ['$ 274', '9th of this month', 'buses', 'airlines', '8 : 10 am', 'march 4th', '5th of this month', 'delta airlines', '8th of this month', '8 : 40 am', '$ 29', 'standard', '16 : 30', 'vancouver , bc', 'departure date', '4th of this month', 'one', 'seattle , wa', '8', 'seattle - tacoma international airport', '$ 30', 'transfers', 'civic', '10 : 15 am', '$ 277', '6 : 40 am', '4', '0', '12 : 15 pm', '1', 'portland', 'march 8th']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['leaving time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'from location'], ['march 8th', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['march 8th', 'has domain', 'flights'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['airlines', 'has value', 'delta airlines'], ['pickup location', 'has value', 'seattle - tacoma international airport'], ['delta airlines', 'has domain', 'flights'], ['$ 29', 'has domain', 'buses'], ['air canada', 'has domain', 'flights'], ['pickup time', 'has value', '16 : 30'], ['price', 'has value', '$ 274'], ['rentalcars', 'has slot', 'pickup date'], ['9th of this month', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['8th of this month', 'has domain', 'rentalcars'], ['leaving time', 'has value', '8 : 10 am'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['5th of this month', 'has domain', 'flights'], ['outbound departure time', 'has value', '10 : 15 am'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['vancouver , bc', 'has domain', 'buses'], ['leaving date', 'has value', 'march 8th'], ['0', 'has domain', 'flights'], ['4th of this month', 'has domain', 'buses'], ['8', 'has domain', 'buses'], ['fare', 'has value', '$ 29'], ['flights', 'has slot', 'price'], ['civic', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['pickup city', 'has value', 'seattle , wa'], ['seattle - tacoma international airport', 'has domain', 'rentalcars'], ['pickup date', 'has value', '8th of this month'], ['1', 'refers to same concept as', 'one'], ['seattle , wa', 'has domain', 'rentalcars'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['price', 'has value', '$ 277'], ['$ 274', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['dropoff date', 'has value', '9th of this month'], ['flights', 'has slot', 'searchonewayflight'], ['12 : 15 pm', 'has domain', 'flights'], ['flights', 'has slot', 'airlines'], ['8 : 40 am', 'has domain', 'buses'], ['$ 277', 'has domain', 'flights'], ['travelers', 'has value', '1'], ['type', 'has value', 'standard'], ['number stops', 'has value', '1'], ['portland', 'has domain', 'buses'], ['march 8th', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 8th'], ['8 : 10 am', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['1', 'has domain', 'flights'], ['outbound departure time', 'has value', '12 : 15 pm'], ['departure date', 'has value', 'march 8th'], ['march 4th', 'has domain', 'flights'], ['number checked bags', 'has value', '0'], ['airlines', 'has value', 'air canada'], ['count', 'has value', '8'], ['rentalcars', 'has slot', 'type'], ['from location', 'has value', 'vancouver , bc'], ['buses', 'has slot', 'leaving date'], ['10 : 15 am', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup time'], ['departure date', 'has value', '5th of this month'], ['flights', 'has slot', 'number checked bags'], ['$ 30', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['leaving time', 'has value', '8 : 40 am'], ['departure date', 'has value', 'march 4th'], ['leaving date', 'has value', '4th of this month'], ['16 : 30', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 30'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1732\n", + "dialogue: \"user\": \"i need a rental car until march 12th in san francisco . i want it on march 11th .\"\n", + "\"system\": \"when will you need it ?\"\n", + "\"user\": \"i ' ll pick it up in nyc . i wanna pick it up around 15 : 00 .\"\n", + "\"system\": \"an accord is available at grand central station on march 11th . it ' s a standard car .\"\n", + "\"user\": \"that ' s good .\"\n", + "\"system\": \"would you like to reserve it ?\"\n", + "\"user\": \"no . i ' d like a bus to get there .\"\n", + "\"system\": \"where are you coming from ?\"\n", + "\"user\": \"i ' m coming from philadelphia .\"\n", + "\"system\": \"are you leaving on march 11th ?\"\n", + "\"user\": \"i ' m leaving on march 9th .\"\n", + "\"system\": \"a bus is leaving at 8 : 30 am and costs $ 23 with 0 transfers .\"\n", + "\"user\": \"that ' s a good one .\"\n", + "\"system\": \"would you like tickets ?\"\n", + "\"user\": \"not right now .\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"i want a one - way flight there . i need four tickets and have 0 bags . i wanna fly with southwest airlines .\"\n", + "\"system\": \"are you leaving march 9th or march 11th ?\"\n", + "\"user\": \"i wanna leave on march 9th .\"\n", + "\"system\": \"i found 1 flight . a southwest airlines flight leaves at 3 : 30 pm and has 0 layovers . a ticket costs $ 66 .\"\n", + "\"user\": \"is it an economy class ticket ?\"\n", + "\"system\": \"yes , it ' s a economy seat .\"\n", + "\"user\": \"thanks . that ' s all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['march 11th', 'economy', '$ 66', 'southwest airlines', 'airlines', 'march 9th', '$ 23', 'standard', 'philadelphia', '8 : 30 am', 'one', '15 : 00', 'four', 'march 12th', 'transfers', 'nyc', '3 : 30 pm', 'grand central station', '0', 'accord', '1', 'san francisco']\n", + "relations: [['flights', 'has slot', 'outbound departure time'], ['departure date', 'has value', 'march 9th'], ['march 12th', 'has domain', 'rentalcars'], ['number checked bags', 'has value', '0'], ['flights', 'has slot', 'count'], ['4', 'refers to same concept as', 'four'], ['flights', 'has slot', 'passengers'], ['$ 66', 'has domain', 'flights'], ['standard', 'has domain', 'rentalcars'], ['flights', 'has slot', 'searchonewayflight'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['leaving time', 'has value', '8 : 30 am'], ['number stops', 'has value', '0'], ['leaving date', 'has value', 'march 11th'], ['flights', 'has slot', 'airlines'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['pickup city', 'has value', 'san francisco'], ['type', 'has value', 'standard'], ['dropoff date', 'has value', 'march 12th'], ['pickup date', 'has value', 'march 11th'], ['0', 'has domain', 'buses'], ['passengers', 'has value', '4'], ['rentalcars', 'has slot', 'getcarsavailable'], ['march 9th', 'has domain', 'flights'], ['san francisco', 'refers to same concept as', 'san fran'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'departure date'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['pickup time', 'has value', '15 : 00'], ['pickup location', 'has value', 'grand central station'], ['march 11th', 'has domain', 'buses'], ['accord', 'has domain', 'rentalcars'], ['flights', 'has slot', 'number checked bags'], ['0', 'has domain', 'flights'], ['3 : 30 pm', 'has domain', 'flights'], ['flight class', 'has value', 'economy'], ['philadelphia', 'has domain', 'buses'], ['outbound departure time', 'has value', '3 : 30 pm'], ['leaving date', 'has value', 'march 9th'], ['from location', 'has value', 'philadelphia'], ['san francisco', 'has domain', 'rentalcars'], ['4', 'has domain', 'flights'], ['march 11th', 'has domain', 'flights'], ['flights', 'has slot', 'price'], ['buses', 'has slot', 'buybusticket'], ['price', 'has value', '$ 66'], ['fare', 'has value', '$ 23'], ['flights', 'has slot', 'flight class'], ['southwest airlines', 'has domain', 'flights'], ['departure date', 'has value', 'march 11th'], ['15 : 00', 'has domain', 'rentalcars'], ['car name', 'has value', 'accord'], ['pickup city', 'has value', 'nyc'], ['1', 'refers to same concept as', 'one'], ['airlines', 'has value', 'southwest airlines'], ['march 11th', 'has domain', 'rentalcars'], ['nyc', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['count', 'has value', '1'], ['economy', 'has domain', 'flights'], ['8 : 30 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['1', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup location'], ['grand central station', 'has domain', 'rentalcars'], ['$ 23', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1733\n", + "dialogue: \"user\": \"i am going to need to find a rental car for the 14th of this month . go ahead and pull up some options .\"\n", + "\"system\": \"sure , i can help look up this information for you . where would you prefer to pick up the rental from ? what time and what date do you need the rental ?\"\n", + "\"user\": \"ok , i will be needing to pick up form ny on the 11th of march at 12 in the afternoon . please locate some full - size options .\"\n", + "\"system\": \"sure thing , i show a full - size cherokee available on march 11th . this car will be available at grand central station .\"\n", + "\"user\": \"what is the total going to be ?\"\n", + "\"system\": \"this reservation would cost $ 126 .\"\n", + "\"user\": \"that sounds pretty reasonable . please go ahead and help pull up some bus information as well .\"\n", + "\"system\": \"sure thing , i need to know if you want to leave on march 11th ?\"\n", + "\"user\": \"the 8th of march will be best .\"\n", + "\"system\": \"i got it . where will you be leaving from ?\"\n", + "\"user\": \"i ' ll be leaving from philly .\"\n", + "\"system\": \"i found a bus leaving at 8 : 30 am with 0 transfers for $ 23 . how does that sound ?\"\n", + "\"user\": \"alrighty , how about looking up some one way flights going there ?\"\n", + "\"system\": \"would you be departing on march 8th or march 11th ?\"\n", + "\"user\": \"i would prefer to fly on the 9th of march if possible .\"\n", + "\"system\": \"i found an american airlines flight departing at 8 : 45 am with 0 layovers . this ticket would run you $ 65 .\"\n", + "\"user\": \"great , that will be all .\"\n", + "\"system\": \"alright , good bye .\"\n", + "\n", + "terms: ['11th of march', 'march 11th', 'ny', 'philly', '8th of march', 'airlines', '8 : 45 am', '$ 65', '$ 23', 'cherokee', '$ 126', '8 : 30 am', 'american airlines', 'transfers', '9th of march', 'grand central station', 'full - size', '12 in the afternoon', '0', '14th of this month', 'flights', 'march 8th']\n", + "relations: [['flights', 'has slot', 'outbound departure time'], ['outbound departure time', 'has value', '8 : 45 am'], ['rentalcars', 'has slot', 'total price'], ['type', 'has value', 'full - size'], ['$ 126', 'has domain', 'rentalcars'], ['flights', 'has slot', 'searchonewayflight'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 30 am'], ['number stops', 'has value', '0'], ['leaving date', 'has value', 'march 11th'], ['$ 65', 'has domain', 'flights'], ['flights', 'has slot', 'airlines'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', '8th of march'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['march 8th', 'has domain', 'flights'], ['11th of march', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 11th'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'departure date'], ['buses', 'has slot', 'findbus'], ['ny', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'grand central station'], ['transfers', 'has value', '0'], ['march 11th', 'has domain', 'buses'], ['pickup date', 'has value', '11th of march'], ['cherokee', 'has domain', 'rentalcars'], ['0', 'has domain', 'flights'], ['march 11th', 'has domain', 'flights'], ['departure date', 'has value', 'march 8th'], ['flights', 'has slot', 'price'], ['dropoff date', 'has value', '14th of this month'], ['car name', 'has value', 'cherokee'], ['fare', 'has value', '$ 23'], ['american airlines', 'has domain', 'flights'], ['from location', 'has value', 'philly'], ['departure date', 'has value', 'march 11th'], ['pickup city', 'has value', 'ny'], ['departure date', 'has value', '9th of march'], ['march 11th', 'has domain', 'rentalcars'], ['full - size', 'has domain', 'rentalcars'], ['philly', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['8 : 45 am', 'has domain', 'flights'], ['12 in the afternoon', 'has domain', 'rentalcars'], ['9th of march', 'has domain', 'flights'], ['8 : 30 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['14th of this month', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 126'], ['8th of march', 'has domain', 'buses'], ['price', 'has value', '$ 65'], ['rentalcars', 'has slot', 'pickup location'], ['grand central station', 'has domain', 'rentalcars'], ['pickup time', 'has value', '12 in the afternoon'], ['$ 23', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1734\n", + "dialogue: \"user\": \"i would like to find a rental car that i can use until the 13th of this month . i would like to pick it up in portland on the 9th of march .\"\n", + "\"system\": \"what time do you need this car ?\"\n", + "\"user\": \"i would like to pick it up at about three pm .\"\n", + "\"system\": \"i have 8 cars that you might like . one is a nice standard car that you can pick up at pdx international airport on march 9th . this car is an accord .\"\n", + "\"user\": \"can you find any other available cars ?\"\n", + "\"system\": \"there is a nice car that you can pick up on march 9th at portland bus station . this is a standard car , a camry .\"\n", + "\"user\": \"that sounds pretty good .\"\n", + "\"system\": \"would you like to make a reservation for this car ?\"\n", + "\"user\": \"no , i don ' t want to make a reservation right now .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"can you help me to find a bus that goes there ?\"\n", + "\"system\": \"what is your point of departure ?\"\n", + "\"user\": \"i will be leaving from seattle .\"\n", + "\"system\": \"are you also planning to leave on march 9th ?\"\n", + "\"user\": \"i want to leave on friday next week .\"\n", + "\"system\": \"i was able to discover 10 buses for you . what do you think about the bus that leaves at 6 : 10 am ? this bus has 0 transfers and will cost $ 31 .\"\n", + "\"user\": \"that sounds pretty good .\"\n", + "\"system\": \"would you like to purchase tickets to take this bus ?\"\n", + "\"user\": \"no , i am not wanting to buy the tickets right now . can you tell me if there is a oneway flight heading there ?\"\n", + "\"system\": \"will you be leaving on march 9th or on march 8th ?\"\n", + "\"user\": \"i would like to fly out on the 5th .\"\n", + "\"system\": \"what do you think of flying with alaska airlines ? this flight will take off at 10 : 05 pm local time . this itinerary will have 0 layovers . the price of the ticket is $ 65 per passenger .\"\n", + "\"user\": \"okay , thank you very much . that ' s all i wanted .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['friday next week', '$ 31', 'buses', 'price', 'camry', 'march 9th', 'airlines', '10 : 05 pm', '$ 65', '6 : 10 am', 'portland', 'standard', 'alaska airlines', '8', 'the 5th', 'transfers', '9th of march', 'pdx international airport', 'seattle', '0', 'accord', '13th of this month', '10', 'three pm', 'portland bus station', 'march 8th']\n", + "relations: [['friday next week', 'has domain', 'buses'], ['rentalcars', 'has slot', 'count'], ['camry', 'has domain', 'rentalcars'], ['departure date', 'has value', 'march 9th'], ['flights', 'has slot', 'outbound departure time'], ['fare', 'has value', '$ 31'], ['count', 'has value', '10'], ['leaving time', 'has value', '6 : 10 am'], ['standard', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'portland'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['flights', 'has slot', 'searchonewayflight'], ['number stops', 'has value', '0'], ['count', 'has value', '8'], ['10 : 05 pm', 'has domain', 'flights'], ['flights', 'has slot', 'airlines'], ['6 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['$ 65', 'has domain', 'flights'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['march 9th', 'has domain', 'flights'], ['type', 'has value', 'standard'], ['march 8th', 'has domain', 'flights'], ['0', 'has domain', 'buses'], ['pickup date', 'has value', '9th of march'], ['rentalcars', 'has slot', 'getcarsavailable'], ['alaska airlines', 'has domain', 'flights'], ['$ 31', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['car name', 'has value', 'camry'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['departure date', 'has value', 'the 5th'], ['accord', 'has domain', 'rentalcars'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['leaving date', 'has value', 'march 9th'], ['march 9th', 'has domain', 'rentalcars'], ['three pm', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['buses', 'has slot', 'buybusticket'], ['pickup time', 'has value', 'three pm'], ['car name', 'has value', 'accord'], ['pdx international airport', 'has domain', 'rentalcars'], ['portland', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 9th'], ['portland bus station', 'has domain', 'rentalcars'], ['seattle', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['pickup location', 'has value', 'portland bus station'], ['the 5th', 'has domain', 'flights'], ['dropoff date', 'has value', '13th of this month'], ['13th of this month', 'has domain', 'rentalcars'], ['8', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup date'], ['leaving date', 'has value', 'friday next week'], ['outbound departure time', 'has value', '10 : 05 pm'], ['pickup location', 'has value', 'pdx international airport'], ['rentalcars', 'has slot', 'pickup location'], ['price', 'has value', '$ 65'], ['departure date', 'has value', 'march 8th'], ['from location', 'has value', 'seattle'], ['buses', 'has slot', 'fare'], ['9th of march', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-1735\n", + "dialogue: \"user\": \"i would like a rental vehicle , and want a large car . i would like to pick it up from new york city and would like it around 6 o \" clock in the evening .\"\n", + "\"system\": \"when would you like it ? until which date ?\"\n", + "\"user\": \"i want it until the 10th and from the 9th .\"\n", + "\"system\": \"there is a nice car available at grand central station for pickup on march 9th . it is a full - size car and is a cherokee .\"\n", + "\"user\": \"what is the total price ?\"\n", + "\"system\": \"the reservation is $ 35 in total .\"\n", + "\"user\": \"is there anything else available ? i need a small car .\"\n", + "\"system\": \"there is a nice car available at port authority station for pickup on march 9th . it is a compact car and is a bolt .\"\n", + "\"user\": \"that sounds great .\"\n", + "\"system\": \"would you like to reserve this car ?\"\n", + "\"user\": \"no , i don ' t need it .\"\n", + "\"system\": \"is there anything else that i may help you with ?\"\n", + "\"user\": \"yeah , i need a bus .\"\n", + "\"system\": \"where would you like to depart from ? would you like to leave on the day of march 9th ?\"\n", + "\"user\": \"i want to leave from washington and on the 2nd of this month .\"\n", + "\"system\": \"there are 8 buses which match your selection . this bus will depart at 8 : 10 am and it will cost $ 32 with 0 transfers .\"\n", + "\"user\": \"that sounds good . how about a oneway flight ?\"\n", + "\"system\": \"i would like to leave on march 2nd .\"\n", + "\"user\": \"i would like to fly out on tuesday next week .\"\n", + "\"system\": \"i have found 4 flights for you , and would like to fly with american airlines . the flight is set to take off at 4 : 10 am local time . the itinerary has 0 layovers and the ticket will cost $ 79 per passenger .\"\n", + "\"user\": \"okay .\"\n", + "\"system\": \"is there anything else that i may help you with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"of course . have a wonderful day .\"\n", + "\n", + "terms: ['total price', 'buses', '2nd of this month', 'price', 'new york city', 'march 9th', 'airlines', 'the 10th', 'bolt', 'march 2nd', '4 : 10 am', 'cherokee', 'washington', 'american airlines', '$ 32', '8', '$ 35', '$ 79', 'transfers', 'tuesday next week', 'grand central station', '6 o \" clock in the evening', '4', 'full - size', '0', 'flights', 'the 9th', 'port authority station', 'compact', '8 : 10 am']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['flights', 'has slot', 'outbound departure time'], ['price', 'has value', '$ 79'], ['total price', 'has value', '$ 35'], ['rentalcars', 'has slot', 'total price'], ['flights', 'has slot', 'count'], ['type', 'has value', 'full - size'], ['type', 'has value', 'compact'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'searchonewayflight'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['2nd of this month', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 10 am'], ['count', 'has value', '8'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'airlines'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['march 2nd', 'has domain', 'flights'], ['$ 32', 'has domain', 'buses'], ['rentalcars', 'has slot', 'car name'], ['$ 35', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'the 10th'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['rentalcars', 'has slot', 'dropoff date'], ['port authority station', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup city'], ['pickup time', 'has value', '6 o \" clock in the evening'], ['6 o \" clock in the evening', 'has domain', 'rentalcars'], ['from location', 'has value', 'washington'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['count', 'has value', '4'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'departure date'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['pickup location', 'has value', 'grand central station'], ['0', 'has domain', 'flights'], ['cherokee', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'port authority station'], ['tuesday next week', 'has domain', 'flights'], ['bolt', 'has domain', 'rentalcars'], ['4 : 10 am', 'has domain', 'flights'], ['compact', 'has domain', 'rentalcars'], ['8', 'has domain', 'buses'], ['the 10th', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 9th'], ['march 9th', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 32'], ['4', 'has domain', 'flights'], ['leaving date', 'has value', '2nd of this month'], ['flights', 'has slot', 'price'], ['car name', 'has value', 'cherokee'], ['new york city', 'has domain', 'rentalcars'], ['american airlines', 'has domain', 'flights'], ['the 9th', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'the 9th'], ['$ 79', 'has domain', 'flights'], ['pickup city', 'has value', 'new york city'], ['8 : 10 am', 'has domain', 'buses'], ['pickup date', 'has value', 'march 9th'], ['departure date', 'has value', 'tuesday next week'], ['full - size', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['car name', 'has value', 'bolt'], ['rentalcars', 'has slot', 'pickup date'], ['rentalcars', 'has slot', 'pickup location'], ['grand central station', 'has domain', 'rentalcars'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1736\n", + "dialogue: \"user\": \"i have to rent a car please .\"\n", + "\"system\": \"from when until when please ? and from where ?\"\n", + "\"user\": \"from march 8th until the 2nd of this month and i ' ll pick it up in long beach .\"\n", + "\"system\": \"when would you like to pick it up ?\"\n", + "\"user\": \"at 5 in the evening and let me do the pick up from philly please .\"\n", + "\"system\": \"there are 4 cars i can suggest . how about a corolla , which is a standard vehicle , at intercity terminal on march 2nd ?\"\n", + "\"user\": \"great , thank you .\"\n", + "\"system\": \"shall i book that for you ?\"\n", + "\"user\": \"not right now . i would like to find a bus though . i need one ticket to new york .\"\n", + "\"system\": \"for a departure on march 2nd ?\"\n", + "\"user\": \"no , leaving later today .\"\n", + "\"system\": \"there is a bus leaving at 7 : 40 am with 0 transfers fpr a $ 21 ticket .\"\n", + "\"user\": \"what are the bus stations it leaves from and goes to ?\"\n", + "\"system\": \"it departs port authority station and travels to intercity terminal .\"\n", + "\"user\": \"okay , thanks . what about a oneway flight ? i need one economy seat later today .\"\n", + "\"system\": \"there are 4 flights you might like . american airlines has a flight which leaves at 7 : 55 am for $ 56 and that ' s got 0 layovers .\"\n", + "\"user\": \"great , thank you .\"\n", + "\"system\": \"you ' re very welcome .\"\n", + "\n", + "terms: ['economy', '2nd of this month', 'philly', '5 in the evening', 'airlines', 'standard', '7 : 40 am', 'new york', 'march 2nd', 'one', 'american airlines', '$ 21', 'later today', '$ 56', 'transfers', 'long beach', 'intercity terminal', '4', '0', 'flights', 'port authority station', 'corolla', '7 : 55 am', 'march 8th']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['flight class', 'has value', 'economy'], ['flights', 'has slot', 'flight class'], ['leaving date', 'has value', 'march 2nd'], ['7 : 55 am', 'has domain', 'flights'], ['to station', 'has value', 'intercity terminal'], ['passengers', 'has value', '1'], ['car name', 'has value', 'corolla'], ['leaving date', 'has value', 'later today'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['intercity terminal', 'has domain', 'rentalcars'], ['port authority station', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['flights', 'has slot', 'passengers'], ['corolla', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['pickup location', 'has value', 'intercity terminal'], ['intercity terminal', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['1', 'refers to same concept as', 'one'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['4', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 2nd'], ['rentalcars', 'has slot', 'pickup location'], ['$ 56', 'has domain', 'flights'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['later today', 'has domain', 'buses'], ['pickup city', 'has value', 'philly'], ['later today', 'has domain', 'flights'], ['pickup time', 'has value', '5 in the evening'], ['$ 21', 'has domain', 'buses'], ['departure date', 'has value', 'later today'], ['travelers', 'has value', '1'], ['type', 'has value', 'standard'], ['march 2nd', 'has domain', 'rentalcars'], ['march 8th', 'has domain', 'rentalcars'], ['american airlines', 'has domain', 'flights'], ['pickup date', 'has value', '2nd of this month'], ['leaving time', 'has value', '7 : 40 am'], ['1', 'has domain', 'flights'], ['fare', 'has value', '$ 21'], ['buses', 'has slot', 'to station'], ['philly', 'has domain', 'rentalcars'], ['outbound departure time', 'has value', '7 : 55 am'], ['march 2nd', 'has domain', 'buses'], ['from location', 'has value', 'new york'], ['rentalcars', 'has slot', 'type'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['pickup city', 'has value', 'long beach'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['2nd of this month', 'has domain', 'rentalcars'], ['4', 'has domain', 'flights'], ['5 in the evening', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'march 8th'], ['from station', 'has value', 'port authority station'], ['price', 'has value', '$ 56'], ['economy', 'has domain', 'flights'], ['long beach', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-1737\n", + "dialogue: \"user\": \"hi , i need an intermediate rental car on the 13th please .\"\n", + "\"system\": \"what date would you like it and at what time ? and where would you like to pick up the car ?\"\n", + "\"user\": \"i ' d like it in los angeles the 12th of march and i want to get it at half past 1 in the afternoon .\"\n", + "\"system\": \"i have 6 possible cars for you . there ' s a standard camry at lax international airport on march 12th .\"\n", + "\"user\": \"okay , thanks . i also need a bus ticket please .\"\n", + "\"system\": \"leaving march 12th ?\"\n", + "\"user\": \"no , the 6th .\"\n", + "\"system\": \"from where please ?\"\n", + "\"user\": \"that ' ll be from sf .\"\n", + "\"system\": \"i have 10 buses . there ' s a 7 am departure with 0 transfers and the fare is $ 46 .\"\n", + "\"user\": \"where does it go to ?\"\n", + "\"system\": \"to union station .\"\n", + "\"user\": \"okay , sounds fine .\"\n", + "\"system\": \"would you likek to purchase tickets now ?\"\n", + "\"user\": \"no , thank you . i need an economy flight one way please . something on alaska airlines would be good on thursday next week .\"\n", + "\"system\": \"i have 1 flight , an alaska airlines departure at 10 : 45 am with 0 layovers and a $ 72 ticket price .\"\n", + "\"user\": \"thank yuo very much .\"\n", + "\"system\": \"you ' re very welcome .\"\n", + "\n", + "terms: ['los angeles', 'economy', 'lax', 'buses', 'camry', 'airlines', 'fare', '6', '12th of march', 'union station', 'standard', 'alaska airlines', '$ 46', 'the 13th', 'one', '7 am', 'sf', 'march 12th', 'transfers', 'thursday next week', 'lax international airport', 'the 6th', '10 : 45 am', '0', 'half past 1 in the afternoon', '$ 72', '10', '1', 'price']\n", + "relations: [['leaving date', 'has value', 'march 12th'], ['pickup time', 'has value', 'half past 1 in the afternoon'], ['rentalcars', 'has slot', 'count'], ['camry', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to station'], ['march 12th', 'has domain', 'rentalcars'], ['flights', 'has slot', 'outbound departure time'], ['flights', 'has slot', 'count'], ['the 6th', 'has domain', 'buses'], ['standard', 'has domain', 'rentalcars'], ['flights', 'has slot', 'searchonewayflight'], ['los angeles', 'has domain', 'rentalcars'], ['12th of march', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'airlines'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['pickup date', 'has value', 'march 12th'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'leaving date'], ['to station', 'has value', 'union station'], ['pickup city', 'has value', 'los angeles'], ['rentalcars', 'has slot', 'dropoff date'], ['union station', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup city'], ['type', 'has value', 'standard'], ['the 13th', 'has domain', 'rentalcars'], ['0', 'has domain', 'buses'], ['$ 46', 'has domain', 'buses'], ['leaving date', 'has value', 'the 6th'], ['rentalcars', 'has slot', 'getcarsavailable'], ['alaska airlines', 'has domain', 'flights'], ['10 : 45 am', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup time'], ['car name', 'has value', 'camry'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['fare', 'has value', '$ 46'], ['10', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['flight class', 'has value', 'economy'], ['thursday next week', 'has domain', 'flights'], ['from location', 'has value', 'sf'], ['outbound departure time', 'has value', '10 : 45 am'], ['6', 'has domain', 'rentalcars'], ['flights', 'has slot', 'flight class'], ['flights', 'has slot', 'price'], ['buses', 'has slot', 'buybusticket'], ['sf', 'has domain', 'buses'], ['leaving time', 'has value', '7 am'], ['price', 'has value', '$ 72'], ['los angeles', 'refers to same concept as', 'lax'], ['march 12th', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['half past 1 in the afternoon', 'has domain', 'rentalcars'], ['count', 'has value', '6'], ['dropoff date', 'has value', 'the 13th'], ['pickup date', 'has value', '12th of march'], ['buses', 'has slot', 'transfers'], ['economy', 'has domain', 'flights'], ['departure date', 'has value', 'thursday next week'], ['count', 'has value', '1'], ['7 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['1', 'has domain', 'flights'], ['$ 72', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup location'], ['lax international airport', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'lax international airport'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-1738\n", + "dialogue: \"user\": \"i would like to rent a vehicle until the 10th please .\"\n", + "\"system\": \"starting when and where would you like it ?\"\n", + "\"user\": \"starting the 7th of march and from sfo please .\"\n", + "\"system\": \"what pick up time would you like ?\"\n", + "\"user\": \"at 5 pm please .\"\n", + "\"system\": \"there ' s a nice standard altima available march 7th at sfo international airport .\"\n", + "\"user\": \"good , thanks . would you look for a bus , too , please ?\"\n", + "\"system\": \"departing from where please ?\"\n", + "\"user\": \"that will be from lax .\"\n", + "\"system\": \"is that on march 7th ?\"\n", + "\"user\": \"no , on sunday this week .\"\n", + "\"system\": \"there are 10 buses for you . i have one leaving at 6 : 20 am fo $ 48 with 0 transfers .\"\n", + "\"user\": \"what are the bus stations please ?\"\n", + "\"system\": \"the bus goes from union station to salesforce transit center .\"\n", + "\"user\": \"great , thank you . i need a oneway plane ticket , too .\"\n", + "\"system\": \"for a trip on march 7th ?\"\n", + "\"user\": \"on the 5th please .\"\n", + "\"system\": \"there are 5 options for you . how about alaska airlines at 4 : 55 am , 0 layovers , for a $ 92 fare ?\"\n", + "\"user\": \"how many bags may i check ?\"\n", + "\"system\": \"unfortunately , 0 bags are allowed .\"\n", + "\"user\": \"thanks , that ' s fine .\"\n", + "\"system\": \"anything else today ?\"\n", + "\"user\": \"no , not today .\"\n", + "\"system\": \"thank you very much .\"\n", + "\n", + "terms: ['march 7th', 'lax', '4 : 55 am', 'buses', '$ 48', 'airlines', '6 : 20 am', 'fare', 'the 10th', 'sfo international airport', 'union station', '5 pm', 'standard', 'alaska airlines', 'altima', 'salesforce transit center', 'sunday this week', '5', 'the 5th', 'sfo', 'transfers', '0', '$ 92', '10', '7th of march']\n", + "relations: [['5 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to station'], ['flights', 'has slot', 'outbound departure time'], ['number checked bags', 'has value', '0'], ['leaving date', 'has value', 'sunday this week'], ['to station', 'has value', 'salesforce transit center'], ['flights', 'has slot', 'count'], ['count', 'has value', '10'], ['price', 'has value', '$ 92'], ['standard', 'has domain', 'rentalcars'], ['flights', 'has slot', 'searchonewayflight'], ['buses', 'has slot', 'leaving time'], ['6 : 20 am', 'has domain', 'buses'], ['departure date', 'has value', 'march 7th'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'airlines'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['from location', 'has value', 'lax'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['dropoff date', 'has value', 'the 10th'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from station', 'has value', 'union station'], ['$ 92', 'has domain', 'flights'], ['rentalcars', 'has slot', 'dropoff date'], ['union station', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup city'], ['type', 'has value', 'standard'], ['pickup date', 'has value', '7th of march'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['alaska airlines', 'has domain', 'flights'], ['5', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'departure date'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['departure date', 'has value', 'the 5th'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['outbound departure time', 'has value', '4 : 55 am'], ['march 7th', 'has domain', 'buses'], ['7th of march', 'has domain', 'rentalcars'], ['flights', 'has slot', 'number checked bags'], ['the 10th', 'has domain', 'rentalcars'], ['sfo international airport', 'has domain', 'rentalcars'], ['sunday this week', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['march 7th', 'has domain', 'flights'], ['sfo', 'has domain', 'rentalcars'], ['pickup city', 'has value', 'sfo'], ['leaving time', 'has value', '6 : 20 am'], ['fare', 'has value', '$ 48'], ['leaving date', 'has value', 'march 7th'], ['$ 48', 'has domain', 'buses'], ['car name', 'has value', 'altima'], ['march 7th', 'has domain', 'rentalcars'], ['4 : 55 am', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['altima', 'has domain', 'rentalcars'], ['the 5th', 'has domain', 'flights'], ['pickup date', 'has value', 'march 7th'], ['buses', 'has slot', 'from station'], ['lax', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup date'], ['pickup location', 'has value', 'sfo international airport'], ['rentalcars', 'has slot', 'pickup location'], ['count', 'has value', '5'], ['buses', 'has slot', 'fare'], ['pickup time', 'has value', '5 pm']]\n", + "\n", + "dialogue id: sgd-validation-1739\n", + "dialogue: \"user\": \"can you help me find a rental car ?\"\n", + "\"system\": \"i ' d be happy to . let ' s get some details out of the way first . where would you like to pick up the car ? what time will you be getting it and how long will you need it ?\"\n", + "\"user\": \"i ' d like to pick it up in ny at 1 : 30 pm next monday .\"\n", + "\"system\": \"what day will you be picking it up ?\"\n", + "\"user\": \"i ' ll get it on the 2nd of march .\"\n", + "\"system\": \"there are 7 cars that may work for you . the first is a standard , an accord , and it will be available at grand central station on march 2nd .\"\n", + "\"user\": \"that one works for me . i ' ll need a bus to get there .\"\n", + "\"system\": \"are you leaving on march 2nd ? where are you departing from ?\"\n", + "\"user\": \"i will be leaving washington later today .\"\n", + "\"system\": \"there is a bus departing at 8 : 10 am with 0 transfers for $ 37 .\"\n", + "\"user\": \"can you tell me the station of origin and the destination station ?\"\n", + "\"system\": \"you will be leaving union station and arriving at port authority station .\"\n", + "\"user\": \"that ' s fine . i ' d like to compare a one - way flight there . can you check what an economy ticket would cost on the 2nd of march ?\"\n", + "\"system\": \"american airlines is offering a flight leaving at 4 : 10 am with 0 layovers for $ 82 .\"\n", + "\"user\": \"i ' m not a fan of american . is there anything else available ?\"\n", + "\"system\": \"yes , there is a delta airlines flight leaving at 5 : 55 pm with 0 layovers for $ 75 per ticket .\"\n", + "\"user\": \"does it arrive the next day and where will it land ?\"\n", + "\"system\": \"it lands at jfk international airport on the same day .\"\n", + "\"user\": \"great . thanks for the help .\"\n", + "\"system\": \"you ' re welcome . have a wonderful day .\"\n", + "\n", + "terms: ['economy', 'jfk international airport', 'ny', '7', 'airlines', 'delta airlines', 'union station', 'standard', '2nd of march', 'today', 'march 2nd', '4 : 10 am', 'washington', 'transfers', '5 : 55 pm', 'grand central station', '$ 75', '$ 82', '0', '$ 37', 'port authority station', 'accord', 'next monday', '8 : 10 am', '1 : 30 pm']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['rentalcars', 'has slot', 'dropoff date'], ['union station', 'has domain', 'buses'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['$ 75', 'has domain', 'flights'], ['pickup location', 'has value', 'grand central station'], ['accord', 'has domain', 'rentalcars'], ['flight class', 'has value', 'economy'], ['flights', 'has slot', 'flight class'], ['airlines', 'has value', 'delta airlines'], ['leaving date', 'has value', 'march 2nd'], ['outbound departure time', 'has value', '5 : 55 pm'], ['5 : 55 pm', 'has domain', 'flights'], ['car name', 'has value', 'accord'], ['delta airlines', 'has domain', 'flights'], ['2nd of march', 'has domain', 'flights'], ['buses', 'has slot', 'from station'], ['false', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['next monday', 'has domain', 'rentalcars'], ['port authority station', 'has domain', 'buses'], ['fare', 'has value', '$ 37'], ['count', 'has value', '7'], ['standard', 'has domain', 'rentalcars'], ['leaving time', 'has value', '8 : 10 am'], ['rentalcars', 'has slot', 'car name'], ['7', 'has domain', 'rentalcars'], ['price', 'has value', '$ 75'], ['buses', 'has slot', 'findbus'], ['ny', 'has domain', 'rentalcars'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['flights', 'has slot', 'price'], ['flights', 'has slot', 'arrives next day'], ['today', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['pickup date', 'has value', 'march 2nd'], ['$ 37', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup location'], ['jfk international airport', 'has domain', 'flights'], ['2nd of march', 'has domain', 'rentalcars'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['pickup date', 'has value', '2nd of march'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['arrives next day', 'has value', 'false'], ['type', 'has value', 'standard'], ['pickup time', 'has value', '1 : 30 pm'], ['departure date', 'has value', '2nd of march'], ['march 2nd', 'has domain', 'rentalcars'], ['4 : 10 am', 'has domain', 'flights'], ['flights', 'has slot', 'destination airport name'], ['american airlines', 'has domain', 'flights'], ['pickup city', 'has value', 'ny'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['buses', 'has slot', 'to station'], ['march 2nd', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['7', 'refers to same concept as', '$ 7'], ['buses', 'has slot', 'leaving date'], ['price', 'has value', '$ 82'], ['rentalcars', 'has slot', 'pickup city'], ['from location', 'has value', 'washington'], ['rentalcars', 'has slot', 'pickup time'], ['dropoff date', 'has value', 'next monday'], ['leaving date', 'has value', 'today'], ['$ 82', 'has domain', 'flights'], ['destination airport name', 'has value', 'jfk international airport'], ['1 : 30 pm', 'has domain', 'rentalcars'], ['economy', 'has domain', 'flights'], ['grand central station', 'has domain', 'rentalcars']]\n", + "\n", + "dialogue id: sgd-validation-1740\n", + "dialogue: \"user\": \"i need to find a rental car .\"\n", + "\"system\": \"until which date would you like your reservation ?\"\n", + "\"user\": \"i need it from the 2nd of this month and until the 6th of this month .\"\n", + "\"system\": \"at what time would you like to pick up the vehicle , and from which location ?\"\n", + "\"user\": \"i want to pick it up from philadelphia at around 6 : 30 pm .\"\n", + "\"system\": \"there is a vehicle matching your search at intercity terminal for pickup on march 2nd . it is a standard car and is an altima .\"\n", + "\"user\": \"what is the total price ?\"\n", + "\"system\": \"your reservation will cost $ 136 in total .\"\n", + "\"user\": \"okay , that sounds fine .\"\n", + "\"system\": \"would you like to reserve a car now ?\"\n", + "\"user\": \"no , not now . i need a bus that will go there .\"\n", + "\"system\": \"from where will you be departing ? how about march 2nd ?\"\n", + "\"user\": \"i need to leave from washington , and want to leave hopefully on the 1st .\"\n", + "\"system\": \"there is a bus set to depart at 7 : 10 am , and has 0 transfers . the bus ticket price is $ 30 .\"\n", + "\"user\": \"which station am i leaving from ? what is my destination station ?\"\n", + "\"system\": \"the station you will be departing is union station and the designated destination station is intercity terminal .\"\n", + "\"user\": \"are there any other bus options , by the way ?\"\n", + "\"system\": \"would you like to depart at 7 : 50 am ? it will cost $ 27 and has 0 transfers .\"\n", + "\"user\": \"that sounds good . is there a one - way flight that will go there ?\"\n", + "\"system\": \"would you like to depart on march 2nd ?\"\n", + "\"user\": \"yeah , that sounds good .\"\n", + "\"system\": \"there are 4 flights which match your description . would you like to fly with american airlines ? this flight will depart at 4 : 10 am local time and has 1 layover . the airline ticket price is $ 145 .\"\n", + "\"user\": \"okay but how many people are in my group ?\"\n", + "\"system\": \"this is for 1 passenger only .\"\n", + "\"user\": \"find me something else , please . i have 0 bags to check in .\"\n", + "\"system\": \"there are 3 flights which match your search . would you like to fly with delta airlines ? the flight is set to take off at 5 : 55 pm local time , and has 1 layover . the airline ticket price is $ 144 per passenger .\"\n", + "\"user\": \"what flight class are the seats ? what ' s the designated origin airport ?\"\n", + "\"system\": \"it is an economy class seat and the flight is set to depart from dulles international airport .\"\n", + "\"user\": \"okay then .\"\n", + "\"system\": \"is there anything else that i may help you with ?\"\n", + "\"user\": \"no , thank you for that .\"\n", + "\"system\": \"of course . have a wonderful day .\"\n", + "\n", + "terms: ['economy', 'total price', '2nd of this month', 'flight class', 'airlines', 'delta airlines', 'union station', 'standard', 'altima', 'march 2nd', '$ 136', 'philadelphia', '4 : 10 am', '6 : 30 pm', 'washington', 'one', 'american airlines', '6th of this month', '7 : 50 am', '$ 30', 'dulles international airport', 'transfers', '5 : 55 pm', '$ 27', 'the 1st', '$ 145', 'intercity terminal', '3', '4', '7 : 10 am', '0', 'flights', '$ 144', '1', 'price']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['leaving time', 'has value', '7 : 50 am'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['march 2nd', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['rentalcars', 'has slot', 'dropoff date'], ['union station', 'has domain', 'buses'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['total price', 'has value', '$ 136'], ['flight class', 'has value', 'economy'], ['flights', 'has slot', 'flight class'], ['airlines', 'has value', 'delta airlines'], ['leaving date', 'has value', 'march 2nd'], ['outbound departure time', 'has value', '5 : 55 pm'], ['5 : 55 pm', 'has domain', 'flights'], ['delta airlines', 'has domain', 'flights'], ['to station', 'has value', 'intercity terminal'], ['passengers', 'has value', '1'], ['philadelphia', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from station'], ['pickup time', 'has value', '6 : 30 pm'], ['dulles international airport', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['intercity terminal', 'has domain', 'rentalcars'], ['$ 27', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['6th of this month', 'has domain', 'rentalcars'], ['origin airport name', 'has value', 'dulles international airport'], ['flights', 'has slot', 'passengers'], ['standard', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'the 1st'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['pickup location', 'has value', 'intercity terminal'], ['intercity terminal', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['1', 'refers to same concept as', 'one'], ['3', 'has domain', 'flights'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['pickup date', 'has value', 'march 2nd'], ['price', 'has value', '$ 145'], ['rentalcars', 'has slot', 'pickup location'], ['the 1st', 'has domain', 'buses'], ['dropoff date', 'has value', '6th of this month'], ['buses', 'has slot', 'fare'], ['price', 'has value', '$ 144'], ['fare', 'has value', '$ 27'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['pickup city', 'has value', 'philadelphia'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['type', 'has value', 'standard'], ['number stops', 'has value', '1'], ['march 2nd', 'has domain', 'rentalcars'], ['4 : 10 am', 'has domain', 'flights'], ['american airlines', 'has domain', 'flights'], ['leaving time', 'has value', '7 : 10 am'], ['pickup date', 'has value', '2nd of this month'], ['car name', 'has value', 'altima'], ['6 : 30 pm', 'has domain', 'rentalcars'], ['1', 'has domain', 'flights'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['7 : 50 am', 'has domain', 'buses'], ['march 2nd', 'has domain', 'buses'], ['7 : 10 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['from location', 'has value', 'washington'], ['count', 'has value', '4'], ['$ 136', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup time'], ['2nd of this month', 'has domain', 'rentalcars'], ['flights', 'has slot', 'number checked bags'], ['3', 'refers to same concept as', '$ 3'], ['$ 30', 'has domain', 'buses'], ['4', 'has domain', 'flights'], ['economy', 'has domain', 'flights'], ['altima', 'has domain', 'rentalcars'], ['count', 'has value', '3'], ['$ 145', 'has domain', 'flights'], ['fare', 'has value', '$ 30'], ['$ 144', 'has domain', 'flights']]\n", + "\n", + "dialogue id: sgd-validation-1741\n", + "dialogue: \"user\": \"i need a small rental car next wednesday picked up in seattle , wa .\"\n", + "\"system\": \"what day and time will you need it ?\"\n", + "\"user\": \"i want to pick up the car around two pm this saturday .\"\n", + "\"system\": \"a good choice is the compact bolt you can get march 2nd at the seattle - tacoma international airport .\"\n", + "\"user\": \"i would like to choose a standard car until the 3rd if possible .\"\n", + "\"system\": \"a good choice is a standard civic that ' s available at the seattle - tacoma international airport this march 2nd .\"\n", + "\"user\": \"please give me more choices .\"\n", + "\"system\": \"the king street station has a standard elantra available march 2nd .\"\n", + "\"user\": \"how much does it cost ?\"\n", + "\"system\": \"the total charge will be $ 26 .\"\n", + "\"user\": \"i like that . i also need a bus for 4 leaving later today from portland .\"\n", + "\"system\": \"i found an 8 : 40 am bus with 0 transfers for $ 34 .\"\n", + "\"user\": \"do i have a different bus choice ?\"\n", + "\"system\": \"there is a bus for $ 31 that eaves at 9 : 30 am with 0 transfers .\"\n", + "\"user\": \"what is the destination bus stop .\"\n", + "\"system\": \"the bus will take you to the king street station .\"\n", + "\"user\": \"can you find a different bus ?\"\n", + "\"system\": \"i found a bus leaving at 10 : 10 am with 0 transfers for $ 28 .\"\n", + "\"user\": \"which station is the destination ?\"\n", + "\"system\": \"the stop is located at king street station .\"\n", + "\"user\": \"soubds nuce . can you find a plane that goes there ?\"\n", + "\"system\": \"is march 1st or march 2nd the day you want to go .\"\n", + "\"user\": \"this saturday is when i am traveling .\"\n", + "\"system\": \"is a flight on alaska airlines with 0 transfers leaving at 10 : 55 pm for $ 70 good for you ?\"\n", + "\"user\": \"that will work .\"\n", + "\"system\": \"what else can i do for you ?\"\n", + "\"user\": \"that ' s all . your assistance is appreciated .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['march 1st', '$ 31', 'airlines', '10 : 10 am', 'the 3rd', '8 : 40 am', 'standard', '$ 26', 'bolt', 'alaska airlines', 'two pm', 'march 2nd', 'this saturday', '10 : 55 pm', 'seattle , wa', 'elantra', 'king street station', 'later today', 'seattle - tacoma international airport', 'next wednesday', 'transfers', 'civic', '4', '$ 28', '0', '9 : 30 am', '$ 34', 'compact', 'portland', '$ 70']\n", + "relations: [['fare', 'has value', '$ 31'], ['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['march 2nd', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['next wednesday', 'has domain', 'rentalcars'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup date', 'has value', 'this saturday'], ['flights', 'has slot', 'departure date'], ['the 3rd', 'has domain', 'rentalcars'], ['pickup time', 'has value', 'two pm'], ['pickup location', 'has value', 'seattle - tacoma international airport'], ['$ 70', 'has domain', 'flights'], ['outbound departure time', 'has value', '10 : 55 pm'], ['elantra', 'has domain', 'rentalcars'], ['departure date', 'has value', 'this saturday'], ['leaving date', 'has value', 'later today'], ['fare', 'has value', '$ 28'], ['rentalcars', 'has slot', 'pickup date'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['to station', 'has value', 'king street station'], ['alaska airlines', 'has domain', 'flights'], ['10 : 10 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['compact', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['civic', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['pickup city', 'has value', 'seattle , wa'], ['seattle - tacoma international airport', 'has domain', 'rentalcars'], ['seattle , wa', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 34'], ['buses', 'has slot', 'transfers'], ['pickup date', 'has value', 'march 2nd'], ['car name', 'has value', 'bolt'], ['rentalcars', 'has slot', 'pickup location'], ['departure date', 'has value', 'march 1st'], ['buses', 'has slot', 'fare'], ['this saturday', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'king street station'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['departure date', 'has value', 'march 2nd'], ['price', 'has value', '$ 70'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['later today', 'has domain', 'buses'], ['$ 26', 'has domain', 'rentalcars'], ['8 : 40 am', 'has domain', 'buses'], ['dropoff date', 'has value', 'next wednesday'], ['type', 'has value', 'standard'], ['portland', 'has domain', 'buses'], ['march 2nd', 'has domain', 'rentalcars'], ['$ 34', 'has domain', 'buses'], ['bolt', 'has domain', 'rentalcars'], ['king street station', 'has domain', 'rentalcars'], ['march 1st', 'has domain', 'flights'], ['travelers', 'has value', '4'], ['9 : 30 am', 'has domain', 'buses'], ['$ 28', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['rentalcars', 'has slot', 'type'], ['dropoff date', 'has value', 'the 3rd'], ['leaving time', 'has value', '10 : 10 am'], ['total price', 'has value', '$ 26'], ['buses', 'has slot', 'leaving date'], ['two pm', 'has domain', 'rentalcars'], ['car name', 'has value', 'elantra'], ['rentalcars', 'has slot', 'pickup city'], ['king street station', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['$ 31', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['4', 'has domain', 'buses'], ['leaving time', 'has value', '9 : 30 am'], ['from location', 'has value', 'portland'], ['leaving time', 'has value', '8 : 40 am'], ['this saturday', 'has domain', 'flights'], ['10 : 55 pm', 'has domain', 'flights']]\n", + "\n", + "dialogue id: sgd-validation-1742\n", + "dialogue: \"user\": \"i have a plan to go for a short ride and for which i need a small car from washington for the pickup at 18 : 00 .\"\n", + "\"system\": \"which is your convenient date to book the car ?\"\n", + "\"user\": \"book it from 3rd of march .\"\n", + "\"system\": \"do you want me to book the car up to which date ?\"\n", + "\"user\": \"book it until next monday .\"\n", + "\"system\": \"how about a compact bolt car available for pickup at dulles international airport on march 3rd ?\"\n", + "\"user\": \"how about the cost for that ride ?\"\n", + "\"system\": \"it will be around $ 26 in total .\"\n", + "\"user\": \"that is okay for me . thanks .\"\n", + "\"system\": \"shall i reserve this car now or do you want to book it later ?\"\n", + "\"user\": \"not now , may be later .\"\n", + "\"system\": \"how can i help you further ?\"\n", + "\"user\": \"i want to search for a bus and i need your help to find the one in philadelphia which the place i want to leave from .\"\n", + "\"system\": \"shall i go with booking process for the leaving date as march 3rd ?\"\n", + "\"user\": \"no , i want to book it from the 1st .\"\n", + "\"system\": \"how about a bus which leaves at 7 : 30 am for cost $ 27 with 0 transfers which i think is the suitable one to you from the 8 buses that i have found .\"\n", + "\"user\": \"what is the origin and destination station of this bus ?\"\n", + "\"system\": \"this bus will leave from intercity terminal and it will reach its final place at union station .\"\n", + "\"user\": \"that is perfect and thanks .\"\n", + "\"system\": \"shall i book the tickets now ?\"\n", + "\"user\": \"no , will be later .\"\n", + "\"system\": \"any more help you want me to do ?\"\n", + "\"user\": \"yes , i want to find a one - way flight to go there and i need to book it for 3 persons .\"\n", + "\"system\": \"do you want me to book the flight on march 3rd or march 1st ?\"\n", + "\"user\": \"i need to book it on saturday this week and can you search the one accordingly ?\"\n", + "\"system\": \"yes , i got 3 flights . what about the one with american airlines which takes off at 8 : 45 am local time with itinerary of 1 layovers for which the ticket cost will be $ 144 per passenger .\"\n", + "\"user\": \"i want to search for some other flight on the 1st .\"\n", + "\"system\": \"how about a flight with delta airlines which takes off at 4 : 20 am local time and which has the itinerary of 1 layover for which the ticket cost is $ 144 ?.\"\n", + "\"user\": \"that ' s okay and thanks .\"\n", + "\"system\": \"do you need any more help ?\"\n", + "\"user\": \"no , that ' s all for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['march 1st', 'buses', 'airlines', '8 : 45 am', 'delta airlines', 'union station', '$ 26', '3rd of march', '7 : 30 am', 'bolt', '$ 144', 'philadelphia', 'washington', 'one', 'american airlines', '8', '4 : 20 am', 'leaving date', 'dulles international airport', 'transfers', '$ 27', 'the 1st', 'intercity terminal', '3', 'saturday this week', '18 : 00', '0', 'flights', 'compact', 'next monday', '1', 'march 3rd']\n", + "relations: [['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['union station', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['from location', 'has value', 'philadelphia'], ['18 : 00', 'has domain', 'rentalcars'], ['airlines', 'has value', 'delta airlines'], ['outbound departure time', 'has value', '4 : 20 am'], ['delta airlines', 'has domain', 'flights'], ['pickup location', 'has value', 'dulles international airport'], ['pickup city', 'has value', 'washington'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['next monday', 'has domain', 'rentalcars'], ['$ 27', 'has domain', 'buses'], ['leaving date', 'has value', 'march 3rd'], ['flights', 'has slot', 'count'], ['flights', 'has slot', 'passengers'], ['leaving date', 'has value', 'the 1st'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['compact', 'has domain', 'rentalcars'], ['8', 'has domain', 'buses'], ['intercity terminal', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['1', 'refers to same concept as', 'one'], ['3', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['8 : 45 am', 'has domain', 'flights'], ['passengers', 'has value', '3'], ['car name', 'has value', 'bolt'], ['rentalcars', 'has slot', 'pickup location'], ['departure date', 'has value', 'march 1st'], ['saturday this week', 'has domain', 'flights'], ['the 1st', 'has domain', 'buses'], ['price', 'has value', '$ 144'], ['buses', 'has slot', 'fare'], ['fare', 'has value', '$ 27'], ['dulles international airport', 'has domain', 'rentalcars'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['flights', 'has slot', 'searchonewayflight'], ['march 3rd', 'has domain', 'rentalcars'], ['flights', 'has slot', 'airlines'], ['$ 26', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 3rd'], ['pickup date', 'has value', '3rd of march'], ['number stops', 'has value', '1'], ['departure date', 'has value', 'saturday this week'], ['3rd of march', 'has domain', 'rentalcars'], ['bolt', 'has domain', 'rentalcars'], ['philadelphia', 'has domain', 'buses'], ['departure date', 'has value', 'march 3rd'], ['american airlines', 'has domain', 'flights'], ['4 : 20 am', 'has domain', 'flights'], ['march 1st', 'has domain', 'flights'], ['march 3rd', 'has domain', 'buses'], ['from station', 'has value', 'intercity terminal'], ['1', 'has domain', 'flights'], ['7 : 30 am', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['outbound departure time', 'has value', '8 : 45 am'], ['the 1st', 'has domain', 'flights'], ['count', 'has value', '8'], ['rentalcars', 'has slot', 'type'], ['to station', 'has value', 'union station'], ['pickup time', 'has value', '18 : 00'], ['total price', 'has value', '$ 26'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['rentalcars', 'has slot', 'pickup time'], ['dropoff date', 'has value', 'next monday'], ['buses', 'has slot', 'buybusticket'], ['washington', 'has domain', 'rentalcars'], ['departure date', 'has value', 'the 1st'], ['leaving time', 'has value', '7 : 30 am'], ['count', 'has value', '3'], ['march 3rd', 'has domain', 'flights'], ['$ 144', 'has domain', 'flights']]\n", + "\n", + "dialogue id: sgd-validation-1743\n", + "dialogue: \"user\": \"i want a car for renting which i will use until the 4th . i need to pick it up at afternoon 1 : 30 . find me something nice .\"\n", + "\"system\": \"what is your pick up location and when do you want this car ?\"\n", + "\"user\": \"i will pick it up from los angeles on march 2nd .\"\n", + "\"system\": \"how about a standard camry that is ready to be picked up on march 2nd at lax international airport ?\"\n", + "\"user\": \"that is great . find me a bus to get there please .\"\n", + "\"system\": \"are you going on march 2nd ?\"\n", + "\"user\": \"i will leave las vegas today and i am in a group of four people .\"\n", + "\"system\": \"would you like this bus leaving at 7 : 20 am with 0 transfers costing you $ 42 ?\"\n", + "\"user\": \"which bus station does it leave and what bus station will be reached ?\"\n", + "\"system\": \"you will leave union plaza and reach the union station .\"\n", + "\"user\": \"do you have any other bus options ?\"\n", + "\"system\": \"what about the bus going at 10 : 20 am with 0 transfers costing you $ 41 ?\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"shall i get you the tickets to the bus ?\"\n", + "\"user\": \"not at the moment . i wouldn ' t want any tickets .\"\n", + "\"system\": \"shall i get you something else ?\"\n", + "\"user\": \"is there a oneway flight to that place ?\"\n", + "\"system\": \"will you go on march 2nd ?\"\n", + "\"user\": \"yeah that seems right .\"\n", + "\"system\": \"how about the american airlines flight that leaves at 4 : 50 am with 0 layovers ? it will be $ 75 for one person .\"\n", + "\"user\": \"where is the flight landing and will it reach there the day after ?\"\n", + "\"system\": \"the flight will land on lax international airport and will reach the place the same day .\"\n", + "\"user\": \"ok thanks for the help . that will be all .\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['los angeles', 'lax', '$ 42', '4 : 50 am', 'camry', 'airlines', '10 : 20 am', 'union station', 'afternoon 1 : 30', 'standard', 'today', 'march 2nd', 'vegas', 'union plaza', '7 : 20 am', 'american airlines', 'transfers', 'the 4th', '$ 75', 'lax international airport', '4', '$ 41', '0', 'las vegas']\n", + "relations: [['4 : 50 am', 'has domain', 'flights'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['march 2nd', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['union station', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['car name', 'has value', 'camry'], ['flights', 'has slot', 'departure date'], ['$ 75', 'has domain', 'flights'], ['leaving date', 'has value', 'march 2nd'], ['union plaza', 'has domain', 'buses'], ['outbound departure time', 'has value', '4 : 50 am'], ['$ 42', 'has domain', 'buses'], ['lax international airport', 'has domain', 'flights'], ['buses', 'has slot', 'from station'], ['false', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['pickup time', 'has value', 'afternoon 1 : 30'], ['afternoon 1 : 30', 'has domain', 'rentalcars'], ['price', 'has value', '$ 75'], ['fare', 'has value', '$ 42'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['flights', 'has slot', 'price'], ['4', 'refers to same concept as', '$ 4'], ['flights', 'has slot', 'arrives next day'], ['leaving time', 'has value', '10 : 20 am'], ['today', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['pickup date', 'has value', 'march 2nd'], ['rentalcars', 'has slot', 'pickup location'], ['lax international airport', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'lax international airport'], ['buses', 'has slot', 'fare'], ['camry', 'has domain', 'rentalcars'], ['flights', 'has slot', 'outbound departure time'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'searchonewayflight'], ['10 : 20 am', 'has domain', 'buses'], ['fare', 'has value', '$ 41'], ['leaving time', 'has value', '7 : 20 am'], ['flights', 'has slot', 'airlines'], ['pickup city', 'has value', 'los angeles'], ['arrives next day', 'has value', 'false'], ['type', 'has value', 'standard'], ['the 4th', 'has domain', 'rentalcars'], ['march 2nd', 'has domain', 'rentalcars'], ['flights', 'has slot', 'destination airport name'], ['american airlines', 'has domain', 'flights'], ['from location', 'has value', 'las vegas'], ['$ 41', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['las vegas', 'refers to same concept as', 'vegas'], ['buses', 'has slot', 'to station'], ['las vegas', 'has domain', 'buses'], ['march 2nd', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['los angeles', 'has domain', 'rentalcars'], ['dropoff date', 'has value', 'the 4th'], ['7 : 20 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['to station', 'has value', 'union station'], ['destination airport name', 'has value', 'lax international airport'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup time'], ['4', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'lax'], ['leaving date', 'has value', 'today']]\n", + "\n", + "dialogue id: sgd-validation-1744\n", + "dialogue: \"user\": \"i need to find a rental car on the 12th of march\"\n", + "\"system\": \"where do you want to pick it up from ?\"\n", + "\"user\": \"i want it in vancouver\"\n", + "\"system\": \"what time and when ?\"\n", + "\"user\": \"i need it next friday at around 12 in the afternoon\"\n", + "\"system\": \"i have 4 cars including a standard accord available on march 8th from yvr international airport\"\n", + "\"user\": \"ok , good . now i need a bus for 4 leaving from seattle , wa leaving next tuesday\"\n", + "\"system\": \"i found 9 buses including this 6 : 40 am bus with 0 transfers for $ 29\"\n", + "\"user\": \"what ' s the station that i ' m leaving and heading to ?\"\n", + "\"system\": \"you ' re leaving from king street station and ending at pacific central station\"\n", + "\"user\": \"are there any other buses available for three coming from portland , or\"\n", + "\"system\": \"how about a 0 transfer bus for $ 39 leaving at 6 : 50 am\"\n", + "\"user\": \"are there other buses leaving on the 7th of this month\"\n", + "\"system\": \"i found 7 buses including this 8 : 10 am bus with 0 transfers for $ 43\"\n", + "\"user\": \"that sounds great\"\n", + "\"system\": \"do you want to get tickets ?\"\n", + "\"user\": \"no , not right now\"\n", + "\"system\": \"can i do anything else ?\"\n", + "\"user\": \"how about a one way flight for next friday\"\n", + "\"system\": \"i found 3 flights , what about this alaska airlines flight at 10 : 15 am with 1 layover for $ 252\"\n", + "\"user\": \"find me something else via economy\"\n", + "\"system\": \"delta airlines has a 5 : 15 pm flight with 1 layover for $ 285\"\n", + "\"user\": \"ok , got it , that ' s it for now\"\n", + "\"system\": \"just let me know if i can help\"\n", + "\n", + "terms: ['5 : 15 pm', '7', 'buses', 'airlines', 'standard', 'alaska airlines', '$ 39', 'one', 'seattle , wa', 'king street station', 'next friday', 'transfers', '10 : 15 am', '3', '4', '6 : 40 am', '0', 'flights', 'accord', 'three', '9', '1', '8 : 10 am', 'march 8th']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['leaving time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup location', 'has value', 'yvr international airport'], ['flights', 'has slot', 'departure date'], ['accord', 'has domain', 'rentalcars'], ['flight class', 'has value', 'economy'], ['flights', 'has slot', 'flight class'], ['airlines', 'has value', 'delta airlines'], ['price', 'has value', '$ 252'], ['3', 'has domain', 'buses'], ['car name', 'has value', 'accord'], ['delta airlines', 'has domain', 'flights'], ['$ 29', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['dropoff date', 'has value', '12th of march'], ['5 : 15 pm', 'has domain', 'flights'], ['leaving time', 'has value', '6 : 50 am'], ['flights', 'has slot', 'count'], ['count', 'has value', '7'], ['$ 285', 'has domain', 'flights'], ['standard', 'has domain', 'rentalcars'], ['leaving time', 'has value', '8 : 10 am'], ['next friday', 'has domain', 'flights'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['outbound departure time', 'has value', '10 : 15 am'], ['leaving date', 'has value', 'next tuesday'], ['$ 252', 'has domain', 'flights'], ['alaska airlines', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['airlines', 'has value', 'alaska airlines'], ['fare', 'has value', '$ 29'], ['6 : 50 am', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['4', 'refers to same concept as', '$ 4'], ['count', 'has value', '9'], ['fare', 'has value', '$ 39'], ['1', 'refers to same concept as', 'one'], ['3', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['4', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['pickup time', 'has value', '12 in the afternoon'], ['7', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['pacific central station', 'has domain', 'buses'], ['$ 39', 'has domain', 'buses'], ['flights', 'has slot', 'searchonewayflight'], ['from location', 'has value', 'portland , or'], ['pickup date', 'has value', 'next friday'], ['flights', 'has slot', 'airlines'], ['next tuesday', 'has domain', 'buses'], ['type', 'has value', 'standard'], ['number stops', 'has value', '1'], ['departure date', 'has value', 'next friday'], ['march 8th', 'has domain', 'rentalcars'], ['$ 43', 'has domain', 'buses'], ['pickup date', 'has value', 'march 8th'], ['8 : 10 am', 'has domain', 'buses'], ['yvr international airport', 'has domain', 'rentalcars'], ['12 in the afternoon', 'has domain', 'rentalcars'], ['travelers', 'has value', '4'], ['1', 'has domain', 'flights'], ['fare', 'has value', '$ 43'], ['3', 'refers to same concept as', 'three'], ['leaving date', 'has value', '7th of this month'], ['vancouver', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to station'], ['from location', 'has value', 'seattle , wa'], ['12th of march', 'has domain', 'rentalcars'], ['to station', 'has value', 'pacific central station'], ['7th of this month', 'has domain', 'buses'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['portland , or', 'has domain', 'buses'], ['10 : 15 am', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['from station', 'has value', 'king street station'], ['king street station', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['rentalcars', 'has slot', 'pickup time'], ['next friday', 'has domain', 'rentalcars'], ['seattle , wa', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['price', 'has value', '$ 285'], ['pickup city', 'has value', 'vancouver'], ['economy', 'has domain', 'flights'], ['9', 'has domain', 'buses'], ['count', 'has value', '3'], ['outbound departure time', 'has value', '5 : 15 pm'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1745\n", + "dialogue: \"user\": \"can you find me a rental car that i can pick up around 9 am ?\"\n", + "\"system\": \"when would you like to pick it up ?\"\n", + "\"user\": \"i need the car next monday .\"\n", + "\"system\": \"when would you like to return the car ?\"\n", + "\"user\": \"i need it until the 5th of march .\"\n", + "\"system\": \"where would you like to pick it up ?\"\n", + "\"user\": \"i want to pick it up in philly .\"\n", + "\"system\": \"there is a standard altima available for pickup on march 4th from intercity terminal . does this work for you ?\"\n", + "\"user\": \"is there anything else available ?\"\n", + "\"system\": \"there is a standard corolla available for pickup on march 4th from intercity terminal . does this work for you ?\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"can you find me a bus going there ?\"\n", + "\"system\": \"where are you leaving from ?\"\n", + "\"user\": \"i am leaving from nyc and need 3 tickets .\"\n", + "\"system\": \"do you want to leave on march 4th ?\"\n", + "\"user\": \"i want to leave the day after tomorrow .\"\n", + "\"system\": \"i found 7 buses . there is a bus departing at 7 : 40 am with 0 transfers for $ 24 . is this okay ?\"\n", + "\"user\": \"which station do i arrive at ?\"\n", + "\"system\": \"you will arrive at intercity terminal .\"\n", + "\"user\": \"which station do i leave from ?\"\n", + "\"system\": \"you will leave from port authority station .\"\n", + "\"user\": \"that sounds good . can you find me a one way flight there ?\"\n", + "\"system\": \"would you like to leave on march 3rd ?\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"there is a flight with american airlines that leaves at 7 : 55 am with 0 layovers for $ 73 per passenger . does this work for you ?\"\n", + "\"user\": \"that ' s fine .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , that is all . thanks .\"\n", + "\"system\": \"you ' re welcome , have a great day !\"\n", + "\n", + "terms: ['7', 'buses', 'philly', '$ 24', 'airlines', 'march 4th', 'march 3rd', '$ 73', 'standard', '7 : 40 am', 'altima', '5th of march', 'american airlines', 'transfers', 'nyc', 'day after tomorrow', 'intercity terminal', '3', '9 am', '0', 'port authority station', 'next monday', 'corolla', '7 : 55 am']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['flights', 'has slot', 'outbound departure time'], ['philly', 'has domain', 'rentalcars'], ['count', 'has value', '7'], ['outbound departure time', 'has value', '7 : 55 am'], ['corolla', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['day after tomorrow', 'has domain', 'buses'], ['pickup time', 'has value', '9 am'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'searchonewayflight'], ['number stops', 'has value', '0'], ['from location', 'has value', 'nyc'], ['march 4th', 'has domain', 'rentalcars'], ['flights', 'has slot', 'airlines'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['pickup city', 'has value', 'philly'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['7', 'refers to same concept as', '$ 7'], ['rentalcars', 'has slot', 'dropoff date'], ['rentalcars', 'has slot', 'pickup city'], ['type', 'has value', 'standard'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['rentalcars', 'has slot', 'getcarsavailable'], ['pickup date', 'has value', 'next monday'], ['7 : 40 am', 'has domain', 'buses'], ['$ 73', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup time'], ['leaving date', 'has value', 'day after tomorrow'], ['buses', 'has slot', 'findbus'], ['9 am', 'has domain', 'rentalcars'], ['transfers', 'has value', '0'], ['fare', 'has value', '$ 24'], ['pickup date', 'has value', 'march 4th'], ['flights', 'has slot', 'departure date'], ['nyc', 'has domain', 'buses'], ['0', 'has domain', 'flights'], ['pickup location', 'has value', 'intercity terminal'], ['intercity terminal', 'has domain', 'buses'], ['departure date', 'has value', 'march 3rd'], ['flights', 'has slot', 'price'], ['5th of march', 'has domain', 'rentalcars'], ['dropoff date', 'has value', '5th of march'], ['american airlines', 'has domain', 'flights'], ['3', 'has domain', 'buses'], ['from station', 'has value', 'port authority station'], ['car name', 'has value', 'altima'], ['leaving time', 'has value', '7 : 40 am'], ['to station', 'has value', 'intercity terminal'], ['7 : 55 am', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['car name', 'has value', 'corolla'], ['altima', 'has domain', 'rentalcars'], ['march 4th', 'has domain', 'buses'], ['$ 24', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['next monday', 'has domain', 'rentalcars'], ['intercity terminal', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['march 3rd', 'has domain', 'flights'], ['price', 'has value', '$ 73'], ['7', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-1746\n", + "dialogue: \"user\": \"i like to search a rental car .\"\n", + "\"system\": \"what time you want the car and fro where you want to pick it up ? from which date you want the car ?\"\n", + "\"user\": \"i like to pick it up from washington from 5th of this month at 12 : 30\"\n", + "\"system\": \"to what date you need the car ?\"\n", + "\"user\": \"i want the car till the 10th .\"\n", + "\"system\": \"i have selected 3 cars for you . there is one nice standard accord car available at union station for pickup on march 5th .\"\n", + "\"user\": \"can you tell me the total fare ?\"\n", + "\"system\": \"$ 165 is the total booking fare .\"\n", + "\"user\": \"this is cool . could you help me in searching for a bus going there ?\"\n", + "\"system\": \"are you like to move on march 5th ? from which place you are starting ?\"\n", + "\"user\": \"i am decided to move on march 3rd from new york .\"\n", + "\"system\": \"what is your opinion about the bus starting at 6 am with 0 transfers and the cost is $ 36 ?\"\n", + "\"user\": \"do you know any other available buses ?\"\n", + "\"system\": \"what is your opinion about the bus starting at 9 : 40 am with 0 transfers and the cost is $ 38 ?\"\n", + "\"user\": \"okay , this would be perfect . can you tell me about one way flight going there ? i like to fly on 2nd of march with 0 bags and i need three seats .\"\n", + "\"system\": \"i have selected 4 flights of your choice . one among them is american airlines which leaves at 1 : 30 pm with 0 layovers and the ticket cost is $ 63 per head .\"\n", + "\"user\": \"from which airport the flight moves and can you tell me the class of ticket ?\"\n", + "\"system\": \"the flight starts from jfk international airport with economy class ticket .\"\n", + "\"user\": \"okay , this would be fine .\"\n", + "\"system\": \"do you need any other help ?\"\n", + "\"user\": \"no , thank you so much\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['economy', '6 am', 'jfk international airport', 'buses', 'airlines', 'fare', '5th of this month', 'the 10th', '$ 63', 'union station', 'standard', '2nd of march', 'new york', 'washington', 'american airlines', 'transfers', '$ 36', '3', '4', 'march 5th', '9 : 40 am', '0', 'flights', 'accord', 'three', '$ 38', 'march 3rd', '1 : 30 pm']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['dropoff date', 'has value', 'the 10th'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['$ 63', 'has domain', 'flights'], ['flights', 'has slot', 'departure date'], ['accord', 'has domain', 'rentalcars'], ['flight class', 'has value', 'economy'], ['$ 38', 'has domain', 'buses'], ['flights', 'has slot', 'flight class'], ['leaving time', 'has value', '9 : 40 am'], ['car name', 'has value', 'accord'], ['2nd of march', 'has domain', 'flights'], ['pickup city', 'has value', 'washington'], ['rentalcars', 'has slot', 'pickup date'], ['march 5th', 'has domain', 'buses'], ['leaving date', 'has value', 'march 3rd'], ['flights', 'has slot', 'count'], ['flights', 'has slot', 'passengers'], ['standard', 'has domain', 'rentalcars'], ['pickup time', 'has value', '12 : 30'], ['12 : 30', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['flights', 'has slot', 'price'], ['$ 165', 'has domain', 'rentalcars'], ['leaving date', 'has value', 'march 5th'], ['3', 'has domain', 'flights'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['passengers', 'has value', '3'], ['price', 'has value', '$ 63'], ['outbound departure time', 'has value', '1 : 30 pm'], ['rentalcars', 'has slot', 'pickup location'], ['jfk international airport', 'has domain', 'flights'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['fare', 'has value', '$ 36'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['type', 'has value', 'standard'], ['departure date', 'has value', '2nd of march'], ['9 : 40 am', 'has domain', 'buses'], ['fare', 'has value', '$ 38'], ['union station', 'has domain', 'rentalcars'], ['1 : 30 pm', 'has domain', 'flights'], ['american airlines', 'has domain', 'flights'], ['leaving time', 'has value', '6 am'], ['march 3rd', 'has domain', 'buses'], ['pickup date', 'has value', 'march 5th'], ['3', 'refers to same concept as', 'three'], ['3', 'has domain', 'rentalcars'], ['new york', 'refers to same concept as', 'ny'], ['number checked bags', 'has value', '0'], ['pickup date', 'has value', '5th of this month'], ['from location', 'has value', 'new york'], ['rentalcars', 'has slot', 'type'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['march 5th', 'has domain', 'rentalcars'], ['count', 'has value', '4'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'number checked bags'], ['5th of this month', 'has domain', 'rentalcars'], ['the 10th', 'has domain', 'rentalcars'], ['4', 'has domain', 'flights'], ['total price', 'has value', '$ 165'], ['6 am', 'has domain', 'buses'], ['washington', 'has domain', 'rentalcars'], ['economy', 'has domain', 'flights'], ['origin airport name', 'has value', 'jfk international airport'], ['count', 'has value', '3'], ['$ 36', 'has domain', 'buses'], ['pickup location', 'has value', 'union station']]\n", + "\n", + "dialogue id: sgd-validation-1747\n", + "dialogue: \"user\": \"i would like an intermediate rental car from the day after tomorrow until the 4th of this month .\"\n", + "\"system\": \"what is you pick up location and time ?\"\n", + "\"user\": \"i want to pick up at 2 pm from seattle .\"\n", + "\"system\": \"there are 5 options . a standard civic is available for pick up at seattle - tacoma international airport on march 3rd .\"\n", + "\"user\": \"do you have any other options ?\"\n", + "\"system\": \"there is a standard elantra available for pick up at king street station on march 3rd .\"\n", + "\"user\": \"what ' s the total price ?\"\n", + "\"system\": \"the total is $ 35 .\"\n", + "\"user\": \"sounds very good .\"\n", + "\"system\": \"should i book it ?\"\n", + "\"user\": \"not right now .\"\n", + "\"system\": \"is there anything else i can do for you today ?\"\n", + "\"user\": \"yes . can you book a bus for me ?\"\n", + "\"system\": \"leaving from where ?\"\n", + "\"user\": \"for two leaving from portland on the 1st of march .\"\n", + "\"system\": \"there is a bus departing at 8 : 40 am with 0 transfers for $ 34 per ticket .\"\n", + "\"user\": \"what is my arrival bus station ?\"\n", + "\"system\": \"you will arrive at king street station .\"\n", + "\"user\": \"what station do i depart from ?\"\n", + "\"system\": \"you depart from portland bus station .\"\n", + "\"user\": \"are there any other options ?\"\n", + "\"system\": \"there is a bus departing at 9 : 30 am with 0 transfers for $ 31 .\"\n", + "\"user\": \"i like that one .\"\n", + "\"system\": \"do you want me to book your tickets ?\"\n", + "\"user\": \"maybe a little later .\"\n", + "\"system\": \"is there anything else you need ?\"\n", + "\"user\": \"yes . can you please check one way flights going there ?\"\n", + "\"system\": \"will you be leaving on march 1st or march 3rd or a different date ?\"\n", + "\"user\": \"flying out the 2nd of this month .\"\n", + "\"system\": \"alaska airlines has a flight leaving at 10 : 55 pm local time with 0 layovers for $ 70 per ticket .\"\n", + "\"user\": \"how many checked bags can i take and is it an overnight flight ?\"\n", + "\"system\": \"it is not a next day flight and there are 0 checked bags permitted .\"\n", + "\"user\": \"thanks . that ' s all .\"\n", + "\"system\": \"you ' re welcome . talk to you soon . goodbye .\"\n", + "\n", + "terms: ['total price', 'march 1st', '$ 31', '2', '2nd of this month', 'price', 'airlines', 'march 3rd', '8 : 40 am', '2 pm', 'standard', '4th of this month', '10 : 55 pm', '5', 'elantra', 'king street station', '$ 35', 'seattle - tacoma international airport', 'transfers', 'civic', 'day after tomorrow', 'seattle', '0', '9 : 30 am', 'flights', '$ 34', 'two', 'portland bus station', 'portland', '1st of march', '$ 70']\n", + "relations: [['total price', 'has value', '$ 35'], ['fare', 'has value', '$ 31'], ['2 pm', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['1st of march', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['portland bus station', 'has domain', 'buses'], ['day after tomorrow', 'has domain', 'rentalcars'], ['leaving date', 'has value', '1st of march'], ['pickup date', 'has value', 'day after tomorrow'], ['pickup location', 'has value', 'seattle - tacoma international airport'], ['$ 70', 'has domain', 'flights'], ['outbound departure time', 'has value', '10 : 55 pm'], ['elantra', 'has domain', 'rentalcars'], ['4th of this month', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from station'], ['false', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['from station', 'has value', 'portland bus station'], ['standard', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'reservecar'], ['rentalcars', 'has slot', 'car name'], ['to station', 'has value', 'king street station'], ['pickup time', 'has value', '2 pm'], ['alaska airlines', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['pickup city', 'has value', 'seattle'], ['5', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['civic', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['flights', 'has slot', 'arrives next day'], ['seattle - tacoma international airport', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 34'], ['buses', 'has slot', 'transfers'], ['rentalcars', 'has slot', 'pickup location'], ['departure date', 'has value', 'march 1st'], ['buses', 'has slot', 'fare'], ['pickup location', 'has value', 'king street station'], ['rentalcars', 'has slot', 'count'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['price', 'has value', '$ 70'], ['flights', 'has slot', 'searchonewayflight'], ['march 3rd', 'has domain', 'rentalcars'], ['flights', 'has slot', 'airlines'], ['pickup date', 'has value', 'march 3rd'], ['2nd of this month', 'has domain', 'flights'], ['8 : 40 am', 'has domain', 'buses'], ['arrives next day', 'has value', 'false'], ['type', 'has value', 'standard'], ['portland', 'has domain', 'buses'], ['$ 34', 'has domain', 'buses'], ['departure date', 'has value', 'march 3rd'], ['king street station', 'has domain', 'rentalcars'], ['march 1st', 'has domain', 'flights'], ['count', 'has value', '5'], ['9 : 30 am', 'has domain', 'buses'], ['seattle', 'has domain', 'rentalcars'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['2', 'has domain', 'buses'], ['departure date', 'has value', '2nd of this month'], ['travelers', 'has value', '2'], ['dropoff date', 'has value', '4th of this month'], ['rentalcars', 'has slot', 'type'], ['$ 35', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving date'], ['car name', 'has value', 'elantra'], ['2', 'refers to same concept as', 'two'], ['rentalcars', 'has slot', 'pickup city'], ['king street station', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['$ 31', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'number checked bags'], ['leaving time', 'has value', '9 : 30 am'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['leaving time', 'has value', '8 : 40 am'], ['march 3rd', 'has domain', 'flights'], ['10 : 55 pm', 'has domain', 'flights']]\n", + "\n", + "dialogue id: sgd-validation-1748\n", + "dialogue: \"user\": \"hey , can you find me a small car to rent ? i need it from 13 : 45 .\"\n", + "\"system\": \"until when do you need it ?\"\n", + "\"user\": \"until the 9th of march please .\"\n", + "\"system\": \"okay , and where will you pick it up ?\"\n", + "\"user\": \"i ' ll pick it up from philly at around half past 4 in the evening .\"\n", + "\"system\": \"and on what day will you collect it ?\"\n", + "\"user\": \"on march 8th please .\"\n", + "\"system\": \"okay , i found a nice compact cooper at intercity terminal on march 8th .\"\n", + "\"user\": \"how much would that cost ?\"\n", + "\"system\": \"it ' ll be $ 22 in total .\"\n", + "\"user\": \"okay , can you get me a bus there ?\"\n", + "\"system\": \"sure , where from ? on march 8th ?\"\n", + "\"user\": \"no , on the 2nd from washington .\"\n", + "\"system\": \"i found 8 buses . how about the 7 : 10 am bus with 0 transfers for $ 30 ?\"\n", + "\"user\": \"what station will it arrive at ?\"\n", + "\"system\": \"it ' ll arrive at intercity terminal .\"\n", + "\"user\": \"okay thanks . are there any one - way flights there ? i want to leave on march 8th .\"\n", + "\"system\": \"i found 4 flights . how about an american airlines flight with 1 layover from 4 : 10 am for $ 155 per person ?\"\n", + "\"user\": \"is there anything else ? i ' d like 3 seats on a delta airlines flight .\"\n", + "\"system\": \"okay , delta airlines ? there ' s one from 5 : 55 pm with 1 layover for $ 138 per person .\"\n", + "\"user\": \"is there anything else ?\"\n", + "\"system\": \"nope , nothing else . can i do something more for you ?\"\n", + "\"user\": \"try again . how about a premium economy flight with southwest airlines ? i have zero bags to check in .\"\n", + "\"system\": \"okay , i found 1 flight with southwest airlines . it leaves at 5 : 15 am and has 1 layover for $ 241 per person .\"\n", + "\"user\": \"okay thanks , that ' ll be all .\"\n", + "\"system\": \"okay , see you .\"\n", + "\n", + "terms: ['half past 4 in the evening', 'southwest airlines', 'buses', 'philly', 'the 2nd', 'airlines', '$ 155', 'delta airlines', '5 : 15 am', '$ 22', 'premium economy', '13 : 45', 'cooper', '4 : 10 am', 'washington', '$ 241', 'american airlines', 'one', '8', '$ 30', 'transfers', '9th of march', '5 : 55 pm', 'intercity terminal', '3', '4', '7 : 10 am', '$ 138', '0', 'flights', 'compact', '1', 'march 8th']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['outbound departure time', 'has value', '5 : 15 am'], ['buses', 'has slot', 'from location'], ['march 8th', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['march 8th', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['dropoff date', 'has value', '9th of march'], ['flights', 'has slot', 'flight class'], ['airlines', 'has value', 'delta airlines'], ['$ 138', 'has domain', 'flights'], ['outbound departure time', 'has value', '5 : 55 pm'], ['5 : 55 pm', 'has domain', 'flights'], ['delta airlines', 'has domain', 'flights'], ['to station', 'has value', 'intercity terminal'], ['rentalcars', 'has slot', 'pickup date'], ['intercity terminal', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 22'], ['leaving date', 'has value', 'the 2nd'], ['price', 'has value', '$ 241'], ['9th of march', 'has domain', 'rentalcars'], ['flights', 'has slot', 'count'], ['flights', 'has slot', 'passengers'], ['premium economy', 'has domain', 'flights'], ['pickup time', 'has value', 'half past 4 in the evening'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['5 : 15 am', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'march 8th'], ['0', 'has domain', 'flights'], ['pickup location', 'has value', 'intercity terminal'], ['compact', 'has domain', 'rentalcars'], ['8', 'has domain', 'buses'], ['intercity terminal', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['price', 'has value', '$ 155'], ['pickup time', 'has value', '13 : 45'], ['1', 'refers to same concept as', 'one'], ['airlines', 'has value', 'southwest airlines'], ['3', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['passengers', 'has value', '3'], ['rentalcars', 'has slot', 'pickup location'], ['car name', 'has value', 'cooper'], ['buses', 'has slot', 'fare'], ['flight class', 'has value', 'premium economy'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['$ 241', 'has domain', 'flights'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['pickup city', 'has value', 'philly'], ['13 : 45', 'has domain', 'rentalcars'], ['number stops', 'has value', '1'], ['4 : 10 am', 'has domain', 'flights'], ['march 8th', 'has domain', 'rentalcars'], ['the 2nd', 'has domain', 'buses'], ['american airlines', 'has domain', 'flights'], ['pickup date', 'has value', 'march 8th'], ['$ 155', 'has domain', 'flights'], ['leaving time', 'has value', '7 : 10 am'], ['count', 'has value', '1'], ['1', 'has domain', 'flights'], ['departure date', 'has value', 'march 8th'], ['buses', 'has slot', 'to station'], ['philly', 'has domain', 'rentalcars'], ['number checked bags', 'has value', '0'], ['7 : 10 am', 'has domain', 'buses'], ['count', 'has value', '8'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['from location', 'has value', 'washington'], ['count', 'has value', '4'], ['rentalcars', 'has slot', 'pickup time'], ['$ 22', 'has domain', 'rentalcars'], ['flights', 'has slot', 'number checked bags'], ['3', 'refers to same concept as', '$ 3'], ['cooper', 'has domain', 'rentalcars'], ['$ 30', 'has domain', 'buses'], ['4', 'has domain', 'flights'], ['price', 'has value', '$ 138'], ['southwest airlines', 'has domain', 'flights'], ['half past 4 in the evening', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 30']]\n", + "\n", + "dialogue id: sgd-validation-1749\n", + "dialogue: \"user\": \"i ' m going to visit some old friends soon and need to find a medium - sized rental car i can pick up from sfo on the 3rd .\"\n", + "\"system\": \"okay , can you tell me what time you would like to pick the car up ?\"\n", + "\"user\": \"shortly after i get there would be best , around 4 : 30 in the evening .\"\n", + "\"system\": \"and what day will you be returning the car ?\"\n", + "\"user\": \"i intend to keep the vehicle until the 7th of march .\"\n", + "\"system\": \"i can see that sfo international airport has a standard altima available for pickup on march 3rd .\"\n", + "\"user\": \"can you find anything else , i really had my heart set on a compact car .\"\n", + "\"system\": \"salesforce transit center has a compact bolt that is available for ickup on march 3rd .\"\n", + "\"user\": \"great , and how much would that car cost me ?\"\n", + "\"system\": \"that particular car looks like it will cost around $ 92 .\"\n", + "\"user\": \"okay , can you also help me find a bus for 3 people , going to los angeles ?\"\n", + "\"system\": \"is march 3rd the day you will be leaving ?\"\n", + "\"user\": \"no , i will be leaving from vegas on march 2nd .\"\n", + "\"system\": \"the first of 6 buses i can see is leaving at 10 : 50 am , with 0 transfers , and costs $ 58 .\"\n", + "\"user\": \"can you give me the names of the bus stations i will be departing from and arriving at ?\"\n", + "\"system\": \"you would be leaving union plaza and arriving at salesforce transit center .\"\n", + "\"user\": \"what else do you have that leaves march 1st ?\"\n", + "\"system\": \"there is a bus leaving then at 12 : 50 pm with 0 transfers and costs a total of $ 48 .\"\n", + "\"user\": \"let ' s look into a one way flight instead .\"\n", + "\"system\": \"is the date you are departing still march 3rd ?\"\n", + "\"user\": \"yes , that date is fine .\"\n", + "\"system\": \"of the 4 flights i have found , one is with american airlines , departing at 6 : 50 am with 0 layovers and costs $ 88 .\"\n", + "\"user\": \"okay .\"\n", + "\"system\": \"is there anything else i can help you find ?\"\n", + "\"user\": \"no , you ' ve been very helpful , thank you .\"\n", + "\"system\": \"have a lovely day .\"\n", + "\n", + "terms: ['los angeles', 'march 1st', '4 : 30 in the evening', 'buses', '10 : 50 am', '$ 48', 'airlines', 'sfo international airport', '6', 'the 3rd', '$ 88', 'standard', 'bolt', 'vegas', 'march 2nd', 'altima', 'salesforce transit center', 'union plaza', 'american airlines', '6 : 50 am', '$ 58', 'sfo', 'transfers', '12 : 50 pm', '3', '4', '$ 92', '0', 'flights', 'compact', 'march 3rd', '7th of march']\n", + "relations: [['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['4 : 30 in the evening', 'has domain', 'rentalcars'], ['number stops', 'has value', '0'], ['outbound departure time', 'has value', '6 : 50 am'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['6', 'has domain', 'buses'], ['rentalcars', 'has slot', 'dropoff date'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['the 3rd', 'has domain', 'rentalcars'], ['$ 92', 'has domain', 'rentalcars'], ['dropoff date', 'has value', '7th of march'], ['$ 58', 'has domain', 'buses'], ['los angeles', 'refers to same concept as', 'la'], ['leaving date', 'has value', 'march 2nd'], ['3', 'has domain', 'buses'], ['fare', 'has value', '$ 48'], ['union plaza', 'has domain', 'buses'], ['$ 48', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['leaving date', 'has value', 'march 3rd'], ['flights', 'has slot', 'count'], ['standard', 'has domain', 'rentalcars'], ['vegas', 'has domain', 'buses'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['leaving time', 'has value', '12 : 50 pm'], ['leaving time', 'has value', '10 : 50 am'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['compact', 'has domain', 'rentalcars'], ['flights', 'has slot', 'price'], ['march 1st', 'has domain', 'buses'], ['6 : 50 am', 'has domain', 'flights'], ['4', 'refers to same concept as', '$ 4'], ['pickup city', 'has value', 'sfo'], ['12 : 50 pm', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['car name', 'has value', 'bolt'], ['10 : 50 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup location'], ['fare', 'has value', '$ 58'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['price', 'has value', '$ 88'], ['$ 88', 'has domain', 'flights'], ['pickup date', 'has value', 'the 3rd'], ['flights', 'has slot', 'searchonewayflight'], ['march 3rd', 'has domain', 'rentalcars'], ['total price', 'has value', '$ 92'], ['flights', 'has slot', 'airlines'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['pickup date', 'has value', 'march 3rd'], ['type', 'has value', 'standard'], ['bolt', 'has domain', 'rentalcars'], ['departure date', 'has value', 'march 3rd'], ['american airlines', 'has domain', 'flights'], ['salesforce transit center', 'has domain', 'rentalcars'], ['count', 'has value', '6'], ['car name', 'has value', 'altima'], ['march 3rd', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'salesforce transit center'], ['march 2nd', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['rentalcars', 'has slot', 'pickup time'], ['7th of march', 'has domain', 'rentalcars'], ['sfo international airport', 'has domain', 'rentalcars'], ['4', 'has domain', 'flights'], ['sfo', 'has domain', 'rentalcars'], ['pickup time', 'has value', '4 : 30 in the evening'], ['from location', 'has value', 'los angeles'], ['altima', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'salesforce transit center'], ['pickup location', 'has value', 'sfo international airport'], ['march 3rd', 'has domain', 'flights']]\n", + "\n", + "dialogue id: sgd-validation-1750\n", + "dialogue: \"user\": \"can you find me a compact rental car for the 7th of this month ?\"\n", + "\"system\": \"sure . where and when did you want to pick it up and when did you want to return it ?\"\n", + "\"user\": \"i ' d like to pick in up in sf around 10 : 30 and return it on the 12th of this month .\"\n", + "\"system\": \"there ' s a cooper , a nice compact car available for pick up march 7th at sfo international airport .\"\n", + "\"user\": \"are there any others ?\"\n", + "\"system\": \"another nice compact car is a forte which is available march 7th also at sfo international airport .\"\n", + "\"user\": \"that sound more to my liking .\"\n", + "\"system\": \"did you want to reserve it ?\"\n", + "\"user\": \"not just now . i ' d also like to find a bus to get to san fran .\"\n", + "\"system\": \"where are you leaving from ? did you want to leave march 7th ?\"\n", + "\"user\": \"no make it the 1st of march . i ' m leaving from vegas .\"\n", + "\"system\": \"i found one for $ 55 with 0 transfers that leaves at 10 : 50 am .\"\n", + "\"user\": \"what station does it leave from and where does it arrive .\"\n", + "\"system\": \"you ' ll leave from union plaza and arrive at salesforce transit center .\"\n", + "\"user\": \"that would work .\"\n", + "\"system\": \"did you want to buy tickets ?\"\n", + "\"user\": \"not yet . i ' d also like to check on one way economy flights . i will be checking 0 bags .\"\n", + "\"system\": \"did you still want to leave march 1st ?\"\n", + "\"user\": \"no check on march 6th .\"\n", + "\"system\": \"i found 4 flights . american airlines has one for $ 116 with 0 layovers that leaves at 6 : 50 am .\"\n", + "\"user\": \"good to know . that ' s all i need for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['economy', 'march 7th', 'march 1st', '7th of this month', '10 : 50 am', 'forte', 'march 6th', 'airlines', 'sfo international airport', '12th of this month', '$ 116', 'vegas', 'cooper', 'salesforce transit center', 'union plaza', 'american airlines', 'sf', '6 : 50 am', 'sfo', '10 : 30', 'transfers', '$ 55', '4', '0', 'flights', 'compact', '1st of march']\n", + "relations: [['type', 'has value', 'compact'], ['buses', 'has slot', 'leaving time'], ['pickup date', 'has value', '7th of this month'], ['number stops', 'has value', '0'], ['outbound departure time', 'has value', '6 : 50 am'], ['flights', 'has slot', 'number stops'], ['1st of march', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['leaving date', 'has value', '1st of march'], ['flight class', 'has value', 'economy'], ['flights', 'has slot', 'flight class'], ['12th of this month', 'has domain', 'rentalcars'], ['fare', 'has value', '$ 55'], ['union plaza', 'has domain', 'buses'], ['$ 116', 'has domain', 'flights'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['$ 55', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['pickup city', 'has value', 'sf'], ['rentalcars', 'has slot', 'reservecar'], ['vegas', 'has domain', 'buses'], ['rentalcars', 'has slot', 'car name'], ['leaving time', 'has value', '10 : 50 am'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['7th of this month', 'has domain', 'rentalcars'], ['compact', 'has domain', 'rentalcars'], ['dropoff date', 'has value', '12th of this month'], ['flights', 'has slot', 'price'], ['6 : 50 am', 'has domain', 'flights'], ['leaving date', 'has value', 'march 7th'], ['march 7th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['10 : 50 am', 'has domain', 'buses'], ['sf', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'pickup location'], ['car name', 'has value', 'forte'], ['departure date', 'has value', 'march 1st'], ['car name', 'has value', 'cooper'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['forte', 'has domain', 'rentalcars'], ['american airlines', 'has domain', 'flights'], ['march 1st', 'has domain', 'flights'], ['price', 'has value', '$ 116'], ['10 : 30', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'march 7th'], ['pickup time', 'has value', '10 : 30'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['to station', 'has value', 'salesforce transit center'], ['from station', 'has value', 'union plaza'], ['rentalcars', 'has slot', 'type'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['rentalcars', 'has slot', 'pickup city'], ['count', 'has value', '4'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'number checked bags'], ['march 7th', 'has domain', 'buses'], ['cooper', 'has domain', 'rentalcars'], ['sfo international airport', 'has domain', 'rentalcars'], ['march 6th', 'has domain', 'flights'], ['4', 'has domain', 'flights'], ['buses', 'has slot', 'buybusticket'], ['departure date', 'has value', 'march 6th'], ['economy', 'has domain', 'flights'], ['pickup location', 'has value', 'sfo international airport']]\n", + "\n", + "dialogue id: sgd-validation-1751\n", + "dialogue: \"user\": \"i want a car for rent up to 13th of march . can you help to search for the one which is suitable to me ?\"\n", + "\"system\": \"yes , i can help you . let me know your convenient time and date on which you need to book the car .\"\n", + "\"user\": \"book it from march 12th and my convenient time is at half past 9 in the morning .\"\n", + "\"system\": \"from which place you want me to book the car ? or let me know your present location to search the one from there .\"\n", + "\"user\": \"search fo a car from portland , or ?\"\n", + "\"system\": \"what about a standard accord car from pdx international airport for the pickup on march 12th ?\"\n", + "\"user\": \"i choose this one and thanks . can i get one more help from you ? i want to book a bus from vancouver on 11th of this month . search for something like that .\"\n", + "\"system\": \"got 8 results of the buses that you required . what about the one leaves at 9 : 20 am with 0 transfers for ticket cost $ 40 ?\"\n", + "\"user\": \"what is the name of destination station of this bus ?\"\n", + "\"system\": \"this will reach to the portland bus station finally .\"\n", + "\"user\": \"and from which station this bus will leave ?\"\n", + "\"system\": \"name of origin station is pacific central station .\"\n", + "\"user\": \"that is okay . can you search for an one - way flight now ? i want to book it from the 1st and i have zero bags to check in .\"\n", + "\"system\": \"got 2 results . what about the one with american airlines which takes off at 1 : 30 am local time which has the itinerary of 1 layovers and the ticket cost is $ 292 per passenger ?\"\n", + "\"user\": \"search for something else .\"\n", + "\"system\": \"another one flight from delta airlines which takes off at 6 : 40 am local time which has the itinerary of 1 layovers and the ticket cost is $ 260 per passenger . what about this ?\"\n", + "\"user\": \"thanks for these details and that ' s all i want for now .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['half past 9 in the morning', 'buses', '2', 'airlines', '9 : 20 am', 'delta airlines', '$ 40', 'vancouver', 'standard', 'pacific central station', '13th of march', 'portland , or', 'one', 'american airlines', '8', 'march 12th', 'transfers', '$ 292', '1 : 30 am', 'pdx international airport', 'the 1st', '11th of this month', '6 : 40 am', '0', 'accord', '1', 'portland bus station', '$ 260']\n", + "relations: [['6 : 40 am', 'has domain', 'flights'], ['march 12th', 'has domain', 'rentalcars'], ['to station', 'has value', 'portland bus station'], ['buses', 'has slot', 'leaving time'], ['$ 260', 'has domain', 'flights'], ['2', 'has domain', 'flights'], ['pickup time', 'has value', 'half past 9 in the morning'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['half past 9 in the morning', 'has domain', 'rentalcars'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['dropoff date', 'has value', '13th of march'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['portland bus station', 'has domain', 'buses'], ['accord', 'has domain', 'rentalcars'], ['airlines', 'has value', 'delta airlines'], ['car name', 'has value', 'accord'], ['delta airlines', 'has domain', 'flights'], ['pickup city', 'has value', 'portland , or'], ['$ 292', 'has domain', 'flights'], ['buses', 'has slot', 'from station'], ['rentalcars', 'has slot', 'pickup date'], ['flights', 'has slot', 'count'], ['standard', 'has domain', 'rentalcars'], ['from location', 'has value', 'vancouver'], ['11th of this month', 'has domain', 'buses'], ['from station', 'has value', 'pacific central station'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['8', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['1', 'refers to same concept as', 'one'], ['pdx international airport', 'has domain', 'rentalcars'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['pacific central station', 'has domain', 'buses'], ['flights', 'has slot', 'searchonewayflight'], ['price', 'has value', '$ 292'], ['fare', 'has value', '$ 40'], ['1 : 30 am', 'has domain', 'flights'], ['flights', 'has slot', 'airlines'], ['travelers', 'has value', '1'], ['type', 'has value', 'standard'], ['number stops', 'has value', '1'], ['$ 40', 'has domain', 'buses'], ['count', 'has value', '2'], ['leaving date', 'has value', '11th of this month'], ['american airlines', 'has domain', 'flights'], ['portland , or', 'has domain', 'rentalcars'], ['2', 'refers to same concept as', '$ 2'], ['leaving time', 'has value', '9 : 20 am'], ['1', 'has domain', 'flights'], ['pickup location', 'has value', 'pdx international airport'], ['price', 'has value', '$ 260'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['the 1st', 'has domain', 'flights'], ['count', 'has value', '8'], ['rentalcars', 'has slot', 'type'], ['pickup date', 'has value', 'march 12th'], ['outbound departure time', 'has value', '1 : 30 am'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['outbound departure time', 'has value', '6 : 40 am'], ['buses', 'has slot', 'travelers'], ['rentalcars', 'has slot', 'pickup time'], ['flights', 'has slot', 'number checked bags'], ['13th of march', 'has domain', 'rentalcars'], ['vancouver', 'has domain', 'buses'], ['departure date', 'has value', 'the 1st'], ['9 : 20 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-1752\n", + "dialogue: \"user\": \"could you please help me to find a rental car .\"\n", + "\"system\": \"when will you want it ?\"\n", + "\"user\": \"it has to pick up me around one pm .\"\n", + "\"system\": \"in which place do you want to get picked up ? when will you need it ? up to which date do you need the car ?\"\n", + "\"user\": \"i want to have the car up to march 11th . it has to pick up me in lax at thursday next week .\"\n", + "\"system\": \"i searched and found 6 cars . on march 7th , a standard camry car is available at lax international airport .\"\n", + "\"user\": \"what is the total price ?\"\n", + "\"system\": \"the cost of reservation is $ 136\"\n", + "\"user\": \"i need to search some other options .\"\n", + "\"system\": \"on march 7th , a standard corolla car is available at lax international airport .\"\n", + "\"user\": \"what is the total price ?\"\n", + "\"system\": \"the cost of reservation is $ 144 .\"\n", + "\"user\": \"it is good . could you please help me in finding a bus to go there ?\"\n", + "\"system\": \"from which place will you leave ?\"\n", + "\"user\": \"i am moving from anaheim .\"\n", + "\"system\": \"are you leaving on march 7th ?\"\n", + "\"user\": \"i will move on the march 6th .\"\n", + "\"system\": \"i searched and found 10 buses for you . the bus starting at 6 : 10 am with 0 transfers . the cost of the ticket is $ 12 .\"\n", + "\"user\": \"i need to search some other options . i am starting from sfo . i need it for four persons .\"\n", + "\"system\": \"i searched and found 10 buses for you . the bus starting at 7 am with 0 transfers . the cost of the ticket is $ 46 .\"\n", + "\"user\": \"it is good for me .\"\n", + "\"system\": \"shall i book tickets ?\"\n", + "\"user\": \"no . it can be done later . i wish to find a one way flight going there .\"\n", + "\"system\": \"are you starting on march 7th ?\"\n", + "\"user\": \"i wish to fly on this saturday .\"\n", + "\"system\": \"i searched and found 5 alaska airlines flight with 0 layovers and it will start at 9 : 05 am local time . the price is $ 94 per passenger .\"\n", + "\"user\": \"please find something else .\"\n", + "\"system\": \"what about american airlines flight with 0 layovers and it will start at 11 : 30 am local time . the price is $ 106 per passenger .\"\n", + "\"user\": \"please find something else .\"\n", + "\"system\": \"what about delta airlines flight with 0 layovers and it will start at 11 : 05 pm local time . the price is $ 92 per passenger .\"\n", + "\"user\": \"okay . thank you so much . that is what i want .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['march 11th', '$ 94', 'lax', 'march 7th', 'total price', 'anaheim', 'buses', 'march 6th', 'price', 'camry', '11 : 30 am', 'airlines', '10', 'delta airlines', '$ 106', '6', '6 : 10 am', 'standard', 'alaska airlines', 'one pm', 'this saturday', '$ 46', 'american airlines', '7 am', '5', '9 : 05 am', 'sfo', '$ 12', '11 : 05 pm', 'transfers', 'thursday next week', 'lax international airport', '0', '$ 92', '$ 144', 'corolla']\n", + "relations: [['total price', 'has value', '$ 144'], ['price', 'has value', '$ 92'], ['from location', 'has value', 'sfo'], ['buses', 'has slot', 'leaving time'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['buses', 'has slot', 'from location'], ['rentalcars', 'has slot', 'dropoff date'], ['$ 12', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['car name', 'has value', 'camry'], ['total price', 'has value', '$ 136'], ['10', 'has domain', 'buses'], ['fare', 'has value', '$ 46'], ['one pm', 'has domain', 'rentalcars'], ['pickup date', 'has value', 'thursday next week'], ['airlines', 'has value', 'delta airlines'], ['march 7th', 'has domain', 'flights'], ['departure date', 'has value', 'this saturday'], ['delta airlines', 'has domain', 'flights'], ['march 11th', 'has domain', 'rentalcars'], ['car name', 'has value', 'corolla'], ['rentalcars', 'has slot', 'pickup date'], ['$ 106', 'has domain', 'flights'], ['count', 'has value', '10'], ['outbound departure time', 'has value', '9 : 05 am'], ['flights', 'has slot', 'count'], ['$ 144', 'has domain', 'rentalcars'], ['corolla', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['leaving time', 'has value', '6 : 10 am'], ['leaving date', 'has value', 'march 6th'], ['11 : 05 pm', 'has domain', 'flights'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['sfo', 'has domain', 'buses'], ['alaska airlines', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['price', 'has value', '$ 94'], ['flights', 'has slot', 'price'], ['4', 'refers to same concept as', '$ 4'], ['leaving date', 'has value', 'march 7th'], ['march 7th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['7 am', 'has domain', 'buses'], ['rentalcars', 'has slot', 'pickup location'], ['lax international airport', 'has domain', 'rentalcars'], ['pickup location', 'has value', 'lax international airport'], ['buses', 'has slot', 'fare'], ['rentalcars', 'has slot', 'count'], ['camry', 'has domain', 'rentalcars'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['9 : 05 am', 'has domain', 'flights'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['6 : 10 am', 'has domain', 'buses'], ['fare', 'has value', '$ 12'], ['$ 92', 'has domain', 'flights'], ['type', 'has value', 'standard'], ['$ 46', 'has domain', 'buses'], ['anaheim', 'has domain', 'buses'], ['march 6th', 'has domain', 'buses'], ['6', 'has domain', 'rentalcars'], ['10', 'refers to same concept as', '$ 10'], ['$ 94', 'has domain', 'flights'], ['american airlines', 'has domain', 'flights'], ['leaving time', 'has value', '7 am'], ['count', 'has value', '6'], ['thursday next week', 'has domain', 'rentalcars'], ['price', 'has value', '$ 106'], ['pickup city', 'has value', 'lax'], ['pickup date', 'has value', 'march 7th'], ['travelers', 'has value', '4'], ['count', 'has value', '5'], ['departure date', 'has value', 'march 7th'], ['rentalcars', 'has slot', 'type'], ['lax', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['5', 'has domain', 'flights'], ['buses', 'has slot', 'travelers'], ['$ 136', 'has domain', 'rentalcars'], ['outbound departure time', 'has value', '11 : 05 pm'], ['rentalcars', 'has slot', 'pickup time'], ['dropoff date', 'has value', 'march 11th'], ['march 7th', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['pickup time', 'has value', 'one pm'], ['this saturday', 'has domain', 'flights'], ['from location', 'has value', 'anaheim'], ['11 : 30 am', 'has domain', 'flights'], ['outbound departure time', 'has value', '11 : 30 am']]\n", + "\n", + "dialogue id: sgd-validation-1753\n", + "dialogue: \"user\": \"i need to find a rental car for a trip i ' m going on soon . can you find me any intermediate cars available to pickup in portland , or ?\"\n", + "\"system\": \"sure , just tell me what time you ' ll need to pick it up and how long you ' ll need it until .\"\n", + "\"user\": \"i ' d like to pick it up around 12 : 30 and use it until the 10th of march .\"\n", + "\"system\": \"alright , when do you need to pick it up ?\"\n", + "\"user\": \"i ' ll need to pick it up on the 7th of march .\"\n", + "\"system\": \"okay , there ' s a nice standard accord available for pickup on march 7th at pdx international airport .\"\n", + "\"user\": \"how much does it cost to rent ?\"\n", + "\"system\": \"the total cost for this rental car is $ 84 .\"\n", + "\"user\": \"cool , sounds great . can you find me a bus that will take me there ?\"\n", + "\"system\": \"which city do you plan on leaving from ?\"\n", + "\"user\": \"i ' ll be leaving from vancouver , bc .\"\n", + "\"system\": \"are you planning on leaving on march 7th ?\"\n", + "\"user\": \"no , i ' d like to leave on the 3rd of march .\"\n", + "\"system\": \"okay , there are 8 available buses i found for you . there ' s one that leaves at 9 : 20 am , has 0 transfers and costs $ 47 to ride .\"\n", + "\"user\": \"which station does it arrive at ?\"\n", + "\"system\": \"this bus goes to portland bus station .\"\n", + "\"user\": \"any other buses you can find for me ?\"\n", + "\"system\": \"i found a bus that departs at 9 : 30 am , has 0 transfers and tickets cost $ 42 .\"\n", + "\"user\": \"okay , that one sounds good .\"\n", + "\"system\": \"anything else you need help with ?\"\n", + "\"user\": \"yeah , can you find me 3 available seats on a oneway flight going there ?\"\n", + "\"system\": \"do you plan on leaving on march 3rd or march 7th ?\"\n", + "\"user\": \"i plan on leaving next monday .\"\n", + "\"system\": \"how about flying with air canada on a flight that leaves at 1 : 40 am local time , has 1 layover and costs $ 250 per person ?\"\n", + "\"user\": \"great , thank you ! that ' s all i needed help with today .\"\n", + "\"system\": \"no problem , have a nice day !\"\n", + "\n", + "terms: ['march 7th', '$ 84', '$ 42', 'buses', 'air canada', '9 : 20 am', 'march 3rd', '10th of march', 'standard', '3rd of march', '12 : 30', 'vancouver , bc', 'portland , or', 'one', '8', '1 : 40 am', '$ 47', 'transfers', '$ 250', 'pdx international airport', '3', '0', '9 : 30 am', 'accord', 'next monday', '1', 'portland bus station', '7th of march']\n", + "relations: [['to station', 'has value', 'portland bus station'], ['leaving date', 'has value', '3rd of march'], ['buses', 'has slot', 'leaving time'], ['3rd of march', 'has domain', 'buses'], ['flights', 'has slot', 'number stops'], ['1 : 40 am', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['fare', 'has value', '$ 47'], ['rentalcars', 'has slot', 'dropoff date'], ['0', 'has domain', 'buses'], ['rentalcars', 'has slot', 'getcarsavailable'], ['flights', 'has slot', 'departure date'], ['portland bus station', 'has domain', 'buses'], ['accord', 'has domain', 'rentalcars'], ['march 7th', 'has domain', 'flights'], ['car name', 'has value', 'accord'], ['$ 42', 'has domain', 'buses'], ['pickup city', 'has value', 'portland , or'], ['air canada', 'has domain', 'flights'], ['rentalcars', 'has slot', 'pickup date'], ['flights', 'has slot', 'passengers'], ['standard', 'has domain', 'rentalcars'], ['pickup time', 'has value', '12 : 30'], ['12 : 30', 'has domain', 'rentalcars'], ['rentalcars', 'has slot', 'car name'], ['buses', 'has slot', 'count'], ['dropoff date', 'has value', '10th of march'], ['fare', 'has value', '$ 42'], ['buses', 'has slot', 'findbus'], ['vancouver , bc', 'has domain', 'buses'], ['transfers', 'has value', '0'], ['8', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['leaving date', 'has value', 'march 7th'], ['10th of march', 'has domain', 'rentalcars'], ['1', 'refers to same concept as', 'one'], ['total price', 'has value', '$ 84'], ['$ 250', 'has domain', 'flights'], ['pdx international airport', 'has domain', 'rentalcars'], ['3', 'has domain', 'flights'], ['march 7th', 'has domain', 'rentalcars'], ['buses', 'has slot', 'transfers'], ['passengers', 'has value', '3'], ['rentalcars', 'has slot', 'pickup location'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['rentalcars', 'has slot', 'total price'], ['flights', 'has slot', 'searchonewayflight'], ['flights', 'has slot', 'airlines'], ['type', 'has value', 'standard'], ['pickup date', 'has value', '7th of march'], ['number stops', 'has value', '1'], ['$ 84', 'has domain', 'rentalcars'], ['departure date', 'has value', 'march 3rd'], ['portland , or', 'has domain', 'rentalcars'], ['next monday', 'has domain', 'flights'], ['departure date', 'has value', 'next monday'], ['leaving time', 'has value', '9 : 20 am'], ['pickup date', 'has value', 'march 7th'], ['1', 'has domain', 'flights'], ['pickup location', 'has value', 'pdx international airport'], ['9 : 30 am', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['airlines', 'has value', 'air canada'], ['departure date', 'has value', 'march 7th'], ['count', 'has value', '8'], ['rentalcars', 'has slot', 'type'], ['from location', 'has value', 'vancouver , bc'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'pickup city'], ['rentalcars', 'has slot', 'pickup time'], ['8', 'refers to same concept as', '$ 8'], ['march 7th', 'has domain', 'buses'], ['7th of march', 'has domain', 'rentalcars'], ['leaving time', 'has value', '9 : 30 am'], ['outbound departure time', 'has value', '1 : 40 am'], ['$ 47', 'has domain', 'buses'], ['march 3rd', 'has domain', 'flights'], ['9 : 20 am', 'has domain', 'buses'], ['price', 'has value', '$ 250']]\n", + "\n", + "dialogue id: sgd-validation-1754\n", + "dialogue: \"user\": \"hey , can you find me a rental car ?\"\n", + "\"system\": \"sure , from when and where ?\"\n", + "\"user\": \"i want it from portland , or on the 10th of this month .\"\n", + "\"system\": \"okay , until when ?\"\n", + "\"user\": \"until the 11th of this month .\"\n", + "\"system\": \"and what time will you pick it up ?\"\n", + "\"user\": \"at around quarter past 5 in the evening .\"\n", + "\"system\": \"okay then . there ' s a standard accord at pdx international airport on march 10th .\"\n", + "\"user\": \"is there anything else ?\"\n", + "\"system\": \"how about a standard camry from portland bus station on march 10th ?\"\n", + "\"user\": \"is there anything else ? i can pick it up a little earlier , around evening 5 .\"\n", + "\"system\": \"okay , how about a standard civic at pdx international airport on march 10th ?\"\n", + "\"user\": \"how much will it cost ?\"\n", + "\"system\": \"it ' ll be $ 36 in total .\"\n", + "\"user\": \"okay , sounds good .\"\n", + "\"system\": \"should i reserve the car ?\"\n", + "\"user\": \"no , please don ' t .\"\n", + "\"system\": \"okay , is there anything else ?\"\n", + "\"user\": \"yeah , can you get me a bus there too ? just 1 ticket from vancouver on the 6th of this month .\"\n", + "\"system\": \"how about a bus departing at 9 : 20 am with 0 transfers for $ 42 ?\"\n", + "\"user\": \"sounds great , thanks .\"\n", + "\"system\": \"should i buy the ticket ?\"\n", + "\"user\": \"no thanks . can you get me a one - way flight there with delta airlines on the 10th of this month ? i ' ll check zero bags .\"\n", + "\"system\": \"with delta airlines ? there ' s a flight at 6 : 40 am with 1 layover for $ 262 per person .\"\n", + "\"user\": \"okay , thanks a lot .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no , that ' s all thanks .\"\n", + "\"system\": \"okay , see you .\"\n", + "\n", + "terms: ['quarter past 5 in the evening', '$ 42', '$ 262', 'camry', 'airlines', '9 : 20 am', 'delta airlines', '10th of this month', 'vancouver', 'standard', 'evening 5', 'portland , or', 'one', '6th of this month', 'march 10th', 'transfers', '$ 36', 'civic', 'pdx international airport', '11th of this month', '6 : 40 am', '0', 'accord', '1', 'portland bus station']\n", + "relations: [['quarter past 5 in the evening', 'has domain', 'rentalcars'], ['camry', 'has domain', 'rentalcars'], ['flights', 'has slot', 'outbound departure time'], ['number checked bags', 'has value', '0'], ['6 : 40 am', 'has domain', 'flights'], ['rentalcars', 'has slot', 'total price'], ['pickup date', 'has value', 'march 10th'], ['march 10th', 'has domain', 'rentalcars'], ['10th of this month', 'has domain', 'rentalcars'], ['standard', 'has domain', 'rentalcars'], ['evening 5', 'has domain', 'rentalcars'], ['buses', 'has slot', 'leaving time'], ['rentalcars', 'has slot', 'reservecar'], ['flights', 'has slot', 'searchonewayflight'], ['from location', 'has value', 'vancouver'], ['flights', 'has slot', 'airlines'], ['flights', 'has slot', 'number stops'], ['rentalcars', 'has slot', 'type'], ['rentalcars', 'has slot', 'car name'], ['pickup time', 'has value', 'quarter past 5 in the evening'], ['$ 36', 'has domain', 'rentalcars'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['rentalcars', 'has slot', 'dropoff date'], ['total price', 'has value', '$ 36'], ['rentalcars', 'has slot', 'pickup city'], ['travelers', 'has value', '1'], ['type', 'has value', 'standard'], ['pickup date', 'has value', '10th of this month'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['number stops', 'has value', '1'], ['rentalcars', 'has slot', 'getcarsavailable'], ['outbound departure time', 'has value', '6 : 40 am'], ['price', 'has value', '$ 262'], ['rentalcars', 'has slot', 'pickup time'], ['car name', 'has value', 'camry'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['fare', 'has value', '$ 42'], ['flights', 'has slot', 'departure date'], ['accord', 'has domain', 'rentalcars'], ['flights', 'has slot', 'number checked bags'], ['0', 'has domain', 'flights'], ['11th of this month', 'has domain', 'rentalcars'], ['airlines', 'has value', 'delta airlines'], ['buses', 'has slot', 'buybusticket'], ['flights', 'has slot', 'price'], ['civic', 'has domain', 'rentalcars'], ['portland , or', 'has domain', 'rentalcars'], ['car name', 'has value', 'civic'], ['vancouver', 'has domain', 'buses'], ['departure date', 'has value', '10th of this month'], ['leaving date', 'has value', '6th of this month'], ['car name', 'has value', 'accord'], ['$ 42', 'has domain', 'buses'], ['delta airlines', 'has domain', 'flights'], ['1', 'refers to same concept as', 'one'], ['pdx international airport', 'has domain', 'rentalcars'], ['portland bus station', 'has domain', 'rentalcars'], ['pickup time', 'has value', 'evening 5'], ['pickup city', 'has value', 'portland , or'], ['leaving time', 'has value', '9 : 20 am'], ['1', 'has domain', 'buses'], ['$ 262', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['6th of this month', 'has domain', 'buses'], ['pickup location', 'has value', 'portland bus station'], ['10th of this month', 'has domain', 'flights'], ['dropoff date', 'has value', '11th of this month'], ['rentalcars', 'has slot', 'pickup date'], ['1', 'has domain', 'flights'], ['pickup location', 'has value', 'pdx international airport'], ['rentalcars', 'has slot', 'pickup location'], ['9 : 20 am', 'has domain', 'buses'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2046\n", + "dialogue: \"user\": \"can you find me something fun to do\"\n", + "\"system\": \"what are your preference\"\n", + "\"user\": \"i am into concert\"\n", + "\"system\": \"what city should i search in\"\n", + "\"user\": \"please search in portland on 12th of march\"\n", + "\"system\": \"i found 4 events . what about erica fernandez at newmark theatre on march 12th at 7 pm\"\n", + "\"user\": \"perfect\"\n", + "\"system\": \"do you want to purchase a ticket\"\n", + "\"user\": \"not right now . can you find me a bus to get there\"\n", + "\"system\": \"where are you traveling from\"\n", + "\"user\": \"i am traveling from vancouver\"\n", + "\"system\": \"are you leaving on march 12th\"\n", + "\"user\": \"i want to leave on march 11th\"\n", + "\"system\": \"i found 8 buses for you . what about 9 : 20 am departure with 0 transfer for $ 40\"\n", + "\"user\": \"perfec , t what about roundtrip flights\"\n", + "\"system\": \"are you flying on march 11th or march 12th when would you like to return\"\n", + "\"user\": \"i want to fly on next monday and return on 12th of march\"\n", + "\"system\": \"i found 1 flights with delta airlines for $ 455 take off at 10 : 15 am with return flight take off at 5 : 15 pm\"\n", + "\"user\": \"when does it arrive and where\"\n", + "\"system\": \"it will arrive at pdx international airport at 3 : 28 pm\"\n", + "\"user\": \"ok\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"can you also search for a hotel in the area\"\n", + "\"system\": \"there is a 3 star hotel called aloft portland airport at cascade station\"\n", + "\"user\": \"ok , i need 1 ticket\"\n", + "\"system\": \"please confirm your purchase of 1 ticket to erica fernandez in portland on march 12th\"\n", + "\"user\": \"yes please\"\n", + "\"system\": \"your ticket is booked\"\n", + "\"user\": \"what is their address\"\n", + "\"system\": \"it is located in 1111 southwest broadway\"\n", + "\"user\": \"thank you thats all i need\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['march 11th', 'buses', 'airlines', '9 : 20 am', 'delta airlines', 'newmark theatre', 'erica fernandez', '8', '$ 455', 'march 12th', 'events', 'pdx international airport', '10 : 15 am', '3', '4', '0', 'flights', 'next monday', '1', 'portland']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['destination airport name', 'has value', 'pdx international airport'], ['events', 'has slot', 'findevents'], ['flights', 'has slot', 'outbound arrival time'], ['buses', 'has slot', 'from location'], ['0', 'has domain', 'buses'], ['number of seats', 'has value', '1'], ['flights', 'has slot', 'departure date'], ['inbound departure time', 'has value', '5 : 15 pm'], ['newmark theatre', 'has domain', 'events'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['portland', 'has domain', 'events'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'events'], ['airlines', 'has value', 'delta airlines'], ['delta airlines', 'has domain', 'flights'], ['march 12th', 'has domain', 'buses'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['5 : 15 pm', 'has domain', 'flights'], ['hotels', 'has slot', 'place name'], ['outbound arrival time', 'has value', '3 : 28 pm'], ['leaving date', 'has value', 'march 12th'], ['address of location', 'has value', '1111 southwest broadway'], ['flights', 'has slot', 'count'], ['leaving date', 'has value', 'march 11th'], ['from location', 'has value', 'vancouver'], ['buses', 'has slot', 'count'], ['date', 'has value', 'march 12th'], ['outbound departure time', 'has value', '10 : 15 am'], ['7 pm', 'has domain', 'events'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['erica fernandez', 'has domain', 'events'], ['8', 'has domain', 'buses'], ['return date', 'has value', '12th of march'], ['flights', 'has slot', 'price'], ['4', 'refers to same concept as', '$ 4'], ['place name', 'has value', 'aloft portland airport at cascade station'], ['event name', 'has value', 'erica fernandez'], ['buses', 'has slot', 'transfers'], ['date', 'has value', '12th of march'], ['march 12th', 'has domain', 'flights'], ['1111 southwest broadway', 'has domain', 'events'], ['12th of march', 'has domain', 'flights'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['events', 'has slot', 'count'], ['fare', 'has value', '$ 40'], ['flights', 'has slot', 'airlines'], ['event location', 'has value', 'newmark theatre'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['star rating', 'has value', '3'], ['price', 'has value', '$ 455'], ['march 11th', 'has domain', 'buses'], ['flights', 'has slot', 'inbound departure time'], ['$ 40', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['flights', 'has slot', 'destination airport name'], ['$ 455', 'has domain', 'flights'], ['events', 'has slot', 'category'], ['next monday', 'has domain', 'flights'], ['departure date', 'has value', 'march 11th'], ['3', 'has domain', 'hotels'], ['departure date', 'has value', 'next monday'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '9 : 20 am'], ['count', 'has value', '1'], ['march 12th', 'has domain', 'events'], ['1', 'has domain', 'flights'], ['3 : 28 pm', 'has domain', 'flights'], ['12th of march', 'has domain', 'events'], ['time', 'has value', '7 pm'], ['city of event', 'has value', 'portland'], ['count', 'has value', '8'], ['buses', 'has slot', 'leaving date'], ['10 : 15 am', 'has domain', 'flights'], ['count', 'has value', '4'], ['pdx international airport', 'has domain', 'flights'], ['departure date', 'has value', 'march 12th'], ['march 11th', 'has domain', 'flights'], ['aloft portland airport at cascade station', 'has domain', 'hotels'], ['vancouver', 'has domain', 'buses'], ['1', 'has domain', 'events'], ['9 : 20 am', 'has domain', 'buses'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2047\n", + "dialogue: \"user\": \"can you find me something cool to do ?\"\n", + "\"system\": \"what city would you like ? anything particular that you would like to do or see ?\"\n", + "\"user\": \"i want to see a sports game around la .\"\n", + "\"system\": \"how about the dodgers vs cubs game at dodger stadium on march 12th at 8 : 30 pm .\"\n", + "\"user\": \"thas ok but i want to see an american football game on march 6th\"\n", + "\"system\": \"how about usc vs utah at la memorial coliseum on march 6th at 8 : 30 pm .\"\n", + "\"user\": \"that sounds awesome .\"\n", + "\"system\": \"would you like to buy tickets .\"\n", + "\"user\": \"not at this moment but i do need 2 bus tickets going there ?\"\n", + "\"system\": \"will you be leaving on march 6th ?\"\n", + "\"user\": \"no i want to leave a day before on the 5th of march .\"\n", + "\"system\": \"where will you be leaving from ?\"\n", + "\"user\": \"i will be leaving from san diego .\"\n", + "\"system\": \"there is a bus leaving at 6 : 10 am with 0 trasfers for $ 32 .\"\n", + "\"user\": \"thats great .\"\n", + "\"system\": \"would you like to buy tickets ?\"\n", + "\"user\": \"no not right now . can you tell me the cost of a round trip flight on alaska airlines leaving on the 13th with an economy ticket .\"\n", + "\"system\": \"will you be leaving on march 6th or o march 5th ?\"\n", + "\"user\": \"i will fly out on the 5th of march and return on march 11th with 0 bags .\"\n", + "\"system\": \"i have 1 alaska airlines flight that departs at 9 : 55 am and the returning flight departs at 6 : 55 am for $ 119 per person .\"\n", + "\"user\": \"cool now i would like to find a nice 2 star hotel .\"\n", + "\"system\": \"how about the nice 2 star ac hotel by marriott beverly hills . if you prefer something else i have 10 other options for you .\"\n", + "\"user\": \"awesome now i would like to buy tickets to the game .\"\n", + "\"system\": \"just to confirm you would like 2 tickets to the usc vs utah game on march 6th in los angeles .\"\n", + "\"user\": \"yes that is great .\"\n", + "\"system\": \"your tickets have been booked . enjoy the game .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"no that will be all .\"\n", + "\"system\": \"have a fantastic day .\"\n", + "\n", + "terms: ['march 11th', 'economy', 'los angeles', 'ac hotel by marriott beverly hills', '2', 'march 6th', 'sports', 'airlines', '$ 119', 'san diego', '6 : 55 am', 'american football', '6 : 10 am', 'la', 'alaska airlines', '5th of march', 'the 13th', '$ 32', 'dodgers vs cubs', 'la memorial coliseum', '8 : 30 pm', 'march 12th', 'usc vs utah', '9 : 55 am', 'dodger stadium', 'march 5th', '0', '10', '1']\n", + "relations: [['subcategory', 'has value', 'american football'], ['return date', 'has value', 'march 11th'], ['buses', 'has slot', 'leaving time'], ['place name', 'has value', 'ac hotel by marriott beverly hills'], ['events', 'has slot', 'findevents'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['event location', 'has value', 'la memorial coliseum'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['flight class', 'has value', 'economy'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['event name', 'has value', 'usc vs utah'], ['flights', 'has slot', 'flight class'], ['march 6th', 'has domain', 'events'], ['hotels', 'has slot', 'star rating'], ['los angeles', 'refers to same concept as', 'la'], ['city of event', 'has value', 'la'], ['events', 'has slot', 'number of seats'], ['departure date', 'has value', '5th of march'], ['hotels', 'has slot', 'place name'], ['san diego', 'has domain', 'buses'], ['count', 'has value', '10'], ['flights', 'has slot', 'count'], ['march 5th', 'has domain', 'flights'], ['leaving time', 'has value', '6 : 10 am'], ['2', 'has domain', 'hotels'], ['number of seats', 'has value', '2'], ['leaving date', 'has value', 'march 6th'], ['2', 'has domain', 'events'], ['date', 'has value', 'march 12th'], ['ac hotel by marriott beverly hills', 'has domain', 'hotels'], ['events', 'has slot', 'time'], ['alaska airlines', 'has domain', 'flights'], ['date', 'has value', 'march 6th'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['dodger stadium', 'has domain', 'events'], ['flights', 'has slot', 'price'], ['buses', 'has slot', 'transfers'], ['time', 'has value', '8 : 30 pm'], ['from location', 'has value', 'san diego'], ['los angeles', 'has domain', 'events'], ['price', 'has value', '$ 119'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['the 13th', 'has domain', 'flights'], ['star rating', 'has value', '2'], ['american football', 'has domain', 'events'], ['flights', 'has slot', 'airlines'], ['6 : 10 am', 'has domain', 'buses'], ['$ 32', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['5th of march', 'has domain', 'buses'], ['flights', 'has slot', 'searchroundtripflights'], ['6 : 55 am', 'has domain', 'flights'], ['march 6th', 'has domain', 'buses'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['inbound departure time', 'has value', '6 : 55 am'], ['events', 'has slot', 'buyeventtickets'], ['la', 'has domain', 'events'], ['events', 'has slot', 'category'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['count', 'has value', '1'], ['outbound departure time', 'has value', '9 : 55 am'], ['march 12th', 'has domain', 'events'], ['1', 'has domain', 'flights'], ['8 : 30 pm', 'has domain', 'events'], ['number checked bags', 'has value', '0'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['events', 'has slot', 'subcategory'], ['departure date', 'has value', 'march 5th'], ['sports', 'has domain', 'events'], ['dodgers vs cubs', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['la memorial coliseum', 'has domain', 'events'], ['hotels', 'has slot', 'count'], ['leaving date', 'has value', '5th of march'], ['buses', 'has slot', 'travelers'], ['return date', 'has value', 'the 13th'], ['5th of march', 'has domain', 'flights'], ['usc vs utah', 'has domain', 'events'], ['flights', 'has slot', 'number checked bags'], ['event name', 'has value', 'dodgers vs cubs'], ['9 : 55 am', 'has domain', 'flights'], ['fare', 'has value', '$ 32'], ['march 6th', 'has domain', 'flights'], ['march 11th', 'has domain', 'flights'], ['buses', 'has slot', 'buybusticket'], ['$ 119', 'has domain', 'flights'], ['category', 'has value', 'sports'], ['event location', 'has value', 'dodger stadium'], ['departure date', 'has value', 'march 6th'], ['economy', 'has domain', 'flights'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2048\n", + "dialogue: \"user\": \"can you find me something fun to do on tuesday next week\"\n", + "\"system\": \"what are your preference\"\n", + "\"user\": \"i am into games event\"\n", + "\"system\": \"what city should i search in\"\n", + "\"user\": \"please search in san francisco\"\n", + "\"system\": \"what about giants vs brewers at oracle park on march 5th at 7 pm\"\n", + "\"user\": \"what is this event about and what is the venue address\"\n", + "\"system\": \"this is a baseball event and located in 24 willie mays plaza\"\n", + "\"user\": \"that sounds good , can you find me a bus to get there\"\n", + "\"system\": \"are you leaving on march 5th\"\n", + "\"user\": \"no , i am leaving on march 4th\"\n", + "\"system\": \"where are you traveling from\"\n", + "\"user\": \"i am leaving from las vegas for one ticket\"\n", + "\"system\": \"there are 6 buses available . what about 10 : 50 am departure with 0 transfer for $ 55\"\n", + "\"user\": \"what station is it leaving from and arrive to\"\n", + "\"system\": \"you will depart from union plaza and arrive at salesforce transit center\"\n", + "\"user\": \"perfect\"\n", + "\"system\": \"would you like to buy a ticekt\"\n", + "\"user\": \"no , not right now . please search for a round trip flight ticket with zero check bag for one ticekt return on 10th of march\"\n", + "\"system\": \"are you traveling on march 4th or march 5th\"\n", + "\"user\": \"i am traveling on 2nd of this month\"\n", + "\"system\": \"how about american airlines for $ 187 take off at 6 : 50 am with return flight take off at 5 : 25 am\"\n", + "\"user\": \"when does it arrive\"\n", + "\"system\": \"you will arrive at 8 : 25 am\"\n", + "\"user\": \"ok\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"can you find me a hotel in the area\"\n", + "\"system\": \"what about 1 star hotel amsterdam hostel san francisco\"\n", + "\"user\": \"please search for a four star hotel\"\n", + "\"system\": \"what about 4 star hotel argonaut hotel\"\n", + "\"user\": \"perfect\"\n", + "\"system\": \"would you like to book a room\"\n", + "\"user\": \"no , not right now\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"i need to buy a ticket to the event\"\n", + "\"system\": \"please confirm your purchase of 1 ticket for giants vs brewers in san francisco on march 5th\"\n", + "\"user\": \"yes please\"\n", + "\"system\": \"your ticekt is booked\"\n", + "\"user\": \"thank you\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"no that ' s it\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['buses', '10 : 50 am', 'airlines', 'oracle park', 'march 4th', '6', 'vegas', 'baseball', 'union plaza', 'one', 'american airlines', 'four', '6 : 50 am', 'giants vs brewers', '4', '$ 187', 'march 5th', '0', '1', 'san francisco', 'las vegas']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['outbound departure time', 'has value', '6 : 50 am'], ['events', 'has slot', 'findevents'], ['flights', 'has slot', 'outbound arrival time'], ['buses', 'has slot', 'from location'], ['6', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['salesforce transit center', 'has domain', 'buses'], ['outbound arrival time', 'has value', '8 : 25 am'], ['san francisco', 'has domain', 'events'], ['flights', 'has slot', 'departure date'], ['number of seats', 'has value', '1'], ['4', 'refers to same concept as', 'four'], ['address of location', 'has value', '24 willie mays plaza'], ['10th of march', 'has domain', 'flights'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['fare', 'has value', '$ 55'], ['union plaza', 'has domain', 'buses'], ['oracle park', 'has domain', 'events'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['passengers', 'has value', '1'], ['buses', 'has slot', 'from station'], ['$ 55', 'has domain', 'buses'], ['hotels', 'has slot', 'place name'], ['march 5th', 'has domain', 'buses'], ['24 willie mays plaza', 'has domain', 'events'], ['march 5th', 'has domain', 'flights'], ['flights', 'has slot', 'passengers'], ['8 : 25 am', 'has domain', 'flights'], ['buses', 'has slot', 'count'], ['place name', 'has value', 'argonaut hotel'], ['7 pm', 'has domain', 'events'], ['star rating', 'has value', '1'], ['event location', 'has value', 'oracle park'], ['events', 'has slot', 'time'], ['leaving time', 'has value', '10 : 50 am'], ['baseball', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['5 : 25 am', 'has domain', 'flights'], ['6 : 50 am', 'has domain', 'flights'], ['leaving date', 'has value', 'march 5th'], ['1', 'refers to same concept as', 'one'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['march 4th', 'has domain', 'buses'], ['star rating', 'has value', '4'], ['date', 'has value', 'march 5th'], ['10 : 50 am', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['inbound departure time', 'has value', '5 : 25 am'], ['return date', 'has value', '10th of march'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['march 5th', 'has domain', 'events'], ['flights', 'has slot', 'airlines'], ['2nd of this month', 'has domain', 'flights'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['travelers', 'has value', '1'], ['date', 'has value', 'tuesday next week'], ['giants vs brewers', 'has domain', 'events'], ['tuesday next week', 'has domain', 'events'], ['flights', 'has slot', 'inbound departure time'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['from location', 'has value', 'las vegas'], ['events', 'has slot', 'date'], ['count', 'has value', '6'], ['flights', 'has slot', 'return date'], ['price', 'has value', '$ 187'], ['1', 'has domain', 'flights'], ['las vegas', 'refers to same concept as', 'vegas'], ['march 4th', 'has domain', 'flights'], ['place name', 'has value', 'amsterdam hostel san francisco'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['subcategory', 'has value', 'baseball'], ['to station', 'has value', 'salesforce transit center'], ['departure date', 'has value', '2nd of this month'], ['time', 'has value', '7 pm'], ['las vegas', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['events', 'has slot', 'subcategory'], ['departure date', 'has value', 'march 5th'], ['sports', 'has domain', 'events'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'leaving date'], ['city of event', 'has value', 'san francisco'], ['event name', 'has value', 'giants vs brewers'], ['$ 187', 'has domain', 'flights'], ['argonaut hotel', 'has domain', 'hotels'], ['buses', 'has slot', 'travelers'], ['flights', 'has slot', 'number checked bags'], ['buses', 'has slot', 'buybusticket'], ['amsterdam hostel san francisco', 'has domain', 'hotels'], ['category', 'has value', 'sports'], ['departure date', 'has value', 'march 4th'], ['1', 'has domain', 'hotels'], ['1', 'has domain', 'events'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2049\n", + "dialogue: \"user\": \"i want you to find me some interesting things i can do .\"\n", + "\"system\": \"is there a specific city you want me to look for interesting things you can do ?\"\n", + "\"user\": \"i am interested to find something around nyc .\"\n", + "\"system\": \"is there some specific category of event you would enjoy ?\"\n", + "\"user\": \"i usually like attending games events .\"\n", + "\"system\": \"there are 10 events which you might like . one of the events is the match of mets vs braves . the event will happen on march 13th at 6 pm at citi field .\"\n", + "\"user\": \"can you give me some more information about this event ?\"\n", + "\"system\": \"this event is a baseball one .\"\n", + "\"user\": \"this is okay . but can you suggest some other events ?\"\n", + "\"system\": \"another popular event is the match of mets vs cubs , which will happen on march 2nd at 7 : 30 pm at citi field .\"\n", + "\"user\": \"can you tell me the address of the venue ? i want to know more about this event .\"\n", + "\"system\": \"the address of the venue is 123 - 01 roosevelt avenue , and it is a baseball event .\"\n", + "\"user\": \"that seems good .\"\n", + "\"system\": \"are you interested in buying tickets for this event ?\"\n", + "\"user\": \"some other time . i need to find a bus to go there , and i want to depart from washington .\"\n", + "\"system\": \"will you be leaving for your trip on march 2nd ?\"\n", + "\"user\": \"i actually will leave later today .\"\n", + "\"system\": \"there are 8 buses which you might be interested in . how would you like having the bus which has 0 transfers and departs at 8 : 10 am ? the ticket for this bus costs $ 37 .\"\n", + "\"user\": \"can you tell me the bus station from where i will leave , and the bus station where i will be arriving ?\"\n", + "\"system\": \"the bus station from where your bus leaves is union station , and it will arrive at port authority station .\"\n", + "\"user\": \"that is nice . can you find me a round trip flight to go there ?\"\n", + "\"system\": \"for which day do you want to have the return flight ? will you be leaving on march 1st ?\"\n", + "\"user\": \"i want to leave for my flight this saturday , and will be returning on march 14th . i want to buy four tickets for the flight with the united airlines .\"\n", + "\"system\": \"there is 1 flight which matches what you want . how would you like having the flight of united airlines which leaves at 11 : 40 pm local time , and when it returns it takes off at 5 : 05 am local time . the ticket for this flight costs $ 160 .\"\n", + "\"user\": \"okay . i also need to find two rooms in a four star hotel there .\"\n", + "\"system\": \"i can recommend the 1 hotel brooklyn bridge , which is a 4 star hotel .\"\n", + "\"user\": \"that suits me well .\"\n", + "\"system\": \"do you want to make a booking at this hotel ?\"\n", + "\"user\": \"no i am not interested in making a booking now .\"\n", + "\"system\": \"is there something else i can do to help you ?\"\n", + "\"user\": \"i would like to buy tickets for the event you mentioned earlier .\"\n", + "\"system\": \"can you please confirm that you want to buy 4 tickets for the match of mets vs cubs which will happen on march 2nd in new york ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your requested tickets have been booked . enjoy your time there !\"\n", + "\"user\": \"i appreciate your help a lot . that would be all .\"\n", + "\"system\": \"have a wonderful time !\"\n", + "\n", + "terms: ['citi field', 'march 1st', 'buses', 'airlines', 'time', 'march 13th', 'union station', '1 hotel brooklyn bridge', 'united airlines', '6 pm', 'category', 'mets vs braves', 'new york', 'march 2nd', 'baseball', 'this saturday', '7 : 30 pm', '123 - 01 roosevelt avenue', '$ 160', 'march 14th', 'washington', 'one', '8', 'four', 'later today', '11 : 40 pm', 'transfers', 'nyc', '5 : 05 am', 'mets vs cubs', 'events', '4', '0', '$ 37', 'port authority station', 'two', '10', '1', '8 : 10 am']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['10', 'refers to same concept as', 'ten'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['union station', 'has domain', 'buses'], ['march 14th', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['4', 'refers to same concept as', 'four'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'events'], ['leaving date', 'has value', 'march 2nd'], ['departure date', 'has value', 'this saturday'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['leaving date', 'has value', 'later today'], ['$ 160', 'has domain', 'flights'], ['5 : 05 am', 'has domain', 'flights'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['date', 'has value', 'march 2nd'], ['hotels', 'has slot', 'place name'], ['number of seats', 'has value', '4'], ['return date', 'has value', 'march 14th'], ['count', 'has value', '10'], ['port authority station', 'has domain', 'buses'], ['fare', 'has value', '$ 37'], ['flights', 'has slot', 'count'], ['flights', 'has slot', 'passengers'], ['2', 'has domain', 'hotels'], ['leaving time', 'has value', '8 : 10 am'], ['inbound departure time', 'has value', '11 : 40 pm'], ['march 2nd', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['passengers', 'has value', '4'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['baseball', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['outbound departure time', 'has value', '5 : 05 am'], ['8', 'has domain', 'buses'], ['11 : 40 pm', 'has domain', 'flights'], ['address of location', 'has value', '123 - 01 roosevelt avenue'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['event name', 'has value', 'mets vs braves'], ['number of rooms', 'has value', '2'], ['mets vs cubs', 'has domain', 'events'], ['1', 'refers to same concept as', 'one'], ['time', 'has value', '6 pm'], ['7 : 30 pm', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['$ 37', 'has domain', 'buses'], ['star rating', 'has value', '4'], ['departure date', 'has value', 'march 1st'], ['event location', 'has value', 'citi field'], ['123 - 01 roosevelt avenue', 'has domain', 'events'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['later today', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['flights', 'has slot', 'inbound departure time'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['nyc', 'has domain', 'events'], ['10', 'has domain', 'events'], ['price', 'has value', '$ 160'], ['date', 'has value', 'march 13th'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['flights', 'has slot', 'return date'], ['march 1st', 'has domain', 'flights'], ['count', 'has value', '1'], ['event name', 'has value', 'mets vs cubs'], ['1', 'has domain', 'flights'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['subcategory', 'has value', 'baseball'], ['march 2nd', 'has domain', 'buses'], ['events', 'has slot', 'subcategory'], ['count', 'has value', '8'], ['sports', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['2', 'refers to same concept as', 'two'], ['from location', 'has value', 'washington'], ['united airlines', 'has domain', 'flights'], ['citi field', 'has domain', 'events'], ['4', 'has domain', 'flights'], ['category', 'has value', 'sports'], ['6 pm', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['this saturday', 'has domain', 'flights'], ['airlines', 'has value', 'united airlines'], ['time', 'has value', '7 : 30 pm'], ['march 13th', 'has domain', 'events'], ['mets vs braves', 'has domain', 'events'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2050\n", + "dialogue: \"user\": \"could you assist me in looking for exciting things to do ? i enjoy music activities , and i want something on 13th of march .\"\n", + "\"system\": \"is there a specific metropolis i ought to look in ?\"\n", + "\"user\": \"i ' m searching for an activity near new york city .\"\n", + "\"system\": \"i discovered 10 events you may enjoy . there is a well received event called amber run brooklyn occurring at warsaw on march 13th , 7 : 30 pm .\"\n", + "\"user\": \"that ' s perfect for me . could you assist me in looking for a bus headed there ?\"\n", + "\"system\": \"do you intend to depart on march 13th ? what location will you depart from ?\"\n", + "\"user\": \"i intend to depart on the 6th from washington .\"\n", + "\"system\": \"i discovered 8 buses for you . what do you think of the bus leaving at 8 : 10 am with 0 transfers that costs $ 32 ?\"\n", + "\"user\": \"that ' s perfect for me .\"\n", + "\"system\": \"would you like to purchase tickets on this ride ?\"\n", + "\"user\": \"nope , i do not wish to purchase tickets right now . what about a roundtrip flight headed there , preferably on united airlines ?\"\n", + "\"system\": \"will you depart on march 6th or march 13th ?\"\n", + "\"user\": \"i ' d like to leave on saturday this week .\"\n", + "\"system\": \"what date would you like to go on the return flight ?\"\n", + "\"user\": \"i intend to come back on the 9th .\"\n", + "\"system\": \"i discovered 1 flight for you . do you wish to take a ticket costing $ 166 for a united airlines flight that takes off at 5 : 05 am local time ? the return flight leaves at 11 : 40 pm local time .\"\n", + "\"user\": \"what time does the return flight come , and what airport does the plane depart from ?\"\n", + "\"system\": \"the flight will depart from dulles international airport , and the returning flight at 0 : 50 am .\"\n", + "\"user\": \"okay . could you search for hotels near the region ?\"\n", + "\"system\": \"i discovered 10 hotels meeting your requirements . there is a 4 star hotel called 1 hotel brooklyn bridge .\"\n", + "\"user\": \"does hotel permit smoking ?\"\n", + "\"system\": \"yes , the hotel permits smoking .\"\n", + "\"user\": \"is there any other hotel meeting my requirement ?\"\n", + "\"system\": \"there is a 5 star hotel named 1 hotel central park .\"\n", + "\"user\": \"that sounds wonderful .\"\n", + "\"system\": \"do you wish to book the hotel ?\"\n", + "\"user\": \"i do not wish to book right now . i ' d like to buy tickets to the activity you mentioned .\"\n", + "\"system\": \"how many tickets will you purchase ?\"\n", + "\"user\": \"i desire 1 ticket .\"\n", + "\"system\": \"please verify the following information : a reservation for 1 ticket at the amber run brooklyn on march 13th in new york .\"\n", + "\"user\": \"yeah , that ' s fine by me .\"\n", + "\"system\": \"your booking is verified . have fun there !\"\n", + "\"user\": \"thank you for your assistance . that ' s all .\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['buses', 'march 6th', '0 : 50 am', 'new york city', 'airlines', 'time', 'march 13th', '1 hotel brooklyn bridge', 'united airlines', '13th of march', 'new york', '7 : 30 pm', 'music', 'warsaw', 'washington', '1 hotel central park', '5', '$ 32', '8', 'hotels', '$ 166', 'dulles international airport', '11 : 40 pm', 'transfers', '5 : 05 am', 'events', 'the 6th', 'saturday this week', '4', '0', 'amber run brooklyn', 'the 9th', '10', 'date', '1', '8 : 10 am']\n", + "relations: [['events', 'has slot', 'event name'], ['the 6th', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['10', 'refers to same concept as', 'ten'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['5', 'has domain', 'hotels'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['leaving date', 'has value', 'the 6th'], ['event name', 'has value', 'amber run brooklyn'], ['flights', 'has slot', 'departure date'], ['number of seats', 'has value', '1'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['events', 'has slot', 'number of seats'], ['5 : 05 am', 'has domain', 'flights'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['dulles international airport', 'has domain', 'flights'], ['departure date', 'has value', 'march 13th'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '10'], ['flights', 'has slot', 'count'], ['origin airport name', 'has value', 'dulles international airport'], ['leaving time', 'has value', '8 : 10 am'], ['amber run brooklyn', 'has domain', 'events'], ['inbound departure time', 'has value', '11 : 40 pm'], ['buses', 'has slot', 'count'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['new york city', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['outbound departure time', 'has value', '5 : 05 am'], ['star rating', 'has value', '5'], ['smoking allowed', 'has value', 'true'], ['8', 'has domain', 'buses'], ['11 : 40 pm', 'has domain', 'flights'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['event location', 'has value', 'warsaw'], ['1', 'refers to same concept as', 'one'], ['march 13th', 'has domain', 'buses'], ['7 : 30 pm', 'has domain', 'events'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['star rating', 'has value', '4'], ['saturday this week', 'has domain', 'flights'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['category', 'has value', 'music'], ['0 : 50 am', 'has domain', 'flights'], ['$ 166', 'has domain', 'flights'], ['place name', 'has value', '1 hotel central park'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['$ 32', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['date', 'has value', '13th of march'], ['13th of march', 'has domain', 'events'], ['leaving date', 'has value', 'march 13th'], ['departure date', 'has value', 'saturday this week'], ['the 9th', 'has domain', 'flights'], ['return date', 'has value', 'the 9th'], ['price', 'has value', '$ 166'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['1 hotel central park', 'has domain', 'hotels'], ['warsaw', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['10', 'has domain', 'events'], ['date', 'has value', 'march 13th'], ['events', 'has slot', 'category'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['inbound arrival time', 'has value', '0 : 50 am'], ['hotels', 'has slot', 'smoking allowed'], ['count', 'has value', '1'], ['march 13th', 'has domain', 'flights'], ['1', 'has domain', 'flights'], ['new york', 'refers to same concept as', 'ny'], ['count', 'has value', '8'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['hotels', 'has slot', 'count'], ['united airlines', 'has domain', 'flights'], ['fare', 'has value', '$ 32'], ['march 6th', 'has domain', 'flights'], ['buses', 'has slot', 'buybusticket'], ['city of event', 'has value', 'new york city'], ['city of event', 'has value', 'new york'], ['departure date', 'has value', 'march 6th'], ['airlines', 'has value', 'united airlines'], ['time', 'has value', '7 : 30 pm'], ['march 13th', 'has domain', 'events'], ['1', 'has domain', 'events'], ['flights', 'has slot', 'inbound arrival time']]\n", + "\n", + "dialogue id: sgd-validation-2051\n", + "dialogue: \"user\": \"hi , are there any interesting events i can take part in ?\"\n", + "\"system\": \"any preference on the location of the event ?\"\n", + "\"user\": \"something in nyc is great .\"\n", + "\"system\": \"how about the type of events ?\"\n", + "\"user\": \"some music events will do .\"\n", + "\"system\": \"there are 10 events you may like , how about amber run brooklyn in warsaw at 6 pm on march 14th ?\"\n", + "\"user\": \"that sounds good to me !\"\n", + "\"system\": \"would you like to purchase the tickets for this event ?\"\n", + "\"user\": \"perhaps later .\"\n", + "\"system\": \"could i further assist you then ?\"\n", + "\"user\": \"could you get me a bus on the 3rd for one there please ?\"\n", + "\"system\": \"where are you departing from ?\"\n", + "\"user\": \"from washington , thanks !\"\n", + "\"system\": \"there are 8 buses , how about a bus departing at 8 : 10 am with 0 transfers costing $ 37 ?\"\n", + "\"user\": \"may i know where will i depart from and arrive at ?\"\n", + "\"system\": \"you will travel from port authority station to union station .\"\n", + "\"user\": \"are there any alternatives ?\"\n", + "\"system\": \"how about the bus departing at 8 : 20 am with 0 transfers costing $ 31 ?\"\n", + "\"user\": \"sure , i am fine with that .\"\n", + "\"system\": \"do you need me to purchase the bus tickets ?\"\n", + "\"user\": \"no need , could you help me find round trip flights there instead ?\"\n", + "\"system\": \"sure , will you depart on march 3rd or march 14th ?\"\n", + "\"user\": \"most likely on the 3rd , and i will return on 6th of this month .\"\n", + "\"system\": \"will you like to fly with american airlines on their 4 : 10 am flight which reutnrs at 1 : 30 pm and costs $ 161 .\"\n", + "\"user\": \"sure , could you get me a hotel there too ?\"\n", + "\"system\": \"there is a 4 star hotel called 1 hotel brooklyn bridge .\"\n", + "\"user\": \"sure , that sounds good !\"\n", + "\"system\": \"would you like a reservation there ?\"\n", + "\"user\": \"no thanks , could you book the event tickets please ?\"\n", + "\"system\": \"sure , please confirm your purchase for 1 tickets for the amber run brooklyn event in new york on march 14th .\"\n", + "\"user\": \"sure , where is the event held at ?\"\n", + "\"system\": \"your reservation has been made , and it is held at 261 driggs avenue , brooklyn .\"\n", + "\"user\": \"i see , thanks a bunch !\"\n", + "\"system\": \"no worries , could i further assist you ?\"\n", + "\"user\": \"no need , that is all , thanks !\"\n", + "\"system\": \"sure , enjoy your trip !\"\n", + "\n", + "terms: ['$ 31', 'buses', 'airlines', 'march 3rd', 'union station', '261 driggs avenue , brooklyn', 'the 3rd', '1 hotel brooklyn bridge', '6 pm', 'new york', '8 : 20 am', 'music', 'warsaw', '4 : 10 am', '$ 161', 'march 14th', 'washington', 'one', 'american airlines', '8', '6th of this month', 'transfers', 'nyc', 'events', '4', '0', 'amber run brooklyn', '$ 37', 'port authority station', 'flights', '10', '1', '8 : 10 am', '1 : 30 pm']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['fare', 'has value', '$ 31'], ['buses', 'has slot', 'leaving time'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['union station', 'has domain', 'buses'], ['march 14th', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['event name', 'has value', 'amber run brooklyn'], ['flights', 'has slot', 'departure date'], ['number of seats', 'has value', '1'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['departure date', 'has value', 'march 14th'], ['hotels', 'has slot', 'star rating'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['8 : 20 am', 'has domain', 'buses'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['hotels', 'has slot', 'place name'], ['leaving date', 'has value', 'the 3rd'], ['count', 'has value', '10'], ['port authority station', 'has domain', 'buses'], ['fare', 'has value', '$ 37'], ['the 3rd', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 10 am'], ['amber run brooklyn', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['8', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['event location', 'has value', 'warsaw'], ['address of location', 'has value', '261 driggs avenue , brooklyn'], ['1', 'refers to same concept as', 'one'], ['time', 'has value', '6 pm'], ['1', 'has domain', 'buses'], ['$ 161', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['$ 37', 'has domain', 'buses'], ['star rating', 'has value', '4'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['category', 'has value', 'music'], ['price', 'has value', '$ 161'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['the 3rd', 'has domain', 'flights'], ['date', 'has value', 'march 14th'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['travelers', 'has value', '1'], ['inbound departure time', 'has value', '1 : 30 pm'], ['departure date', 'has value', 'the 3rd'], ['flights', 'has slot', 'inbound departure time'], ['4 : 10 am', 'has domain', 'flights'], ['warsaw', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['nyc', 'has domain', 'events'], ['10', 'has domain', 'events'], ['departure date', 'has value', 'march 3rd'], ['1 : 30 pm', 'has domain', 'flights'], ['events', 'has slot', 'category'], ['return date', 'has value', '6th of this month'], ['american airlines', 'has domain', 'flights'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['flights', 'has slot', 'return date'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['count', 'has value', '8'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'travelers'], ['$ 31', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['6 pm', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['261 driggs avenue , brooklyn', 'has domain', 'events'], ['leaving time', 'has value', '8 : 20 am'], ['1', 'has domain', 'events'], ['6th of this month', 'has domain', 'flights'], ['march 3rd', 'has domain', 'flights'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2052\n", + "dialogue: \"user\": \"i want you to find me something interesting to do on march 12th somewhere around philadelphia . i usually enjoy games events .\"\n", + "\"system\": \"there are 7 events which you might be interested in . one of the events is the match of eagles vs cowboys which will happen on march 12th at 6 pm in lincoln financial field .\"\n", + "\"user\": \"that seems good . can you find me a bus to go there which leaves on 9th of this month from nyc ?\"\n", + "\"system\": \"there are 7 buses which you might want taking . one of the buses you can consider is the one leaving at 7 : 40 am , and it has 0 transfers . the ticket for this bus will cost you $ 21 .\"\n", + "\"user\": \"is there some other bus you can recommend ? i need the bus for 4 people .\"\n", + "\"system\": \"there are 6 buses which you might like having . one of the buses with 0 transfers leaves at 8 am , and the ticket for this bus will cost you $ 23 .\"\n", + "\"user\": \"that is nice .\"\n", + "\"system\": \"are you willing to buy tickets for this bus ?\"\n", + "\"user\": \"no , i am not interested to buy the tickets for the bus now . can you look for a round trip flight that i can have to go there ? i want to have the flight with delta airlines , and i need to have three seats . i will be leaving for my trip on 5th of march .\"\n", + "\"system\": \"can you tell me the day when you will be having the return flight ?\"\n", + "\"user\": \"i will be returning on 10th of this month .\"\n", + "\"system\": \"how would you like flying with delta airlines , with the flight which leaves at 6 : 20 am local time , and when it returns it flies at 10 : 25 pm local time . the ticket for this flight costs $ 112 per passenger .\"\n", + "\"user\": \"okay . can you also find me a three star hotel in that area , so that i will have a place to stay ? i am interested in having 2 rooms .\"\n", + "\"system\": \"a good 3 star hotel i can recommend is the aka university city .\"\n", + "\"user\": \"that seems nice .\"\n", + "\"system\": \"can i help you with something else ?\"\n", + "\"user\": \"i would like to have tickets bought for the event you found earlies .\"\n", + "\"system\": \"can you please confirm that you want to buy 3 tickets for the match of eagles vs cowboys , which will happen on march 12th in philadelphia ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your requested tickets have been booked . enjoy the event !\"\n", + "\"user\": \"i appreciate your help very much . that would be all .\"\n", + "\"system\": \"have a wonderful time !\"\n", + "\n", + "terms: ['7', 'buses', '9th of this month', '2', 'lincoln financial field', 'airlines', 'time', '10 : 25 pm', '6 : 20 am', '8 am', 'delta airlines', '6', '10th of this month', '$ 23', '7 : 40 am', '6 pm', '5th of march', '$ 112', 'philadelphia', 'eagles vs cowboys', '$ 21', 'aka university city', 'march 12th', 'transfers', 'nyc', 'events', '3', '4', '0', 'three']\n", + "relations: [['city of event', 'has value', 'philadelphia'], ['7', 'has domain', 'events'], ['return date', 'has value', '10th of this month'], ['buses', 'has slot', 'leaving time'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['6', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['8 am', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['inbound departure time', 'has value', '10 : 25 pm'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['airlines', 'has value', 'delta airlines'], ['10 : 25 pm', 'has domain', 'flights'], ['delta airlines', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['departure date', 'has value', '5th of march'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '7'], ['flights', 'has slot', 'passengers'], ['2', 'has domain', 'hotels'], ['buses', 'has slot', 'count'], ['date', 'has value', 'march 12th'], ['lincoln financial field', 'has domain', 'events'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['nyc', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['number of rooms', 'has value', '2'], ['3', 'has domain', 'flights'], ['time', 'has value', '6 pm'], ['buses', 'has slot', 'transfers'], ['passengers', 'has value', '3'], ['leaving time', 'has value', '8 am'], ['7', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['events', 'has slot', 'count'], ['from location', 'has value', 'nyc'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['$ 21', 'has domain', 'buses'], ['flights', 'has slot', 'searchroundtripflights'], ['star rating', 'has value', '3'], ['flights', 'has slot', 'inbound departure time'], ['place name', 'has value', 'aka university city'], ['events', 'has slot', 'buyeventtickets'], ['9th of this month', 'has domain', 'buses'], ['fare', 'has value', '$ 23'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['2', 'refers to same concept as', '$ 2'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['count', 'has value', '6'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '7 : 40 am'], ['3', 'has domain', 'events'], ['march 12th', 'has domain', 'events'], ['10th of this month', 'has domain', 'flights'], ['travelers', 'has value', '4'], ['event name', 'has value', 'eagles vs cowboys'], ['3', 'refers to same concept as', 'three'], ['$ 23', 'has domain', 'buses'], ['fare', 'has value', '$ 21'], ['sports', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['6 : 20 am', 'has domain', 'flights'], ['$ 112', 'has domain', 'flights'], ['buses', 'has slot', 'travelers'], ['price', 'has value', '$ 112'], ['7 : 40 am', 'has domain', 'buses'], ['5th of march', 'has domain', 'flights'], ['4', 'has domain', 'buses'], ['philadelphia', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['category', 'has value', 'sports'], ['aka university city', 'has domain', 'hotels'], ['event location', 'has value', 'lincoln financial field'], ['6 pm', 'has domain', 'events'], ['eagles vs cowboys', 'has domain', 'events'], ['outbound departure time', 'has value', '6 : 20 am'], ['leaving date', 'has value', '9th of this month'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2053\n", + "dialogue: \"user\": \"i ' m looking for something to do that will arouse my curiosity .\"\n", + "\"system\": \"where should i look ? what event type do you prefer ?\"\n", + "\"user\": \"a sports event in la would be great .\"\n", + "\"system\": \"one of 10 events i found is on march 12th at 8 : 30 pm . dodger stadium is hosting the dodgers vs cubs game which many people like .\"\n", + "\"user\": \"sounds fun . what else did you find in the event category ?\"\n", + "\"system\": \"another one many people enjoy is the dodgers vs diamondbacks . dodger stadium is hosting this event at 7 pm on march 12th .\"\n", + "\"user\": \"i really like that one . i need a bus from sf going there on the 11th of march .\"\n", + "\"system\": \"i found a bus with 0 transfers leaving at 7 am for $ 43 .\"\n", + "\"user\": \"that will work .\"\n", + "\"system\": \"shall i secure the bus tickets by purchasing them ?\"\n", + "\"user\": \"not right now . i ' m also interested in a roundtrip flight there on alaska airlines returning march 12th for a traveler with 0 bags .\"\n", + "\"system\": \"will your departure date be march 11th or march 12th .\"\n", + "\"user\": \"a flight going there today please .\"\n", + "\"system\": \"alaska airlines has 1 flight leaving at 9 : 05 am and with a leave return time of 4 : 55 am for $ 172 per person .\"\n", + "\"user\": \"i see . i also need 2 hotel rooms in that area .\"\n", + "\"system\": \"a 2 star hotel choice from 10 i found is ac hotel by marriott beverly hills .\"\n", + "\"user\": \"do you know the address ?\"\n", + "\"system\": \"yes . the hotel is at 6399 wilshire boulevard .\"\n", + "\"user\": \"i need to know their contact number and if they allow smoking .\"\n", + "\"system\": \"the hotel does not allow smoking on the grounds . you can reach them at + 1 323 - 852 - 7000 .\"\n", + "\"user\": \"seems like a good place .\"\n", + "\"system\": \"shall i make your hotel reservation ?\"\n", + "\"user\": \"not yet , thanks .\"\n", + "\"system\": \"what else can i do for you ?\"\n", + "\"user\": \"buy tickets for the event you discovered .\"\n", + "\"system\": \"do you know how many tickets you will need ?\"\n", + "\"user\": \"i would like 3 passes .\"\n", + "\"system\": \"with your approval i will purchase 3 passes for the dodgers vs diamondbacks game on march 12th in los angeles .\"\n", + "\"user\": \"just purchase 2 passes .\"\n", + "\"system\": \"do you approve a purchase of 2 passes for the los angeles game ?\"\n", + "\"user\": \"approval granted . i also need the location address .\"\n", + "\"system\": \"the passes have been purchased . the event location is 1000 vin scully ave .\"\n", + "\"user\": \"you ' re the greatest help . i ' m going to take a break .\"\n", + "\"system\": \"see you later .\"\n", + "\n", + "terms: ['11th of march', 'march 11th', 'los angeles', 'ac hotel by marriott beverly hills', '4 : 55 am', '2', '6399 wilshire boulevard', 'sports', 'airlines', 'time', '+ 1 323 - 852 - 7000', 'la', 'dodgers vs diamondbacks', 'alaska airlines', 'today', 'category', 'departure date', 'one', 'event location', '7 am', 'dodgers vs cubs', 'sf', '9 : 05 am', '1000 vin scully ave', '8 : 30 pm', 'march 12th', 'transfers', '7 pm', '$ 43', 'dodger stadium', 'events', '3', '0', '$ 172', '10', 'date', '1']\n", + "relations: [['dodgers vs diamondbacks', 'has domain', 'events'], ['buses', 'has slot', 'leaving time'], ['$ 172', 'has domain', 'flights'], ['place name', 'has value', 'ac hotel by marriott beverly hills'], ['events', 'has slot', 'findevents'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['los angeles', 'refers to same concept as', 'la'], ['city of event', 'has value', 'la'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['hotels', 'has slot', 'street address'], ['street address', 'has value', '6399 wilshire boulevard'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '10'], ['return date', 'has value', 'march 12th'], ['outbound departure time', 'has value', '9 : 05 am'], ['11th of march', 'has domain', 'buses'], ['+ 1 323 - 852 - 7000', 'has domain', 'hotels'], ['flights', 'has slot', 'count'], ['2', 'has domain', 'hotels'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['departure date', 'has value', 'today'], ['leaving date', 'has value', '11th of march'], ['date', 'has value', 'march 12th'], ['7 pm', 'has domain', 'events'], ['ac hotel by marriott beverly hills', 'has domain', 'hotels'], ['events', 'has slot', 'time'], ['alaska airlines', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['airlines', 'has value', 'alaska airlines'], ['0', 'has domain', 'flights'], ['dodger stadium', 'has domain', 'events'], ['flights', 'has slot', 'price'], ['number of rooms', 'has value', '2'], ['1', 'refers to same concept as', 'one'], ['buses', 'has slot', 'transfers'], ['march 12th', 'has domain', 'flights'], ['time', 'has value', '8 : 30 pm'], ['false', 'has domain', 'hotels'], ['7 am', 'has domain', 'buses'], ['los angeles', 'has domain', 'events'], ['inbound departure time', 'has value', '4 : 55 am'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['9 : 05 am', 'has domain', 'flights'], ['star rating', 'has value', '2'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['phone number', 'has value', '+ 1 323 - 852 - 7000'], ['address of location', 'has value', '1000 vin scully ave'], ['price', 'has value', '$ 172'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['from location', 'has value', 'sf'], ['events', 'has slot', 'buyeventtickets'], ['10', 'has domain', 'events'], ['$ 43', 'has domain', 'buses'], ['la', 'has domain', 'events'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['leaving time', 'has value', '7 am'], ['departure date', 'has value', 'march 11th'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['1000 vin scully ave', 'has domain', 'events'], ['hotels', 'has slot', 'smoking allowed'], ['3', 'has domain', 'events'], ['count', 'has value', '1'], ['march 12th', 'has domain', 'events'], ['today', 'has domain', 'flights'], ['1', 'has domain', 'flights'], ['fare', 'has value', '$ 43'], ['8 : 30 pm', 'has domain', 'events'], ['6399 wilshire boulevard', 'has domain', 'hotels'], ['smoking allowed', 'has value', 'false'], ['number checked bags', 'has value', '0'], ['time', 'has value', '7 pm'], ['event name', 'has value', 'dodgers vs diamondbacks'], ['sports', 'has domain', 'events'], ['dodgers vs cubs', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'count'], ['hotels', 'has slot', 'phone number'], ['flights', 'has slot', 'number checked bags'], ['event name', 'has value', 'dodgers vs cubs'], ['departure date', 'has value', 'march 12th'], ['march 11th', 'has domain', 'flights'], ['buses', 'has slot', 'buybusticket'], ['sf', 'has domain', 'buses'], ['category', 'has value', 'sports'], ['event location', 'has value', 'dodger stadium'], ['4 : 55 am', 'has domain', 'flights'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2054\n", + "dialogue: \"user\": \"can you find me something interesting to do ?\"\n", + "\"system\": \"which city should i look in ? would you like a specific category like music or sports ?\"\n", + "\"user\": \"i would like to find a sports event in vancouver .\"\n", + "\"system\": \"the whitecaps vs colorado rapids game is being held at bc place on march 8th at 7 : 30 pm . how does that sound ?\"\n", + "\"user\": \"that sound great !\"\n", + "\"system\": \"would you like to buy tickets to this event ?\"\n", + "\"user\": \"maybe later . can you find me a bus going there ?\"\n", + "\"system\": \"where will you be leaving from ?\"\n", + "\"user\": \"i am leaving from portland or .\"\n", + "\"system\": \"would you like to leave on march 8th ?\"\n", + "\"user\": \"no , i want 1 ticket leaving on the 6th .\"\n", + "\"system\": \"i found 8 buses for you . there is a bus leaving at 6 : 50 am with 0 transfers for $ 46 . does this work for you ?\"\n", + "\"user\": \"which bus station would i leave from ?\"\n", + "\"system\": \"this bus departs from the portland bus station\"\n", + "\"user\": \"that sounds perfect .\"\n", + "\"system\": \"would you like to buy a ticker for this bus ?\"\n", + "\"user\": \"no , not right now . can you find me a round trip flight going there ?\"\n", + "\"system\": \"would you be leaving march 8th ?\"\n", + "\"user\": \"no i want to fly on the 4th of march on delta airlines .\"\n", + "\"system\": \"which day would you like to return ?\"\n", + "\"user\": \"i want to return on the 11th of this month . i have zero bags to check .\"\n", + "\"system\": \"i found 1 flight for you . there is a flight with delta airlines leaving at 5 : 15 pm local time and returning at 10 : 15 am local time for $ 464 per passenger . does this work for you ?\"\n", + "\"user\": \"which class is this ticket ?\"\n", + "\"system\": \"this is an economy class ticket .\"\n", + "\"user\": \"okay . can you find me a hotel in the area too ?\"\n", + "\"system\": \"the atrium inn vancouver is rated 3 stars . does this work for you ?\"\n", + "\"user\": \"that sounds good . can i purchase tickets to the event you found now ?\"\n", + "\"system\": \"sure ! i am booking 1 ticket to the whitecaps vs colorado rapids game on march 8th in vancouver . is this correct ?\"\n", + "\"user\": \"yes , that ' s correct . what is the address ?\"\n", + "\"system\": \"your ticket has been successfully booked . enjoy the game ! the address is 777 pacific boulevard .\"\n", + "\"user\": \"thank you for all your help !\"\n", + "\"system\": \"no problem . is there anything else i can do for you ?\"\n", + "\"user\": \"no , that ' s all . thanks .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['5 : 15 pm', 'economy', 'buses', 'sports', 'airlines', 'time', 'delta airlines', 'bc place', '777 pacific boulevard', 'portland or', 'vancouver', '4th of march', 'category', '7 : 30 pm', 'music', '$ 46', '8', 'atrium inn vancouver', '6 : 50 am', 'transfers', '$ 464', '11th of this month', '10 : 15 am', '3', 'the 6th', 'whitecaps vs colorado rapids', '0', '1', 'march 8th']\n", + "relations: [['the 6th', 'has domain', 'buses'], ['from location', 'has value', 'portland or'], ['buses', 'has slot', 'leaving time'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['march 8th', 'has domain', 'buses'], ['bc place', 'has domain', 'events'], ['march 8th', 'has domain', 'flights'], ['0', 'has domain', 'buses'], ['leaving date', 'has value', 'the 6th'], ['number of seats', 'has value', '1'], ['flights', 'has slot', 'departure date'], ['fare', 'has value', '$ 46'], ['portland bus station', 'has domain', 'buses'], ['address of location', 'has value', '777 pacific boulevard'], ['flight class', 'has value', 'economy'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['airlines', 'has value', 'delta airlines'], ['delta airlines', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'from station'], ['5 : 15 pm', 'has domain', 'flights'], ['hotels', 'has slot', 'place name'], ['whitecaps vs colorado rapids', 'has domain', 'events'], ['leaving time', 'has value', '6 : 50 am'], ['flights', 'has slot', 'count'], ['from station', 'has value', 'portland bus station'], ['buses', 'has slot', 'count'], ['march 8th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'march 8th'], ['event name', 'has value', 'whitecaps vs colorado rapids'], ['0', 'has domain', 'flights'], ['place name', 'has value', 'atrium inn vancouver'], ['$ 464', 'has domain', 'flights'], ['8', 'has domain', 'buses'], ['6 : 50 am', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['date', 'has value', 'march 8th'], ['city of event', 'has value', 'vancouver'], ['inbound departure time', 'has value', '10 : 15 am'], ['vancouver', 'has domain', 'events'], ['7 : 30 pm', 'has domain', 'events'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['portland or', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['777 pacific boulevard', 'has domain', 'events'], ['category', 'has value', 'music'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['11th of this month', 'has domain', 'flights'], ['flights', 'has slot', 'searchroundtripflights'], ['travelers', 'has value', '1'], ['$ 46', 'has domain', 'buses'], ['star rating', 'has value', '3'], ['departure date', 'has value', '4th of march'], ['atrium inn vancouver', 'has domain', 'hotels'], ['event location', 'has value', 'bc place'], ['flights', 'has slot', 'inbound departure time'], ['events', 'has slot', 'buyeventtickets'], ['return date', 'has value', '11th of this month'], ['4th of march', 'has domain', 'flights'], ['events', 'has slot', 'category'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['count', 'has value', '1'], ['1', 'has domain', 'flights'], ['departure date', 'has value', 'march 8th'], ['number checked bags', 'has value', '0'], ['count', 'has value', '8'], ['sports', 'has domain', 'events'], ['price', 'has value', '$ 464'], ['buses', 'has slot', 'leaving date'], ['10 : 15 am', 'has domain', 'flights'], ['buses', 'has slot', 'travelers'], ['flights', 'has slot', 'number checked bags'], ['buses', 'has slot', 'buybusticket'], ['category', 'has value', 'sports'], ['economy', 'has domain', 'flights'], ['time', 'has value', '7 : 30 pm'], ['1', 'has domain', 'events'], ['outbound departure time', 'has value', '5 : 15 pm'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2055\n", + "dialogue: \"user\": \"i ' m looking for some rock music in philly .\"\n", + "\"system\": \"there are 5 options . don broco will be at the foundry on march 7th at 6 pm .\"\n", + "\"user\": \"where are they located ?\"\n", + "\"system\": \"they ' re at 29 east allen street 2nd floor .\"\n", + "\"user\": \"great . i need a bus going there .\"\n", + "\"system\": \"is your departure date march 7th ? what is your departure location ?\"\n", + "\"user\": \"leaving tomorrow with three from new york .\"\n", + "\"system\": \"there are 7 options . there is a bus departing at 7 : 40 am with 0 transfers for $ 24 .\"\n", + "\"user\": \"what station do i arrive at ?\"\n", + "\"system\": \"your arrival station is intercity terminal .\"\n", + "\"user\": \"what is the departing station ?\"\n", + "\"system\": \"departing from port authority station .\"\n", + "\"user\": \"great . can you help me find premium economy roundtrip flights on the 1st of this month .\"\n", + "\"system\": \"on what day are you returning ?\"\n", + "\"user\": \"returning on the 6th .\"\n", + "\"system\": \"there is an american airlines flight leaving at 8 : 55 pm and reurning at 8 : 45 pm for a total of $ 181 .\"\n", + "\"user\": \"can i assist you further ?\"\n", + "\"system\": \"there is a delta airlines flight leaving at 6 : 20 am and arriving at 4 : 20 am for a total of $ 191 .\"\n", + "\"user\": \"is there anything else . i have 0 bags for check in .\"\n", + "\"system\": \"there is 1 option . southwest airlines has a flight taking off at 6 : 35 pm and returning at 6 : 30 pm for $ 170 per ticket .\"\n", + "\"user\": \"what is the arrival time and location ?\"\n", + "\"system\": \"the flight arrives at phl international airport at 7 : 26 pm .\"\n", + "\"user\": \"okay . i need three hotel rooms at a three star hotel in the area .\"\n", + "\"system\": \"aka university city is a 3 star hotel in the area .\"\n", + "\"user\": \"where are they located and what ' s their nightly rate ?\"\n", + "\"system\": \"they ' re located at cira centre south , 2929 walnut street and have a nightly rate of $ 225 .\"\n", + "\"user\": \"are there any other four star hotels in the area ?\"\n", + "\"system\": \"the hilton philadelphia at penn ' s landing is a 4 star hotel in the area .\"\n", + "\"user\": \"are there any other options ?\"\n", + "\"system\": \"the kimpton hotel monaco philadelphia is a 4 star hotel in the area .\"\n", + "\"user\": \"okay . can you please book tickets for the event i liked ?\"\n", + "\"system\": \"please confirm you want to book 3 tickets for don broco on march 7th in philadelphia .\"\n", + "\"user\": \"yes . that ' s perfect .\"\n", + "\"system\": \"your booking was a success . please enjoy your day .\"\n", + "\"user\": \"thanks for everything .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no . that ' s all . thanks .\"\n", + "\"system\": \"okay . please have a great day .\"\n", + "\n", + "terms: ['march 7th', 'don broco', 'southwest airlines', '7', 'philly', '7 : 26 pm', '$ 24', 'airlines', 'time', '6 : 20 am', 'delta airlines', 'the foundry', '8 : 55 pm', \"hilton philadelphia at penn ' s landing\", 'premium economy', '7 : 40 am', '6 pm', 'new york', '$ 191', '1st of this month', 'departure date', 'music', 'philadelphia', '6 : 30 pm', 'american airlines', '8 : 45 pm', '5', 'phl international airport', 'hotels', '4 : 20 am', 'four', '$ 181', 'cira centre south , 2929 walnut street', '6 : 35 pm', 'transfers', 'tomorrow', '3', 'intercity terminal', 'the 6th', '4', '$ 170', '29 east allen street 2nd floor', '0', 'flights', 'port authority station', 'kimpton hotel monaco philadelphia', 'rock', 'three', 'date', '1', '$ 225']\n", + "relations: [['city of event', 'has value', 'philadelphia'], ['outbound arrival time', 'has value', '7 : 26 pm'], ['buses', 'has slot', 'leaving time'], ['city of event', 'has value', 'philly'], ['events', 'has slot', 'findevents'], ['tomorrow', 'has domain', 'buses'], ['flights', 'has slot', 'outbound arrival time'], ['buses', 'has slot', 'from location'], ['departure date', 'has value', '1st of this month'], ['phl international airport', 'has domain', 'flights'], ['price', 'has value', '$ 191'], ['airlines', 'has value', 'american airlines'], ['address of location', 'has value', '29 east allen street 2nd floor'], ['0', 'has domain', 'buses'], ['5', 'has domain', 'events'], ['flights', 'has slot', 'departure date'], ['4', 'refers to same concept as', 'four'], ['$ 170', 'has domain', 'flights'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['march 7th', 'has domain', 'events'], ['flights', 'has slot', 'flight class'], ['hotels', 'has slot', 'star rating'], ['airlines', 'has value', 'delta airlines'], ['3', 'has domain', 'buses'], ['delta airlines', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['to station', 'has value', 'intercity terminal'], ['events', 'has slot', 'address of location'], ['hotels', 'has slot', 'street address'], ['cira centre south , 2929 walnut street', 'has domain', 'hotels'], ['$ 24', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['inbound departure time', 'has value', '6 : 30 pm'], ['hotels', 'has slot', 'place name'], ['leaving date', 'has value', 'tomorrow'], ['port authority station', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['count', 'has value', '7'], ['inbound departure time', 'has value', '4 : 20 am'], ['premium economy', 'has domain', 'flights'], ['hotels', 'has slot', 'price per night'], ['the 6th', 'has domain', 'flights'], ['7 : 26 pm', 'has domain', 'flights'], ['buses', 'has slot', 'count'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], [\"hilton philadelphia at penn ' s landing\", 'has domain', 'hotels'], ['0', 'has domain', 'flights'], ['event name', 'has value', 'don broco'], ['rock', 'has domain', 'events'], ['the foundry', 'has domain', 'events'], ['intercity terminal', 'has domain', 'buses'], ['8 : 45 pm', 'has domain', 'flights'], ['4', 'has domain', 'hotels'], ['place name', 'has value', 'kimpton hotel monaco philadelphia'], ['flights', 'has slot', 'price'], ['6 : 30 pm', 'has domain', 'flights'], ['price', 'has value', '$ 181'], ['leaving date', 'has value', 'march 7th'], ['airlines', 'has value', 'southwest airlines'], ['time', 'has value', '6 pm'], ['buses', 'has slot', 'transfers'], ['philly', 'has domain', 'events'], ['star rating', 'has value', '4'], ['number of rooms', 'has value', '3'], ['date', 'has value', 'march 7th'], ['7', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flight class', 'has value', 'premium economy'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['8 : 55 pm', 'has domain', 'flights'], ['$ 181', 'has domain', 'flights'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['place name', 'has value', \"hilton philadelphia at penn ' s landing\"], ['subcategory', 'has value', 'rock'], ['star rating', 'has value', '3'], ['fare', 'has value', '$ 24'], ['outbound departure time', 'has value', '6 : 35 pm'], ['don broco', 'has domain', 'events'], ['flights', 'has slot', 'inbound departure time'], ['place name', 'has value', 'aka university city'], ['events', 'has slot', 'buyeventtickets'], ['flights', 'has slot', 'destination airport name'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['1st of this month', 'has domain', 'flights'], ['american airlines', 'has domain', 'flights'], ['4 : 20 am', 'has domain', 'flights'], ['price per night', 'has value', '$ 225'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '7 : 40 am'], ['3', 'has domain', 'events'], ['price', 'has value', '$ 170'], ['count', 'has value', '1'], ['inbound departure time', 'has value', '8 : 45 pm'], ['1', 'has domain', 'flights'], ['6 : 35 pm', 'has domain', 'flights'], ['3', 'refers to same concept as', 'three'], ['count', 'has value', '5'], ['outbound departure time', 'has value', '8 : 55 pm'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['events', 'has slot', 'subcategory'], ['from location', 'has value', 'new york'], ['street address', 'has value', 'cira centre south , 2929 walnut street'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['6 : 20 am', 'has domain', 'flights'], ['29 east allen street 2nd floor', 'has domain', 'events'], ['destination airport name', 'has value', 'phl international airport'], ['return date', 'has value', 'the 6th'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['flights', 'has slot', 'number checked bags'], ['march 7th', 'has domain', 'buses'], ['$ 225', 'has domain', 'hotels'], ['philadelphia', 'has domain', 'events'], ['southwest airlines', 'has domain', 'flights'], ['aka university city', 'has domain', 'hotels'], ['6 pm', 'has domain', 'events'], ['from station', 'has value', 'port authority station'], ['outbound departure time', 'has value', '6 : 20 am'], ['philadelphia', 'refers to same concept as', 'philly'], ['$ 191', 'has domain', 'flights'], ['events', 'has slot', 'event name'], ['event location', 'has value', 'the foundry'], ['kimpton hotel monaco philadelphia', 'has domain', 'hotels']]\n", + "\n", + "dialogue id: sgd-validation-2056\n", + "dialogue: \"user\": \"hi , are there any interesting things i can do ?\"\n", + "\"system\": \"what type of events , such as music and sports events , would you like , and where will you interested in ?\"\n", + "\"user\": \"i would love a concert in los angeles please .\"\n", + "\"system\": \"there is an event by bill callahan at lodge room on march 2nd at 8 : 30 pm .\"\n", + "\"user\": \"sure , that is fine with me !\"\n", + "\"system\": \"would you like to purchase event tickets ?\"\n", + "\"user\": \"perhaps later , could you get me a bus for three on the 1st of march departing from sd ?\"\n", + "\"system\": \"how about a bus departing at 6 : 10 am with 0 transfers costing $ 24 ?\"\n", + "\"user\": \"may i know where will i depart from ?\"\n", + "\"system\": \"you will depart from the santa fe depot .\"\n", + "\"user\": \"and which station will i arrive at ?\"\n", + "\"system\": \"you will arrive at the union station .\"\n", + "\"user\": \"that is perfect .\"\n", + "\"system\": \"would you like me to purchase the bus tickets ?\"\n", + "\"user\": \"no thanks , could you get me round trip premium economy tickets ? i have 0 bags to check in .\"\n", + "\"system\": \"will you depart on the march 2nd ?\"\n", + "\"user\": \"yes , and i will return on the 11th of this month . could you get me southwest airlines flight please ?\"\n", + "\"system\": \"sure , how about 1 southwest airlines flight at 11 : 45 am which returns at 3 : 35 pm and costs $ 178 per ticket ?\"\n", + "\"user\": \"sure , that is fine with me .\"\n", + "\"system\": \"could i further assist you ?\"\n", + "\"user\": \"could you get me some hotel rooms too ?\"\n", + "\"system\": \"there are 10 hotels which you may like , how about ac hotel by marriott beverly hills , a 2 star hotel ?\"\n", + "\"user\": \"are there any alternative three star hotels which i can smoke in ?\"\n", + "\"system\": \"how about a 3 star hotel called airtel plaza hotel ?\"\n", + "\"user\": \"how about one which has a four star rating ?\"\n", + "\"system\": \"there is a 4 star hotel called hilton checkers los angeles .\"\n", + "\"user\": \"sure , could you purchase the event tickets now ?\"\n", + "\"system\": \"please confirm your purchase of 3 tickets for the bill callahan event in los angeles on march 2nd .\"\n", + "\"user\": \"sure , may i have their address please .\"\n", + "\"system\": \"your reservation has been made , and you can visit them at 104 n . ave 56 , 2nd floor .\"\n", + "\"user\": \"i see , that is all i need . thanks !\"\n", + "\"system\": \"no problem , enjoy your trip !\"\n", + "\n", + "terms: ['los angeles', 'ac hotel by marriott beverly hills', 'southwest airlines', '2', 'sports', '$ 24', 'airlines', 'santa fe depot', '11 : 45 am', 'bill callahan', '6 : 10 am', 'union station', 'premium economy', 'sd', 'march 2nd', 'music', '$ 178', 'one', 'lodge room', 'hotels', 'four', 'hilton checkers', '3 : 35 pm', '8 : 30 pm', 'hilton checkers los angeles', 'airtel plaza hotel', 'transfers', 'events', '11th of this month', '3', '4', '0', 'star rating', '104 n . ave 56 , 2nd floor', '10', 'three', '1', '1st of march']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['3 : 35 pm', 'has domain', 'flights'], ['place name', 'has value', 'ac hotel by marriott beverly hills'], ['event location', 'has value', 'lodge room'], ['events', 'has slot', 'findevents'], ['march 2nd', 'has domain', 'flights'], ['city of event', 'has value', 'los angeles'], ['1st of march', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['union station', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['4', 'refers to same concept as', 'four'], ['lodge room', 'has domain', 'events'], ['leaving date', 'has value', '1st of march'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['place name', 'has value', 'hilton checkers los angeles'], ['$ 24', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['date', 'has value', 'march 2nd'], ['hotels', 'has slot', 'place name'], ['11 : 45 am', 'has domain', 'flights'], ['count', 'has value', '10'], ['from station', 'has value', 'santa fe depot'], ['flights', 'has slot', 'count'], ['104 n . ave 56 , 2nd floor', 'has domain', 'events'], ['leaving time', 'has value', '6 : 10 am'], ['2', 'has domain', 'hotels'], ['premium economy', 'has domain', 'flights'], ['address of location', 'has value', '104 n . ave 56 , 2nd floor'], ['march 2nd', 'has domain', 'events'], ['ac hotel by marriott beverly hills', 'has domain', 'hotels'], ['events', 'has slot', 'time'], ['place name', 'has value', 'airtel plaza hotel'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['0', 'has domain', 'flights'], ['smoking allowed', 'has value', 'true'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['inbound departure time', 'has value', '3 : 35 pm'], ['1', 'refers to same concept as', 'one'], ['airlines', 'has value', 'southwest airlines'], ['buses', 'has slot', 'transfers'], ['time', 'has value', '8 : 30 pm'], ['outbound departure time', 'has value', '11 : 45 am'], ['star rating', 'has value', '4'], ['los angeles', 'has domain', 'events'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flight class', 'has value', 'premium economy'], ['price', 'has value', '$ 178'], ['flights', 'has slot', 'outbound departure time'], ['event name', 'has value', 'bill callahan'], ['category', 'has value', 'music'], ['departure date', 'has value', 'march 2nd'], ['star rating', 'has value', '2'], ['flights', 'has slot', 'airlines'], ['6 : 10 am', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['11th of this month', 'has domain', 'flights'], ['flights', 'has slot', 'searchroundtripflights'], ['sd', 'has domain', 'buses'], ['star rating', 'has value', '3'], ['fare', 'has value', '$ 24'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['events', 'has slot', 'buyeventtickets'], ['return date', 'has value', '11th of this month'], ['events', 'has slot', 'category'], ['2', 'refers to same concept as', '$ 2'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['hotels', 'has slot', 'smoking allowed'], ['3', 'has domain', 'events'], ['count', 'has value', '1'], ['1', 'has domain', 'flights'], ['3', 'refers to same concept as', 'three'], ['8 : 30 pm', 'has domain', 'events'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['from location', 'has value', 'sd'], ['hilton checkers los angeles', 'refers to same concept as', 'hilton checkers'], ['hilton checkers los angeles', 'has domain', 'hotels'], ['sports', 'has domain', 'events'], ['to station', 'has value', 'union station'], ['airtel plaza hotel', 'has domain', 'hotels'], ['bill callahan', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'count'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['flights', 'has slot', 'number checked bags'], ['$ 178', 'has domain', 'flights'], ['buses', 'has slot', 'buybusticket'], ['southwest airlines', 'has domain', 'flights'], ['category', 'has value', 'sports'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2057\n", + "dialogue: \"user\": \"i want you to help me find some interesting things i can do .\"\n", + "\"system\": \"is there a specific city you want me to search for the interesting things you can do ?\"\n", + "\"user\": \"i am interested for something happening around san diego .\"\n", + "\"system\": \"do you have a preferred category of event you would like to attend ?\"\n", + "\"user\": \"i usually enjoy the concert events .\"\n", + "\"system\": \"there are 10 events which match what you want . one of the events is alejandro sanz on march 6th at 6 : 30 pm at cal coast credit union amphitheater .\"\n", + "\"user\": \"it seems okay , but is there some other event you can recommend ?\"\n", + "\"system\": \"another popular event is aly and aj , which will happen on march 13th at 6 : 30 pm at the observatory north park .\"\n", + "\"user\": \"can you tell me the address of the venue ?\"\n", + "\"system\": \"the address of the venue is 2891 university avenue .\"\n", + "\"user\": \"i want to know more about this event .\"\n", + "\"system\": \"this event is considered to be a pop event .\"\n", + "\"user\": \"these seem nice , but i want you to suggest me other events .\"\n", + "\"system\": \"i can also recommend bastille event which will happen on march 5th at 8 : 30 pm at cal coast credit union amphitheater .\"\n", + "\"user\": \"this one seems nice . i want to find a bus for two people to go there .\"\n", + "\"system\": \"can you tell me from where you will leave from ?\"\n", + "\"user\": \"i want to leave on 1st of this month , and i will be departing from lax .\"\n", + "\"system\": \"there are 10 bus which match your request . how would you like having the bus with 0 transfers which leaves at 7 : 40 am ? the ticket for this bus costs $ 27 .\"\n", + "\"user\": \"can ou tell me the bus station from where i will leave , and the bus station where i will arrive at ?\"\n", + "\"system\": \"the station from where the bus leaves is union station , and the station where the bus will arrive is santa fe depot .\"\n", + "\"user\": \"that seems nice .\"\n", + "\"system\": \"do you want to have tickets bought for this bus ?\"\n", + "\"user\": \"no , i am not interested to buy the tickets for the bus now .\"\n", + "\"system\": \"can i do something else to help you ?\"\n", + "\"user\": \"i want to find a round trip flight to go there , and i want to leave on 1st of this month .\"\n", + "\"system\": \"which day will you be taking your return flight ?\"\n", + "\"user\": \"i want to return on march 10th .\"\n", + "\"system\": \"do you want to have the flight of alaska airlines which leaves at 6 : 55 am local time , and when it returns it takes off at 9 : 55 am local time . the ticket for this flight costs $ 121 per passenger .\"\n", + "\"user\": \"can you suggest another flight ?\"\n", + "\"system\": \"another flight you can have is with american airlines , and it leaves at 8 : 55 pm local time , and when it returns it flies at 7 : 10 pm local time . the ticket for this flight costs $ 120 .\"\n", + "\"user\": \"okay . i also want to have three rooms in a four star hotel in that area .\"\n", + "\"system\": \"you might consider staying at the 4 star hotel called catamaran resort hotel and spa .\"\n", + "\"user\": \"can you tell me the price per night ?\"\n", + "\"system\": \"staying at this hotel will cost you $ 288 per night .\"\n", + "\"user\": \"is there some other hotel which matches my request ?\"\n", + "\"system\": \"another good 4 star hotel i can recommend is called estancia la jolla hotel & spa .\"\n", + "\"user\": \"that seems right . now i would like to buy tickets for the event you found earlier .\"\n", + "\"system\": \"can you please confirm that you want to buy 2 tickets for the bastille event which happens on march 5th in san diego ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your requested tickets have been booked . enjoy your time at the event .\"\n", + "\"user\": \"i appreciate your help a lot . that would be all .\"\n", + "\"system\": \"have a wonderful time !\"\n", + "\n", + "terms: ['cal coast credit union amphitheater', 'lax', '2', 'the observatory north park', 'march 6th', 'santa fe depot', 'time', 'airlines', 'san diego', 'aly and aj', 'march 13th', '8 : 55 pm', '6 : 55 am', 'price per night', 'union station', '$ 288', 'popular', 'catamaran resort hotel and spa', '7 : 40 am', 'alaska airlines', 'estancia la jolla hotel & spa', 'category', '1st of this month', '6 : 30 pm', 'american airlines', '$ 121', 'march 10th', 'four', '8 : 30 pm', 'alejandro sanz', '9 : 55 am', 'transfers', 'pop', '7 : 10 pm', 'catamaran resort hotel', '$ 27', 'events', '4', 'march 5th', 'bastille', '0', 'two', '10', 'three', '2891 university avenue', 'price', '$ 120']\n", + "relations: [['to station', 'has value', 'santa fe depot'], ['buses', 'has slot', 'leaving time'], ['10', 'refers to same concept as', 'ten'], ['from location', 'has value', 'lax'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['departure date', 'has value', '1st of this month'], ['union station', 'has domain', 'buses'], ['price', 'has value', '$ 120'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['4', 'refers to same concept as', 'four'], ['10', 'has domain', 'buses'], ['$ 121', 'has domain', 'flights'], ['price', 'has value', '$ 121'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['march 6th', 'has domain', 'events'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'from station'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '10'], ['place name', 'has value', 'estancia la jolla hotel & spa'], ['$ 27', 'has domain', 'buses'], ['7 : 10 pm', 'has domain', 'flights'], ['price per night', 'has value', '$ 288'], ['hotels', 'has slot', 'price per night'], ['number of seats', 'has value', '2'], ['time', 'has value', '6 : 30 pm'], ['2', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['catamaran resort hotel and spa', 'refers to same concept as', 'catamaran resort hotel'], ['events', 'has slot', 'time'], ['2891 university avenue', 'has domain', 'events'], ['alaska airlines', 'has domain', 'flights'], ['date', 'has value', 'march 6th'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['$ 120', 'has domain', 'flights'], ['airlines', 'has value', 'alaska airlines'], ['1st of this month', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['leaving date', 'has value', '1st of this month'], ['catamaran resort hotel and spa', 'has domain', 'hotels'], ['the observatory north park', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['time', 'has value', '8 : 30 pm'], ['inbound departure time', 'has value', '7 : 10 pm'], ['return date', 'has value', 'march 10th'], ['march 10th', 'has domain', 'flights'], ['pop', 'has domain', 'events'], ['star rating', 'has value', '4'], ['event location', 'has value', 'cal coast credit union amphitheater'], ['date', 'has value', 'march 5th'], ['number of rooms', 'has value', '3'], ['pop', 'refers to same concept as', 'popular'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['fare', 'has value', '$ 27'], ['event location', 'has value', 'the observatory north park'], ['outbound departure time', 'has value', '6 : 55 am'], ['flights', 'has slot', 'outbound departure time'], ['san diego', 'has domain', 'events'], ['category', 'has value', 'music'], ['march 5th', 'has domain', 'events'], ['8 : 55 pm', 'has domain', 'flights'], ['event name', 'has value', 'bastille'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['place name', 'has value', 'catamaran resort hotel and spa'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['6 : 55 am', 'has domain', 'flights'], ['event name', 'has value', 'alejandro sanz'], ['alejandro sanz', 'has domain', 'events'], ['city of event', 'has value', 'san diego'], ['flights', 'has slot', 'inbound departure time'], ['events', 'has slot', 'buyeventtickets'], ['bastille', 'has domain', 'events'], ['10', 'has domain', 'events'], ['date', 'has value', 'march 13th'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['6 : 30 pm', 'has domain', 'events'], ['1st of this month', 'has domain', 'flights'], ['american airlines', 'has domain', 'flights'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '7 : 40 am'], ['subcategory', 'has value', 'pop'], ['3', 'refers to same concept as', 'three'], ['8 : 30 pm', 'has domain', 'events'], ['outbound departure time', 'has value', '8 : 55 pm'], ['buses', 'has slot', 'to station'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['aly and aj', 'has domain', 'events'], ['events', 'has slot', 'subcategory'], ['event name', 'has value', 'aly and aj'], ['buses', 'has slot', 'leaving date'], ['inbound departure time', 'has value', '9 : 55 am'], ['2', 'refers to same concept as', 'two'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['9 : 55 am', 'has domain', 'flights'], ['address of location', 'has value', '2891 university avenue'], ['$ 288', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['cal coast credit union amphitheater', 'has domain', 'events'], ['march 13th', 'has domain', 'events'], ['lax', 'has domain', 'buses'], ['events', 'has slot', 'event name'], ['estancia la jolla hotel & spa', 'has domain', 'hotels']]\n", + "\n", + "dialogue id: sgd-validation-2058\n", + "dialogue: \"user\": \"can you help me find something to do in nyc on the 4th ?\"\n", + "\"system\": \"what type of event are you looking for ? sports , music , or something else ?\"\n", + "\"user\": \"i would like some music events .\"\n", + "\"system\": \"how about ben harper ? they are playing at pier 17 on march 4th at 8 pm .\"\n", + "\"user\": \"that ' s good , but can you find some more ?\"\n", + "\"system\": \"sure , blackbear is performing at pier 17 at 8 : 30 pm on march 4th .\"\n", + "\"user\": \"where is the venue ?\"\n", + "\"system\": \"it is located at 89 south street .\"\n", + "\"user\": \"hmm , can you find some other events ?\"\n", + "\"system\": \"how about blowout music festival ? it is taking place at knockdown center on march 4th at 7 pm .\"\n", + "\"user\": \"okay , that one sounds good .\"\n", + "\"system\": \"would you like to buy tickets ?\"\n", + "\"user\": \"perhaps later . can you find me a bus to get there ? i ' m leaving from washington on the 2nd of this month and i need tickets for 2 people .\"\n", + "\"system\": \"i found a bus that leaves at 8 : 10 am with 0 transferse that costs $ 32 .\"\n", + "\"user\": \"what station does that arrive at ?\"\n", + "\"system\": \"it arrives at port authority station .\"\n", + "\"user\": \"any other buses if i want to leave later today ?\"\n", + "\"system\": \"yes , there is a bus leaving at 8 : 20 am that has 0 transferes and costs $ 32 .\"\n", + "\"user\": \"okay . what about round trip flights there ?\"\n", + "\"system\": \"what date would you return ?\"\n", + "\"user\": \"i would return on the 12th of this month .\"\n", + "\"system\": \"and you want to leave march 1st ?\"\n", + "\"user\": \"no , i want to leave on the 4th .\"\n", + "\"system\": \"i found an american airlines flight that departs at 4 : 10 am with a return flight the leaves at 1 : 30 pm that costs $ 146 per person .\"\n", + "\"user\": \"does that flight arrive the next day ?\"\n", + "\"system\": \"no , it arrives on the same day .\"\n", + "\"user\": \"okay . can you find some hotels there ? i ' d like a 4 star hotel .\"\n", + "\"system\": \"how about 1 hotel brooklyn bridge ? it ' s a 4 star hotel .\"\n", + "\"user\": \"what is the number there ? do they allow smoking ?\"\n", + "\"system\": \"you can reach them at + 1 833 - 625 - 6111 . smoking is allowed .\"\n", + "\"user\": \"okay , that sounds good .\"\n", + "\"system\": \"can i help you with anything else ?\"\n", + "\"user\": \"i ' d like to buy tickets to that event from earlier .\"\n", + "\"system\": \"okay , so you ' d like to purchase 2 tickets to the blowout music festival in new york on march 4th , correct ?\"\n", + "\"user\": \"yes , that ' s fine .\"\n", + "\"system\": \"your tickets are confirmed . have a great time !\"\n", + "\"user\": \"thanks for the help .\"\n", + "\"system\": \"can i do anything else for you ?\"\n", + "\"user\": \"no , that ' s all thank you .\"\n", + "\"system\": \"alright , enjoy your day .\"\n", + "\n", + "terms: ['+ 1 833 - 625 - 6111', '$ 146', 'march 1st', 'buses', '2', '2nd of this month', 'sports', 'airlines', 'time', 'march 4th', '12th of this month', '1 hotel brooklyn bridge', 'pier 17', '89 south street', '8 pm', 'new york', '8 : 20 am', 'music', '4 : 10 am', 'washington', 'american airlines', '$ 32', 'hotels', 'ben harper', 'later today', '8 : 30 pm', 'nyc', 'the 4th', 'blowout music festival', '7 pm', 'events', '4', '0', 'flights', 'knockdown center', 'port authority station', 'date', 'blackbear', '8 : 10 am', '1 : 30 pm']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'leaving time'], ['the 4th', 'has domain', 'flights'], ['phone number', 'has value', '+ 1 833 - 625 - 6111'], ['events', 'has slot', 'findevents'], ['89 south street', 'has domain', 'events'], ['address of location', 'has value', '89 south street'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['blackbear', 'has domain', 'events'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['flights', 'has slot', 'departure date'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['leaving date', 'has value', 'later today'], ['8 : 20 am', 'has domain', 'buses'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['false', 'has domain', 'flights'], ['hotels', 'has slot', 'place name'], ['port authority station', 'has domain', 'buses'], ['blowout music festival', 'has domain', 'events'], ['date', 'has value', 'the 4th'], ['2nd of this month', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 10 am'], ['number of seats', 'has value', '2'], ['the 4th', 'has domain', 'events'], ['return date', 'has value', '12th of this month'], ['2', 'has domain', 'events'], ['event name', 'has value', 'blowout music festival'], ['7 pm', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['8 pm', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['+ 1 833 - 625 - 6111', 'has domain', 'hotels'], ['smoking allowed', 'has value', 'true'], ['4', 'has domain', 'hotels'], ['leaving date', 'has value', '2nd of this month'], ['flights', 'has slot', 'price'], ['flights', 'has slot', 'arrives next day'], ['event name', 'has value', 'ben harper'], ['knockdown center', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['time', 'has value', '8 : 30 pm'], ['star rating', 'has value', '4'], ['departure date', 'has value', 'march 1st'], ['ben harper', 'has domain', 'events'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['flights', 'has slot', 'airlines'], ['later today', 'has domain', 'buses'], ['$ 32', 'has domain', 'buses'], ['$ 146', 'has domain', 'flights'], ['hotels', 'has slot', 'searchhotel'], ['arrives next day', 'has value', 'false'], ['flights', 'has slot', 'searchroundtripflights'], ['departure date', 'has value', 'the 4th'], ['inbound departure time', 'has value', '1 : 30 pm'], ['event name', 'has value', 'blackbear'], ['12th of this month', 'has domain', 'flights'], ['flights', 'has slot', 'inbound departure time'], ['time', 'has value', '8 pm'], ['4 : 10 am', 'has domain', 'flights'], ['pier 17', 'has domain', 'events'], ['event location', 'has value', 'pier 17'], ['date', 'has value', 'march 4th'], ['nyc', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['1 : 30 pm', 'has domain', 'flights'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['flights', 'has slot', 'return date'], ['march 1st', 'has domain', 'flights'], ['hotels', 'has slot', 'smoking allowed'], ['8 : 30 pm', 'has domain', 'events'], ['event location', 'has value', 'knockdown center'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['2', 'has domain', 'buses'], ['time', 'has value', '7 pm'], ['travelers', 'has value', '2'], ['sports', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'travelers'], ['hotels', 'has slot', 'phone number'], ['fare', 'has value', '$ 32'], ['category', 'has value', 'sports'], ['city of event', 'has value', 'new york'], ['leaving time', 'has value', '8 : 20 am'], ['price', 'has value', '$ 146'], ['march 4th', 'has domain', 'events']]\n", + "\n", + "dialogue id: sgd-validation-2059\n", + "dialogue: \"user\": \"can you find me a music event around lax on the 12th\"\n", + "\"system\": \"what about jordan rakei at regent theater dtla on march 12th at 8 : 30 pm\"\n", + "\"user\": \"perfect , can you also find me a bus going there\"\n", + "\"system\": \"are you leaving on march 12th ? where are you traveling from\"\n", + "\"user\": \"i am traveling from las vegas on march 2nd\"\n", + "\"system\": \"i found 4 buses . what about 7 : 20 am departure with 0 transfer for $ 36\"\n", + "\"user\": \"perfect\"\n", + "\"system\": \"would you like to buy a ticket\"\n", + "\"user\": \"no , not right now . what about a round trip flight\"\n", + "\"system\": \"are you traveling on march 12th\"\n", + "\"user\": \"i want to travel on 9th of march\"\n", + "\"system\": \"when are you returning\"\n", + "\"user\": \"i will return on the 13th\"\n", + "\"system\": \"i found 2 flights . what about delta airlines for $ 213 take off at 10 : 10 am with return flight take off at 10 : 10 pm\"\n", + "\"user\": \"what airport am i traveling from\"\n", + "\"system\": \"i am traveling from mccarran international airport\"\n", + "\"user\": \"ok , please also find me a 2 star hotel in the area\"\n", + "\"system\": \"there is a 2 star hotel called beverly laurel motor hotel\"\n", + "\"user\": \"what is the address and phone number\"\n", + "\"system\": \"their number is + 1 800 - 947 - 7666 and address is 8018 beverly boulevard\"\n", + "\"user\": \"what other hotels can you find\"\n", + "\"system\": \"what about 2 star hotel dunes inn - wilshire\"\n", + "\"user\": \"ok , i now want to buy three event tickets\"\n", + "\"system\": \"please confirm your purchase of 3 tickets for jordan rakei in los angeles on march 12th\"\n", + "\"user\": \"i actually want 2 tickets\"\n", + "\"system\": \"please confirm your change to 2 tickets on march 12th\"\n", + "\"user\": \"yes , what is the event address\"\n", + "\"system\": \"it is located at 448 south main street\"\n", + "\"user\": \"thank you\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['los angeles', 'lax', 'buses', '2', 'airlines', 'delta airlines', '10 : 10 am', 'jordan rakei', '$ 213', 'vegas', 'music', '7 : 20 am', 'hotels', '+ 1 800 - 947 - 7666', 'march 12th', '3', '4', 'regent theater dtla', '0', 'flights', 'three', 'las vegas']\n", + "relations: [['event name', 'has value', 'jordan rakei'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'leaving time'], ['2', 'has domain', 'flights'], ['events', 'has slot', 'findevents'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['+ 1 800 - 947 - 7666', 'has domain', 'hotels'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['10 : 10 pm', 'has domain', 'flights'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['airlines', 'has value', 'delta airlines'], ['leaving date', 'has value', 'march 2nd'], ['delta airlines', 'has domain', 'flights'], ['march 12th', 'has domain', 'buses'], ['events', 'has slot', 'number of seats'], ['city of event', 'has value', 'lax'], ['event location', 'has value', 'regent theater dtla'], ['events', 'has slot', 'address of location'], ['hotels', 'has slot', 'street address'], ['street address', 'has value', '8018 beverly boulevard'], ['date', 'has value', 'the 12th'], ['hotels', 'has slot', 'place name'], ['leaving date', 'has value', 'march 12th'], ['flights', 'has slot', 'count'], ['2', 'has domain', 'hotels'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['date', 'has value', 'march 12th'], ['mccarran international airport', 'has domain', 'flights'], ['448 south main street', 'has domain', 'events'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['smoking allowed', 'has value', 'true'], ['flights', 'has slot', 'price'], ['the 12th', 'has domain', 'events'], ['inbound departure time', 'has value', '10 : 10 pm'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['$ 213', 'has domain', 'flights'], ['march 12th', 'has domain', 'flights'], ['time', 'has value', '8 : 30 pm'], ['jordan rakei', 'has domain', 'events'], ['los angeles', 'has domain', 'events'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['lax', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['the 13th', 'has domain', 'flights'], ['category', 'has value', 'music'], ['fare', 'has value', '$ 36'], ['star rating', 'has value', '2'], ['leaving time', 'has value', '7 : 20 am'], ['flights', 'has slot', 'airlines'], ['dunes inn - wilshire', 'has domain', 'hotels'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['outbound departure time', 'has value', '10 : 10 am'], ['flights', 'has slot', 'inbound departure time'], ['count', 'has value', '2'], ['10 : 10 am', 'has domain', 'flights'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'category'], ['2', 'refers to same concept as', '$ 2'], ['from location', 'has value', 'las vegas'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['hotels', 'has slot', 'smoking allowed'], ['3', 'has domain', 'events'], ['march 12th', 'has domain', 'events'], ['regent theater dtla', 'has domain', 'events'], ['origin airport name', 'has value', 'mccarran international airport'], ['beverly laurel motor hotel', 'has domain', 'hotels'], ['las vegas', 'refers to same concept as', 'vegas'], ['8 : 30 pm', 'has domain', 'events'], ['3', 'refers to same concept as', 'three'], ['8018 beverly boulevard', 'has domain', 'hotels'], ['las vegas', 'has domain', 'buses'], ['march 2nd', 'has domain', 'buses'], ['price', 'has value', '$ 213'], ['7 : 20 am', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['address of location', 'has value', '448 south main street'], ['count', 'has value', '4'], ['place name', 'has value', 'beverly laurel motor hotel'], ['return date', 'has value', 'the 13th'], ['hotels', 'has slot', 'phone number'], ['4', 'has domain', 'buses'], ['place name', 'has value', 'dunes inn - wilshire'], ['departure date', 'has value', 'march 12th'], ['buses', 'has slot', 'buybusticket'], ['departure date', 'has value', '9th of march'], ['los angeles', 'refers to same concept as', 'lax'], ['phone number', 'has value', '+ 1 800 - 947 - 7666'], ['9th of march', 'has domain', 'flights'], ['$ 36', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-2060\n", + "dialogue: \"user\": \"i ' d like to find some baseball games please , something in new york city .\"\n", + "\"system\": \"i have mets vs braves playing at citi field at 6 pm on march 13th .\"\n", + "\"user\": \"okay , cool . would you look for a bus please ?\"\n", + "\"system\": \"on march 13th ? and leaving from where please ?\"\n", + "\"user\": \"from washington on the 1st of march .\"\n", + "\"system\": \"there is a bus departing at 8 : 10 am , 0 transfers , and the fare is $ 37 .\"\n", + "\"user\": \"that should work .\"\n", + "\"system\": \"anything else today ?\"\n", + "\"user\": \"yes , please search for roundtrip flights .\"\n", + "\"system\": \"is that for a march 13th departure or march 1st ? and when would you like to return ?\"\n", + "\"user\": \"leaving monday next week and returning wednesday next week please .\"\n", + "\"system\": \"there are 4 possible flights . i have an american airlines flight at 4 : 10 am which comes back at 1 : 30 pm and the ticket price is $ 158 .\"\n", + "\"user\": \"okay , thanks . i also need to find a hotel .\"\n", + "\"system\": \"1 hotel brooklyn bridge has a 4 star rating .\"\n", + "\"user\": \"what ' s the room price and the phone number ?\"\n", + "\"system\": \"the hotel is $ 176 nightly and the number there is + 1 833 - 625 - 6111 .\"\n", + "\"user\": \"are there any other ones ?\"\n", + "\"system\": \"how about 1 hotel central park , which has 5 stars ?\"\n", + "\"user\": \"anything else available ?\"\n", + "\"system\": \"11 howard has a rating of 3 stars .\"\n", + "\"user\": \"okay , i like that .\"\n", + "\"system\": \"do you want to book a room ?\"\n", + "\"user\": \"not at the moment , thanks .\"\n", + "\"system\": \"anything else today ?\"\n", + "\"user\": \"i want to buy 2 tickets for the event we talked about .\"\n", + "\"system\": \"confirming 2 tickets on march 13th in new york for mets vs braves .\"\n", + "\"user\": \"sorry , just one ticket .\"\n", + "\"system\": \"confirming 1 mets vs braves ticket .\"\n", + "\"user\": \"thank you . where is that ?\"\n", + "\"system\": \"the game is at 123 - 01 roosevelt avenue .\"\n", + "\"user\": \"thank you . i ' m all set .\"\n", + "\"system\": \"thank you very much .\"\n", + "\n", + "terms: ['citi field', '+ 1 833 - 625 - 6111', 'march 1st', '$ 158', '2', 'price', 'new york city', 'monday next week', 'airlines', 'fare', 'march 13th', 'wednesday next week', '6 pm', '$ 176', 'mets vs braves', 'new york', 'baseball', '123 - 01 roosevelt avenue', '4 : 10 am', 'washington', '1 hotel central park', 'american airlines', 'one', '5', 'phone number', '1 : 30 pm', 'transfers', '3', '4', '0', '$ 37', 'flights', 'star rating', '1', '8 : 10 am', '1st of march']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['buses', 'has slot', 'leaving time'], ['phone number', 'has value', '+ 1 833 - 625 - 6111'], ['events', 'has slot', 'findevents'], ['1st of march', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['5', 'has domain', 'hotels'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['number of seats', 'has value', '1'], ['flights', 'has slot', 'departure date'], ['leaving date', 'has value', '1st of march'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['events', 'has slot', 'number of seats'], ['11 howard', 'has domain', 'hotels'], ['events', 'has slot', 'address of location'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['departure date', 'has value', 'march 13th'], ['hotels', 'has slot', 'place name'], ['fare', 'has value', '$ 37'], ['flights', 'has slot', 'count'], ['hotels', 'has slot', 'price per night'], ['leaving time', 'has value', '8 : 10 am'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['new york city', 'has domain', 'events'], ['baseball', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['+ 1 833 - 625 - 6111', 'has domain', 'hotels'], ['star rating', 'has value', '5'], ['address of location', 'has value', '123 - 01 roosevelt avenue'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['event name', 'has value', 'mets vs braves'], ['1', 'refers to same concept as', 'one'], ['march 13th', 'has domain', 'buses'], ['time', 'has value', '6 pm'], ['buses', 'has slot', 'transfers'], ['$ 37', 'has domain', 'buses'], ['star rating', 'has value', '4'], ['departure date', 'has value', 'march 1st'], ['event location', 'has value', 'citi field'], ['123 - 01 roosevelt avenue', 'has domain', 'events'], ['return date', 'has value', 'wednesday next week'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['departure date', 'has value', 'monday next week'], ['price per night', 'has value', '$ 176'], ['place name', 'has value', '1 hotel central park'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['inbound departure time', 'has value', '1 : 30 pm'], ['leaving date', 'has value', 'march 13th'], ['star rating', 'has value', '3'], ['flights', 'has slot', 'inbound departure time'], ['4 : 10 am', 'has domain', 'flights'], ['1 hotel central park', 'has domain', 'hotels'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['1 : 30 pm', 'has domain', 'flights'], ['date', 'has value', 'march 13th'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['$ 158', 'has domain', 'flights'], ['$ 176', 'has domain', 'hotels'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['march 1st', 'has domain', 'flights'], ['march 13th', 'has domain', 'flights'], ['new york', 'refers to same concept as', 'ny'], ['subcategory', 'has value', 'baseball'], ['events', 'has slot', 'subcategory'], ['sports', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['wednesday next week', 'has domain', 'flights'], ['from location', 'has value', 'washington'], ['count', 'has value', '4'], ['citi field', 'has domain', 'events'], ['price', 'has value', '$ 158'], ['hotels', 'has slot', 'phone number'], ['place name', 'has value', '11 howard'], ['monday next week', 'has domain', 'flights'], ['3', 'refers to same concept as', '$ 3'], ['4', 'has domain', 'flights'], ['city of event', 'has value', 'new york city'], ['category', 'has value', 'sports'], ['6 pm', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['march 13th', 'has domain', 'events'], ['1', 'has domain', 'events'], ['mets vs braves', 'has domain', 'events'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2061\n", + "dialogue: \"user\": \"i want you to find me something interesting to do around nyc .\"\n", + "\"system\": \"is there a particular category of event you would like to attend ?\"\n", + "\"user\": \"i usually enjoy attending music events .\"\n", + "\"system\": \"i can recommend the amber run brooklyn event which will happen in warsaw on march 14th at 6 pm .\"\n", + "\"user\": \"can you tell me some more information about this event , and the address of the venue ?\"\n", + "\"system\": \"the address of the venue is 261 driggs avenue , brooklyn . this event is considered as a pop event .\"\n", + "\"user\": \"that seems nice . is there some other event you can recommend ? i would like to attend a games events , and in particular i enjoy baseball events .\"\n", + "\"system\": \"there are 10 events which match your request . one of the events is the match of mets vs braves which will happen on march 13th at 6 pm in citi field .\"\n", + "\"user\": \"that seems good .\"\n", + "\"system\": \"are you willing to buy tickets for this event ?\"\n", + "\"user\": \"some other time maybe .\"\n", + "\"system\": \"is there something else you want me to help you with ?\"\n", + "\"user\": \"i need to find a bus to go there . i want to leave on 12th of this month from washington .\"\n", + "\"system\": \"there are 8 buses which you might want taking . one of the buses with 0 transfers leaves at 8 : 10 am . the ticket for this bus will cost you $ 36 .\"\n", + "\"user\": \"is there some other bus you can suggest ?\"\n", + "\"system\": \"you might also consider the bus which leaves at 8 : 20 am , and has 0 transfers . the ticket for this bus costs $ 36 .\"\n", + "\"user\": \"is there some other bus i can have ?\"\n", + "\"system\": \"another bus you can consider is the one leaving at 11 : 10 am , and has 0 transfers . the ticket for this bus costs $ 40 .\"\n", + "\"user\": \"this one seems good .\"\n", + "\"system\": \"do you want to have tickets booked for this bus ?\"\n", + "\"user\": \"no , i am not interested in buying tickets for this bus now . can you find me a round trip flight to go there ?\"\n", + "\"system\": \"will you be taking the flight on march 12th ? at which day will you be having the return flight ?\"\n", + "\"user\": \"i want to leave for my trip on next monday , and i want to return on 14th of this month .\"\n", + "\"system\": \"there are 4 flights which matches your request . one of the flights is with american airlines , and it leaves at 4 : 10 am local time , and when it returns it takes off at 1 : 30 pm local time . the ticket for this flight costs $ 170 per passenger .\"\n", + "\"user\": \"does this flight arrive the day after ? what about the return flight , when does it arrive ?\"\n", + "\"system\": \"the flight will be arriving at the destination on the same day . when the flight returns it arrives at 2 : 40 pm .\"\n", + "\"user\": \"okay . can you find me a hotel in that area , so that i will have a place to stay in ?\"\n", + "\"system\": \"there are 10 hotels which you might like staying in . one of the hotels is the 1 hotel brooklyn bridge , which is a 4 star hotel .\"\n", + "\"user\": \"can you give me their phone number ? how much will it cost me per nigh ?\"\n", + "\"system\": \"if you want to call them you can at + 1 833 - 625 - 6111 . booking at this hotel will be costing you $ 176 per night .\"\n", + "\"user\": \"that is nice . now i want to buy tickets for the event you found earlier .\"\n", + "\"system\": \"can you tell me the number of tickets you want to buy ?\"\n", + "\"user\": \"i want to buy two tickets for the event .\"\n", + "\"system\": \"can you please confirm that you want to buy 2 tickets for the match of mets vs braves which will happen on march 13th in new york ?\"\n", + "\"user\": \"yes , that suits me well .\"\n", + "\"system\": \"your requested tickets have been booked . enjoy your time at the event .\"\n", + "\"user\": \"i appreciate your help very much . that would be all .\"\n", + "\"system\": \"have a wonderful time !\"\n", + "\n", + "terms: ['citi field', '+ 1 833 - 625 - 6111', 'buses', '2', 'airlines', 'time', 'march 13th', '12th of this month', '$ 40', '261 driggs avenue , brooklyn', '1 hotel brooklyn bridge', '6 pm', 'category', 'mets vs braves', '$ 176', 'new york', 'baseball', '8 : 20 am', 'music', 'warsaw', '4 : 10 am', 'march 14th', 'washington', 'american airlines', '8', 'hotels', 'phone number', 'march 12th', '11 : 10 am', 'transfers', 'pop', 'nyc', '$ 36', '2 : 40 pm', 'events', '4', '$ 170', '0', 'amber run brooklyn', 'flights', '14th of this month', 'two', '10', 'next monday', '8 : 10 am', '1 : 30 pm']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'leaving time'], ['10', 'refers to same concept as', 'ten'], ['flights', 'has slot', 'inbound arrival time'], ['phone number', 'has value', '+ 1 833 - 625 - 6111'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['return date', 'has value', '14th of this month'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['event name', 'has value', 'amber run brooklyn'], ['flights', 'has slot', 'departure date'], ['$ 170', 'has domain', 'flights'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['events', 'has slot', 'number of seats'], ['14th of this month', 'has domain', 'flights'], ['events', 'has slot', 'address of location'], ['8 : 20 am', 'has domain', 'buses'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['false', 'has domain', 'flights'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '10'], ['flights', 'has slot', 'count'], ['hotels', 'has slot', 'price per night'], ['leaving time', 'has value', '8 : 10 am'], ['amber run brooklyn', 'has domain', 'events'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['12th of this month', 'has domain', 'buses'], ['leaving time', 'has value', '11 : 10 am'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['baseball', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['+ 1 833 - 625 - 6111', 'has domain', 'hotels'], ['8', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['4', 'refers to same concept as', '$ 4'], ['event name', 'has value', 'mets vs braves'], ['flights', 'has slot', 'arrives next day'], ['event location', 'has value', 'warsaw'], ['address of location', 'has value', '261 driggs avenue , brooklyn'], ['time', 'has value', '6 pm'], ['buses', 'has slot', 'transfers'], ['march 12th', 'has domain', 'flights'], ['pop', 'has domain', 'events'], ['star rating', 'has value', '4'], ['event location', 'has value', 'citi field'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['fare', 'has value', '$ 36'], ['price per night', 'has value', '$ 176'], ['events', 'has slot', 'count'], ['fare', 'has value', '$ 40'], ['flights', 'has slot', 'airlines'], ['leaving date', 'has value', '12th of this month'], ['date', 'has value', 'march 14th'], ['hotels', 'has slot', 'searchhotel'], ['arrives next day', 'has value', 'false'], ['flights', 'has slot', 'searchroundtripflights'], ['inbound departure time', 'has value', '1 : 30 pm'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['$ 40', 'has domain', 'buses'], ['4 : 10 am', 'has domain', 'flights'], ['warsaw', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['nyc', 'has domain', 'events'], ['10', 'has domain', 'events'], ['1 : 30 pm', 'has domain', 'flights'], ['date', 'has value', 'march 13th'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['next monday', 'has domain', 'flights'], ['$ 176', 'has domain', 'hotels'], ['departure date', 'has value', 'next monday'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['price', 'has value', '$ 170'], ['subcategory', 'has value', 'pop'], ['new york', 'refers to same concept as', 'ny'], ['subcategory', 'has value', 'baseball'], ['events', 'has slot', 'subcategory'], ['count', 'has value', '8'], ['sports', 'has domain', 'events'], ['inbound arrival time', 'has value', '2 : 40 pm'], ['buses', 'has slot', 'leaving date'], ['2', 'refers to same concept as', 'two'], ['from location', 'has value', 'washington'], ['count', 'has value', '4'], ['hotels', 'has slot', 'count'], ['citi field', 'has domain', 'events'], ['hotels', 'has slot', 'phone number'], ['departure date', 'has value', 'march 12th'], ['4', 'has domain', 'flights'], ['2 : 40 pm', 'has domain', 'flights'], ['buses', 'has slot', 'buybusticket'], ['category', 'has value', 'sports'], ['6 pm', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['261 driggs avenue , brooklyn', 'has domain', 'events'], ['march 13th', 'has domain', 'events'], ['11 : 10 am', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 20 am'], ['mets vs braves', 'has domain', 'events'], ['$ 36', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-2062\n", + "dialogue: \"user\": \"can you help me find a blues music event to go to ?\"\n", + "\"system\": \"where should i look ?\"\n", + "\"user\": \"i want to go to something in vancouver , bc .\"\n", + "\"system\": \"how about colin james ? they are playing at pne amphitheatre on march 8th at 7 : 30 pm .\"\n", + "\"user\": \"okay , that ' s perfect .\"\n", + "\"system\": \"is there anything else you need today ?\"\n", + "\"user\": \"yeah , can you find me a bus to get there ? i ' m leaving from portland on the 3rd of this month and i need tickets for 3 people .\"\n", + "\"system\": \"i found a bus that leaves at 6 : 50 am that has 0 transfers and costs $ 45 .\"\n", + "\"user\": \"what bus station does that arrive at ?\"\n", + "\"system\": \"it arrives at pacific central station .\"\n", + "\"user\": \"what station does it leave from ?\"\n", + "\"system\": \"the bus leaves from portland bus station .\"\n", + "\"user\": \"are there any buses from seattle , wa for one person ?\"\n", + "\"system\": \"i found 9 buses that might work for you . how about one leaving at 6 : 40 am that has 0 transfers and costs $ 23 ?\"\n", + "\"user\": \"anything else ? i want to leave saturday this week .\"\n", + "\"system\": \"i found one that leaves at 7 : 40 am and has 0 transfers that costs $ 28 .\"\n", + "\"user\": \"okay , that one sounds good .\"\n", + "\"system\": \"would you like to purchase tickets for the bus ?\"\n", + "\"user\": \"no , not now . what about round trip flights going there ?\"\n", + "\"system\": \"will you leave march 2nd ?\"\n", + "\"user\": \"yeah that ' s good .\"\n", + "\"system\": \"when do you want to return ?\"\n", + "\"user\": \"i want to return next monday . i will have zero bags to check .\"\n", + "\"system\": \"i found 3 flights that might work for you . how about an american airlines flight that departs at 10 : 35 am with a return flight leaving at 5 : 15 am ? the ticket costs $ 686 .\"\n", + "\"user\": \"hmm , okay , thanks .\"\n", + "\"system\": \"is there anything else you need ?\"\n", + "\"user\": \"can you find me a hotel there ? i ' d like one room in a 4 star hotel .\"\n", + "\"system\": \"how about the 4 star hotel auberge vancouver hotel ?\"\n", + "\"user\": \"anything else that would work ?\"\n", + "\"system\": \"yes , there is also the 4 star hotel coast coal harbour vancouver hotel by apa .\"\n", + "\"user\": \"how much does that cost ? what is their phone number ?\"\n", + "\"system\": \"it is $ 200 per night . their phone number is + 1 604 - 697 - 0202 .\"\n", + "\"user\": \"okay , that sounds good .\"\n", + "\"system\": \"would you like to make a reservation ?\"\n", + "\"user\": \"no , not right now . i ' d like to buy tickets to that event from earlier .\"\n", + "\"system\": \"alright , so you ' d like to buy 1 ticket to colin james on march 8th in vancouver , is that correct ?\"\n", + "\"user\": \"yes , that ' s good .\"\n", + "\"system\": \"your ticket is confirmed . have a nice time !\"\n", + "\"user\": \"thanks for the help , that ' s all i need .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['$ 200', '3rd of this month', 'buses', '$ 686', 'airlines', 'time', '5 : 15 am', 'auberge vancouver hotel', 'vancouver', '$ 23', '$ 45', '7 : 40 am', 'pacific central station', 'next monday', 'coast coal harbour vancouver hotel by apa', 'blues', 'march 2nd', 'vancouver , bc', '7 : 30 pm', 'music', 'one', 'american airlines', 'seattle , wa', '10 : 35 am', '+ 1 604 - 697 - 0202', '6 : 50 am', 'phone number', 'pne amphitheatre', 'transfers', '3', '6 : 40 am', 'saturday this week', '4', '$ 28', '0', 'flights', 'portland bus station', 'colin james', '9', '1', 'portland', 'march 8th']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '6 : 40 am'], ['events', 'has slot', 'findevents'], ['march 2nd', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['pne amphitheatre', 'has domain', 'events'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['number of seats', 'has value', '1'], ['flights', 'has slot', 'departure date'], ['portland bus station', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['place name', 'has value', 'auberge vancouver hotel'], ['3', 'has domain', 'buses'], ['leaving date', 'has value', '3rd of this month'], ['price per night', 'has value', '$ 200'], ['events', 'has slot', 'number of seats'], ['inbound departure time', 'has value', '5 : 15 am'], ['$ 686', 'has domain', 'flights'], ['saturday this week', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['fare', 'has value', '$ 28'], ['leaving date', 'has value', 'saturday this week'], ['hotels', 'has slot', 'place name'], ['leaving time', 'has value', '6 : 50 am'], ['flights', 'has slot', 'count'], ['from station', 'has value', 'portland bus station'], ['hotels', 'has slot', 'price per night'], ['$ 45', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['event location', 'has value', 'pne amphitheatre'], ['march 8th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['5 : 15 am', 'has domain', 'flights'], ['subcategory', 'has value', 'blues'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['vancouver', 'refers to same concept as', 'vancouver , bc'], ['4', 'has domain', 'hotels'], ['6 : 50 am', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['4', 'refers to same concept as', '$ 4'], ['count', 'has value', '9'], ['date', 'has value', 'march 8th'], ['1', 'refers to same concept as', 'one'], ['city of event', 'has value', 'vancouver'], ['3', 'has domain', 'flights'], ['vancouver', 'has domain', 'events'], ['7 : 30 pm', 'has domain', 'events'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['star rating', 'has value', '4'], ['$ 200', 'has domain', 'hotels'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['+ 1 604 - 697 - 0202', 'has domain', 'hotels'], ['3rd of this month', 'has domain', 'buses'], ['flights', 'has slot', 'outbound departure time'], ['pacific central station', 'has domain', 'buses'], ['hotels', 'has slot', 'reservehotel'], ['coast coal harbour vancouver hotel by apa', 'has domain', 'hotels'], ['category', 'has value', 'music'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'airlines'], ['colin james', 'has domain', 'events'], ['hotels', 'has slot', 'searchhotel'], ['phone number', 'has value', '+ 1 604 - 697 - 0202'], ['flights', 'has slot', 'searchroundtripflights'], ['travelers', 'has value', '1'], ['portland', 'has domain', 'buses'], ['flights', 'has slot', 'inbound departure time'], ['vancouver , bc', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['fare', 'has value', '$ 23'], ['hotels', 'has slot', 'number of rooms'], ['blues', 'has domain', 'events'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['next monday', 'has domain', 'flights'], ['outbound departure time', 'has value', '10 : 35 am'], ['city of event', 'has value', 'vancouver , bc'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '7 : 40 am'], ['10 : 35 am', 'has domain', 'flights'], ['$ 23', 'has domain', 'buses'], ['$ 28', 'has domain', 'buses'], ['event name', 'has value', 'colin james'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['from location', 'has value', 'seattle , wa'], ['return date', 'has value', 'next monday'], ['events', 'has slot', 'subcategory'], ['to station', 'has value', 'pacific central station'], ['fare', 'has value', '$ 45'], ['buses', 'has slot', 'leaving date'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['hotels', 'has slot', 'phone number'], ['seattle , wa', 'has domain', 'buses'], ['flights', 'has slot', 'number checked bags'], ['place name', 'has value', 'coast coal harbour vancouver hotel by apa'], ['auberge vancouver hotel', 'has domain', 'hotels'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['price', 'has value', '$ 686'], ['time', 'has value', '7 : 30 pm'], ['9', 'has domain', 'buses'], ['count', 'has value', '3'], ['1', 'has domain', 'hotels'], ['1', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-2063\n", + "dialogue: \"user\": \"find for me on 8th of march something interesting to do .\"\n", + "\"system\": \"what preferences you have ? music or sports or something else ?\"\n", + "\"user\": \"music events i really like .\"\n", + "\"system\": \"in what city you want to be ?\"\n", + "\"user\": \"around new york city will be great .\"\n", + "\"system\": \"we found 10 options that you might like . one very popular is americo and is take place at la boom on march 8th at 8 pm .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"you want thickets at this event ?\"\n", + "\"user\": \"no . maybe later . i plan to leave from philly , find me a bus that goes there .\"\n", + "\"system\": \"on march 8th you plan to leave ?\"\n", + "\"user\": \"no . i want to leave on the 4th .\"\n", + "\"system\": \"what do you think about the bus that departs at 8 : 30 am with 0 transfers . cost for one ticket is $ 25 .\"\n", + "\"user\": \"tell me what is the station from where i will leave and at which station i will reach .\"\n", + "\"system\": \"port authority station is the destination station and the origin station is intercity terminal .\"\n", + "\"user\": \"sounds good . i plan to return on 12th of this month and i want to find me tickets at premium economy class . round trip flights that going there is available ?\"\n", + "\"system\": \"you want to leave on march 8th or march 4th ?\"\n", + "\"user\": \"7th of this month will be the date when i will fly out .\"\n", + "\"system\": \"american airlines have a flight that takes off at 8 : 45 am local time and return is at 4 : 30 am local tome . cost per passenger is $ 193 .\"\n", + "\"user\": \"with delta airlines is something available ? i will need three seats .\"\n", + "\"system\": \"i found 1 with delta airlines at 4 : 20 am local time and return is at 6 : 20 am local time . cost per ticket is $ 193 .\"\n", + "\"user\": \"at which airport does the flight leave and where will land ?\"\n", + "\"system\": \"phl international airport is the leaving place and jfk international airport is the destination .\"\n", + "\"user\": \"i understand . find for me hotels in that area .\"\n", + "\"system\": \"a 4 star hotel is 1 hotel brooklyn bridge .\"\n", + "\"user\": \"tell me the address and is smoked is allowed .\"\n", + "\"system\": \"60 furman street , brooklyn is the address . smoking is allowed here .\"\n", + "\"user\": \"other hotel you can find ?\"\n", + "\"system\": \"a 5 star hotel is 1 hotel central park .\"\n", + "\"user\": \"any options you have ?\"\n", + "\"system\": \"a 3 star hotel called 11 howard .\"\n", + "\"user\": \"sounds very good .\"\n", + "\"system\": \"you want to make a reservation ?\"\n", + "\"user\": \"no . not now . i want to make a reservation at the event that you have found .\"\n", + "\"system\": \"book 3 tickets for americo in new york on march 8th . is that correct ?\"\n", + "\"user\": \"yes . tell me the address .\"\n", + "\"system\": \"reservation is done . 56 - 15 northern boulevard woodside is the address of the venue .\"\n", + "\"user\": \"thank you for all .\"\n", + "\"system\": \"with something else i can help ?\"\n", + "\"user\": \"no . thank you !\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['americo', 'jfk international airport', '11 howard', '$ 193', 'philly', '8th of march', 'new york city', 'sports', 'time', 'airlines', 'march 4th', '8 : 45 am', 'delta airlines', '6 : 20 am', '12th of this month', 'premium economy', '1 hotel brooklyn bridge', '8 pm', 'new york', 'music', '8 : 30 am', '1 hotel central park', 'one', '5', 'hotels', '4 : 30 am', '4 : 20 am', '56 - 15 northern boulevard woodside', 'transfers', 'the 4th', 'events', 'intercity terminal', '3', '$ 25', '4', 'la boom', '0', 'flights', '10', 'three', 'date', '1', 'march 8th']\n", + "relations: [['event location', 'has value', 'la boom'], ['buses', 'has slot', 'leaving time'], ['60 furman street , brooklyn', 'has domain', 'hotels'], ['events', 'has slot', 'findevents'], ['phl international airport', 'has domain', 'flights'], ['inbound departure time', 'has value', '4 : 30 am'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['march 8th', 'has domain', 'buses'], ['inbound departure time', 'has value', '6 : 20 am'], ['5', 'has domain', 'hotels'], ['price', 'has value', '$ 193'], ['march 8th', 'has domain', 'flights'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['date', 'has value', '8th of march'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['airlines', 'has value', 'delta airlines'], ['outbound departure time', 'has value', '4 : 20 am'], ['delta airlines', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['11 howard', 'has domain', 'hotels'], ['philly', 'has domain', 'buses'], ['events', 'has slot', 'address of location'], ['hotels', 'has slot', 'street address'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['leaving date', 'has value', 'the 4th'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '10'], ['port authority station', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['flights', 'has slot', 'passengers'], ['$ 25', 'has domain', 'buses'], ['premium economy', 'has domain', 'flights'], ['leaving time', 'has value', '8 : 30 am'], ['return date', 'has value', '12th of this month'], ['march 8th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['new york city', 'has domain', 'events'], ['8 pm', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['leaving date', 'has value', 'march 8th'], ['star rating', 'has value', '5'], ['smoking allowed', 'has value', 'true'], ['departure date', 'has value', '7th of this month'], ['intercity terminal', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['address of location', 'has value', '56 - 15 northern boulevard woodside'], ['date', 'has value', 'march 8th'], ['1', 'refers to same concept as', 'one'], ['3', 'has domain', 'flights'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['8 : 45 am', 'has domain', 'flights'], ['passengers', 'has value', '3'], ['8 : 30 am', 'has domain', 'buses'], ['star rating', 'has value', '4'], ['jfk international airport', 'has domain', 'flights'], ['56 - 15 northern boulevard woodside', 'has domain', 'events'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flight class', 'has value', 'premium economy'], ['8th of march', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['category', 'has value', 'music'], ['place name', 'has value', '1 hotel central park'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['star rating', 'has value', '3'], ['12th of this month', 'has domain', 'flights'], ['flights', 'has slot', 'inbound departure time'], ['time', 'has value', '8 pm'], ['1 hotel central park', 'has domain', 'hotels'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['flights', 'has slot', 'destination airport name'], ['10', 'has domain', 'events'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['4 : 20 am', 'has domain', 'flights'], ['americo', 'has domain', 'events'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['to station', 'has value', 'port authority station'], ['flights', 'has slot', 'return date'], ['hotels', 'has slot', 'smoking allowed'], ['3', 'has domain', 'events'], ['4 : 30 am', 'has domain', 'flights'], ['count', 'has value', '1'], ['from station', 'has value', 'intercity terminal'], ['1', 'has domain', 'flights'], ['3', 'refers to same concept as', 'three'], ['march 4th', 'has domain', 'flights'], ['departure date', 'has value', 'march 8th'], ['street address', 'has value', '60 furman street , brooklyn'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['outbound departure time', 'has value', '8 : 45 am'], ['the 4th', 'has domain', 'buses'], ['la boom', 'has domain', 'events'], ['sports', 'has domain', 'events'], ['7th of this month', 'has domain', 'flights'], ['buses', 'has slot', 'leaving date'], ['6 : 20 am', 'has domain', 'flights'], ['origin airport name', 'has value', 'phl international airport'], ['event name', 'has value', 'americo'], ['place name', 'has value', '11 howard'], ['city of event', 'has value', 'new york city'], ['category', 'has value', 'sports'], ['from location', 'has value', 'philly'], ['city of event', 'has value', 'new york'], ['destination airport name', 'has value', 'jfk international airport'], ['departure date', 'has value', 'march 4th'], ['$ 193', 'has domain', 'flights'], ['fare', 'has value', '$ 25'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2064\n", + "dialogue: \"user\": \"hi there , could you find some pop music events for me ?\"\n", + "\"system\": \"where are you interested in ?\"\n", + "\"user\": \"something in philly is fine .\"\n", + "\"system\": \"would you like conan gray event at the fillmore philadelphia occurring on march 1st at 8 : 30 pm ?\"\n", + "\"user\": \"sure , could you find something else on march 4th in sd instead ?\"\n", + "\"system\": \"there is 1 event called tuxedo at the observatory north park at 7 pm on march 4th .\"\n", + "\"user\": \"sure , that sounds good !\"\n", + "\"system\": \"would you like me to purchase the tickets ?\"\n", + "\"user\": \"perhaps later !\"\n", + "\"system\": \"could i further assist you ?\"\n", + "\"user\": \"could you get me a bus ride there too ?\"\n", + "\"system\": \"sure , do you intend to depart on march 4th ?\"\n", + "\"user\": \"no , i will leave on march 3rd instead .\"\n", + "\"system\": \"and where will you be travelling from ?\"\n", + "\"user\": \"i will travel from lax .\"\n", + "\"system\": \"there are 10 available buses , would you like one which departs at 7 : 40 am with 0 transfers costing $ 28 ?\"\n", + "\"user\": \"that sounds great ! could you get me a roundtrip flight there too ?\"\n", + "\"system\": \"sure , when will you be returning ?\"\n", + "\"user\": \"i will return next thursday .\"\n", + "\"system\": \"and will you depart on march 3rd or march 4th .\"\n", + "\"user\": \"preferably march 3rd , please .\"\n", + "\"system\": \"how about an alaska airlines flight departing at 6 : 55 am and returning at 9 : 55 am costing $ 116 ?\"\n", + "\"user\": \"are there any alternatives ?\"\n", + "\"system\": \"how about an american airlines flight departing at 8 : 55 pm and returning at 7 : 10 pm costing $ 127 ?\"\n", + "\"user\": \"which airport will i depart from ?\"\n", + "\"system\": \"you will depart from lax international airport .\"\n", + "\"user\": \"sure , could you get me hotels in that area too ?\"\n", + "\"system\": \"how about a 3 star hotel called bahia resort hotel ?\"\n", + "\"user\": \"are there any alternatives ?\"\n", + "\"system\": \"how about a 2 star hotel called best western mission bay ?\"\n", + "\"user\": \"that sounds great too !\"\n", + "\"system\": \"would you like me to make a reservation ?\"\n", + "\"user\": \"no thanks , that is not needed .\"\n", + "\"system\": \"could i further assist you ?\"\n", + "\"user\": \"could you get me 1 tickets to the event please ?\"\n", + "\"system\": \"please confirm your purchase of 1 tickets for the tuxedo event on march 4th in san diego .\"\n", + "\"user\": \"sure , where is this event held at ?\"\n", + "\"system\": \"it is held at 2891 university avenue . your reservation has been made !\"\n", + "\"user\": \"thank you for your assistance .\"\n", + "\"system\": \"sure , could i further assist you ?\"\n", + "\"user\": \"no thanks , that is all i need .\"\n", + "\"system\": \"enjoy your time there !\"\n", + "\n", + "terms: ['lax', 'next thursday', 'march 1st', 'buses', '2', 'philly', 'the observatory north park', 'airlines', 'time', '2891 university avenue', 'march 4th', 'san diego', '8 : 55 pm', 'best western mission bay', '6 : 55 am', '$ 116', 'sd', '7 : 40 am', 'alaska airlines', 'conan gray', 'bahia resort hotel', 'music', 'the fillmore philadelphia', 'one', 'american airlines', 'tuxedo', 'hotels', '8 : 30 pm', '$ 127', '9 : 55 am', 'transfers', 'pop', '7 pm', '7 : 10 pm', 'events', '3', 'lax international airport', '$ 28', '0', '10', '1', 'march 3rd']\n", + "relations: [['events', 'has slot', 'event name'], ['buses', 'has slot', 'leaving time'], ['10', 'refers to same concept as', 'ten'], ['city of event', 'has value', 'philly'], ['from location', 'has value', 'lax'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['the fillmore philadelphia', 'has domain', 'events'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['number of seats', 'has value', '1'], ['flights', 'has slot', 'departure date'], ['10', 'has domain', 'buses'], ['sd', 'has domain', 'events'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['$ 127', 'has domain', 'flights'], ['$ 116', 'has domain', 'flights'], ['return date', 'has value', 'next thursday'], ['events', 'has slot', 'number of seats'], ['lax international airport', 'has domain', 'flights'], ['events', 'has slot', 'address of location'], ['fare', 'has value', '$ 28'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '10'], ['event location', 'has value', 'the fillmore philadelphia'], ['7 : 10 pm', 'has domain', 'flights'], ['best western mission bay', 'has domain', 'hotels'], ['leaving date', 'has value', 'march 3rd'], ['2', 'has domain', 'hotels'], ['event name', 'has value', 'tuxedo'], ['buses', 'has slot', 'count'], ['7 pm', 'has domain', 'events'], ['events', 'has slot', 'time'], ['2891 university avenue', 'has domain', 'events'], ['alaska airlines', 'has domain', 'flights'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['airlines', 'has value', 'alaska airlines'], ['price', 'has value', '$ 127'], ['flights', 'has slot', 'price'], ['1', 'refers to same concept as', 'one'], ['the observatory north park', 'has domain', 'events'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['time', 'has value', '8 : 30 pm'], ['philly', 'has domain', 'events'], ['inbound departure time', 'has value', '7 : 10 pm'], ['march 4th', 'has domain', 'buses'], ['pop', 'has domain', 'events'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['outbound departure time', 'has value', '6 : 55 am'], ['event location', 'has value', 'the observatory north park'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['san diego', 'has domain', 'events'], ['star rating', 'has value', '2'], ['category', 'has value', 'music'], ['8 : 55 pm', 'has domain', 'flights'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['leaving date', 'has value', 'march 4th'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['6 : 55 am', 'has domain', 'flights'], ['star rating', 'has value', '3'], ['event name', 'has value', 'conan gray'], ['city of event', 'has value', 'san diego'], ['flights', 'has slot', 'inbound departure time'], ['date', 'has value', 'march 4th'], ['events', 'has slot', 'buyeventtickets'], ['city of event', 'has value', 'sd'], ['departure date', 'has value', 'march 3rd'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['2', 'refers to same concept as', '$ 2'], ['san diego', 'refers to same concept as', 'sd'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['place name', 'has value', 'best western mission bay'], ['leaving time', 'has value', '7 : 40 am'], ['price', 'has value', '$ 116'], ['count', 'has value', '1'], ['march 3rd', 'has domain', 'buses'], ['subcategory', 'has value', 'pop'], ['bahia resort hotel', 'has domain', 'hotels'], ['8 : 30 pm', 'has domain', 'events'], ['tuxedo', 'has domain', 'events'], ['march 4th', 'has domain', 'flights'], ['$ 28', 'has domain', 'buses'], ['outbound departure time', 'has value', '8 : 55 pm'], ['next thursday', 'has domain', 'flights'], ['time', 'has value', '7 pm'], ['events', 'has slot', 'subcategory'], ['place name', 'has value', 'bahia resort hotel'], ['buses', 'has slot', 'leaving date'], ['inbound departure time', 'has value', '9 : 55 am'], ['origin airport name', 'has value', 'lax international airport'], ['7 : 40 am', 'has domain', 'buses'], ['9 : 55 am', 'has domain', 'flights'], ['address of location', 'has value', '2891 university avenue'], ['date', 'has value', 'march 1st'], ['march 1st', 'has domain', 'events'], ['conan gray', 'has domain', 'events'], ['departure date', 'has value', 'march 4th'], ['lax', 'has domain', 'buses'], ['1', 'has domain', 'events'], ['march 3rd', 'has domain', 'flights'], ['march 4th', 'has domain', 'events']]\n", + "\n", + "dialogue id: sgd-validation-2065\n", + "dialogue: \"user\": \"i ' m looking for interesting things to do . i ' m a fan of baseball .\"\n", + "\"system\": \"is there a city you ' re interested in looking in ? do you prefer certain things such as music , sports , or anything else ?\"\n", + "\"user\": \"i ' m looking for games in the seattle area .\"\n", + "\"system\": \"mariners vs angels at t - mobile park is quite popular . there ' s a game on march 10th at 8 : 30 pm .\"\n", + "\"user\": \"where is the park located ?\"\n", + "\"system\": \"the park is at 1250 1st avenue south .\"\n", + "\"user\": \"that ' s pretty awesome . i ' ll need a bus to get there .\"\n", + "\"system\": \"where are you traveling from ? and will you be leaving on march 10th ?\"\n", + "\"user\": \"i ' m traveling from portland on sunday this week .\"\n", + "\"system\": \"there ' s a bus that leaves at 8 : 40 am with 0 transfers that costs $ 32 .\"\n", + "\"user\": \"what other buses are there ?\"\n", + "\"system\": \"there ' s a bus that leaves at 9 : 30 am with 0 transfers that costs $ 33 .\"\n", + "\"user\": \"and what ' s the destination station ?\"\n", + "\"system\": \"you ' ll be arriving at king street station .\"\n", + "\"user\": \"what other buses are there ? and it ' s for three passengers .\"\n", + "\"system\": \"there are 6 buses that could work . there ' s a bus leaving at 10 : 10 am with 0 transfers that costs $ 36 .\"\n", + "\"user\": \"okay , that works . what are some round trip flights that go there ? i have 0 checked bags . i ' d prefer a premium economy ticket with a departure on monday next week .\"\n", + "\"system\": \"when do you want the return flight ?\"\n", + "\"user\": \"i ' ll be returning on the 7th , so that day .\"\n", + "\"system\": \"there are 2 flights that match . there ' s an american airlines flight that costs $ 225 per ticket . the outbound flight leaves at 7 : 25 am . the return flight leaves at 3 : 50 pm .\"\n", + "\"user\": \"what ' s the departure airport ?\"\n", + "\"system\": \"the departure airport is pdx international airport .\"\n", + "\"user\": \"okay . what about hotels that are in the area ?\"\n", + "\"system\": \"there ' s ace hotel seattle , it has 2 stars .\"\n", + "\"user\": \"i like the sound of that .\"\n", + "\"system\": \"do you want to book a room ?\"\n", + "\"user\": \"no , that ' s not necessary .\"\n", + "\"system\": \"what else can i do for you ?\"\n", + "\"user\": \"i want to buy tickets for the game .\"\n", + "\"system\": \"i ' ll get you 3 ticket to mariners vs angels in seattle on march 10th , correct ?\"\n", + "\"user\": \"yeah , that ' s it .\"\n", + "\"system\": \"i ' ve booked the tickets , have a wonderful time at the game .\"\n", + "\"user\": \"thanks for all the help . i don ' t need anything else .\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['mariners vs angels', 'ace hotel seattle', 'buses', '$ 225', '2', 'sports', '1250 1st avenue south', 'monday next week', 'time', 'airlines', '6', '10 : 10 am', 'premium economy', '8 : 40 am', 'baseball', 'music', 'the 7th', '$ 33', 'sunday this week', 'american airlines', '$ 32', 'hotels', 'march 10th', 'king street station', '8 : 30 pm', 't - mobile park', 'transfers', '$ 36', '7 : 25 am', 'pdx international airport', '3', 'seattle', '0', '9 : 30 am', 'flights', 'three', 'portland', '3 : 50 pm']\n", + "relations: [['address of location', 'has value', '1250 1st avenue south'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'leaving time'], ['fare', 'has value', '$ 33'], ['2', 'has domain', 'flights'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['6', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['return date', 'has value', 'the 7th'], ['outbound departure time', 'has value', '7 : 25 am'], ['ace hotel seattle', 'has domain', 'hotels'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['3', 'has domain', 'buses'], ['events', 'has slot', 'number of seats'], ['march 10th', 'has domain', 'buses'], ['events', 'has slot', 'address of location'], ['hotels', 'has slot', 'place name'], ['inbound departure time', 'has value', '3 : 50 pm'], ['flights', 'has slot', 'count'], ['2', 'has domain', 'hotels'], ['premium economy', 'has domain', 'flights'], ['3 : 50 pm', 'has domain', 'flights'], ['buses', 'has slot', 'count'], ['$ 33', 'has domain', 'buses'], ['to station', 'has value', 'king street station'], ['events', 'has slot', 'time'], ['10 : 10 am', 'has domain', 'buses'], ['baseball', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['0', 'has domain', 'flights'], ['event name', 'has value', 'mariners vs angels'], ['$ 225', 'has domain', 'flights'], ['place name', 'has value', 'ace hotel seattle'], ['flights', 'has slot', 'price'], ['price', 'has value', '$ 225'], ['event location', 'has value', 't - mobile park'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['seattle', 'has domain', 'events'], ['time', 'has value', '8 : 30 pm'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flight class', 'has value', 'premium economy'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['leaving date', 'has value', 'sunday this week'], ['departure date', 'has value', 'monday next week'], ['date', 'has value', 'march 10th'], ['star rating', 'has value', '2'], ['category', 'has value', 'music'], ['fare', 'has value', '$ 36'], ['flights', 'has slot', 'airlines'], ['$ 32', 'has domain', 'buses'], ['8 : 40 am', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['portland', 'has domain', 'buses'], ['flights', 'has slot', 'inbound departure time'], ['count', 'has value', '2'], ['events', 'has slot', 'buyeventtickets'], ['sunday this week', 'has domain', 'buses'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['2', 'refers to same concept as', '$ 2'], ['events', 'has slot', 'date'], ['count', 'has value', '6'], ['flights', 'has slot', 'return date'], ['3', 'has domain', 'events'], ['march 10th', 'has domain', 'events'], ['leaving date', 'has value', 'march 10th'], ['3', 'refers to same concept as', 'three'], ['8 : 30 pm', 'has domain', 'events'], ['9 : 30 am', 'has domain', 'buses'], ['mariners vs angels', 'has domain', 'events'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['subcategory', 'has value', 'baseball'], ['1250 1st avenue south', 'has domain', 'events'], ['events', 'has slot', 'subcategory'], ['sports', 'has domain', 'events'], ['origin airport name', 'has value', 'pdx international airport'], ['leaving time', 'has value', '10 : 10 am'], ['buses', 'has slot', 'leaving date'], ['7 : 25 am', 'has domain', 'flights'], ['king street station', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['monday next week', 'has domain', 'flights'], ['flights', 'has slot', 'number checked bags'], ['pdx international airport', 'has domain', 'flights'], ['city of event', 'has value', 'seattle'], ['fare', 'has value', '$ 32'], ['leaving time', 'has value', '9 : 30 am'], ['from location', 'has value', 'portland'], ['category', 'has value', 'sports'], ['leaving time', 'has value', '8 : 40 am'], ['t - mobile park', 'has domain', 'events'], ['$ 36', 'has domain', 'buses'], ['the 7th', 'has domain', 'flights']]\n", + "\n", + "dialogue id: sgd-validation-2066\n", + "dialogue: \"user\": \"i would like to find some rock music event on the 14th .\"\n", + "\"system\": \"what city would you like it in ?\"\n", + "\"user\": \"anything around nyc will be fine .\"\n", + "\"system\": \"what about the chemical brothers playing at forest hills stadium on march 14th at 7 pm . i also have 7 other options if you don ' t like that one .\"\n", + "\"user\": \"i dont like them . what else do you have ?\"\n", + "\"system\": \"how about jethro tull playing at forest hills stadium on march 14th at 6 : 30 pm .\"\n", + "\"user\": \"that sounds like a great concert .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"yea i need a bus to get there ?\"\n", + "\"system\": \"will you be leaving on march 14th ? where would you like to depart from ?\"\n", + "\"user\": \"i need to leave on the 4th from washington .\"\n", + "\"system\": \"how about the 8 : 10 am bus with 0 transfers for $ 38 . i have 8 other buses if you prefer something else .\"\n", + "\"user\": \"that sounds awesome . what the cost of a round trip flight to there ?\"\n", + "\"system\": \"will you be flying out on march 14th ? when would you like to return ?\"\n", + "\"user\": \"i will leave in the 4th and return on the 14th .\"\n", + "\"system\": \"how about an american airlines flight that departs at 4 : 10 am with the returning flight departing new york at 1 : 30 pm for $ 170 per person .\"\n", + "\"user\": \"ok cool . i need a hotel there .\"\n", + "\"system\": \"how about the awesome 4 star 1 hotel brooklyn bridge . if you prefer something else i have 10 more hotels for you .\"\n", + "\"user\": \"cool beans . i need to purchase concert tickets\"\n", + "\"system\": \"how many tickets do you need ?\"\n", + "\"user\": \"i just need one .\"\n", + "\"system\": \"just to make sure you want 1 ticket to see jethro tull in concert in new york on march 14th\"\n", + "\"user\": \"yep that is good .\"\n", + "\"system\": \"your tickets have been booked .\"\n", + "\"user\": \"where is the stadium located at ?\"\n", + "\"system\": \"its located at 1 tennis place , forest hills .\"\n", + "\"user\": \"thanks for all you did .\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"no that will be all\"\n", + "\"system\": \"have a fantastic evening\"\n", + "\n", + "terms: ['7', 'buses', 'chemical brothers', 'airlines', '1 hotel brooklyn bridge', 'new york', 'jethro tull', 'music', '4 : 10 am', 'march 14th', '6 : 30 pm', 'washington', 'american airlines', 'one', '8', 'hotels', 'forest hills stadium', '1 tennis place , forest hills', 'transfers', 'nyc', '7 pm', 'the 4th', 'the 14th', '4', '$ 170', '0', 'rock', '10', '$ 38', '1', '8 : 10 am', '1 : 30 pm']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['7', 'has domain', 'events'], ['buses', 'has slot', 'leaving time'], ['10', 'refers to same concept as', 'ten'], ['the 4th', 'has domain', 'flights'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['march 14th', 'has domain', 'buses'], ['march 14th', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['number of seats', 'has value', '1'], ['flights', 'has slot', 'departure date'], ['$ 170', 'has domain', 'flights'], ['$ 38', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['departure date', 'has value', 'march 14th'], ['hotels', 'has slot', 'star rating'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['leaving date', 'has value', 'the 4th'], ['the 14th', 'has domain', 'events'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '10'], ['count', 'has value', '7'], ['leaving time', 'has value', '8 : 10 am'], ['time', 'has value', '6 : 30 pm'], ['buses', 'has slot', 'count'], ['return date', 'has value', 'the 14th'], ['7 pm', 'has domain', 'events'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['8', 'has domain', 'buses'], ['rock', 'has domain', 'events'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['chemical brothers', 'has domain', 'events'], ['1', 'refers to same concept as', 'one'], ['forest hills stadium', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['star rating', 'has value', '4'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['leaving date', 'has value', 'march 14th'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['event name', 'has value', 'jethro tull'], ['date', 'has value', 'march 14th'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['event name', 'has value', 'chemical brothers'], ['departure date', 'has value', 'the 4th'], ['subcategory', 'has value', 'rock'], ['inbound departure time', 'has value', '1 : 30 pm'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['4 : 10 am', 'has domain', 'flights'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['nyc', 'has domain', 'events'], ['fare', 'has value', '$ 38'], ['date', 'has value', 'the 14th'], ['address of location', 'has value', '1 tennis place , forest hills'], ['1 : 30 pm', 'has domain', 'flights'], ['events', 'has slot', 'category'], ['6 : 30 pm', 'has domain', 'events'], ['american airlines', 'has domain', 'flights'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['price', 'has value', '$ 170'], ['jethro tull', 'has domain', 'events'], ['event location', 'has value', 'forest hills stadium'], ['new york', 'refers to same concept as', 'ny'], ['1 tennis place , forest hills', 'has domain', 'events'], ['the 4th', 'has domain', 'buses'], ['time', 'has value', '7 pm'], ['events', 'has slot', 'subcategory'], ['count', 'has value', '8'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['hotels', 'has slot', 'count'], ['city of event', 'has value', 'new york'], ['the 14th', 'has domain', 'flights'], ['1', 'has domain', 'events'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2067\n", + "dialogue: \"user\": \"i would like to find a concert on march 10th .\"\n", + "\"system\": \"in what city do you want to search ?\"\n", + "\"user\": \"i would like a concert around new york city .\"\n", + "\"system\": \"there is blackbear at pier 17 on march 10th at 6 pm .\"\n", + "\"user\": \"that event sounds good .\"\n", + "\"system\": \"do you want to purchase a ticket ?\"\n", + "\"user\": \"maybe later , not at the moment .\"\n", + "\"system\": \"can i help with something else ?\"\n", + "\"user\": \"i would like a bus to get there next monday from washington for 1 person .\"\n", + "\"system\": \"there are 8 buses . there is one leaving at 8 : 10 am and has 0 transfers for the cost of $ 38 .\"\n", + "\"user\": \"that sounds good . can you find me a economy round - trip to get there i have zero bags and would like to leave on the 9th of march .\"\n", + "\"system\": \"on what day do you plan to return ?\"\n", + "\"user\": \"i would like to return on march 14th .\"\n", + "\"system\": \"there is american airlines leaving at 4 : 10 am and returns at 1 : 30 pm for $ 161 .\"\n", + "\"user\": \"how many stops does the flight have and what is the destination ?\"\n", + "\"system\": \"it has 0 stops and the destination is jfk international airport .\"\n", + "\"user\": \"is there another flight ?\"\n", + "\"system\": \"there is delta airlines leaving at 5 : 55 pm and returns at 7 : 10 am for $ 152 .\"\n", + "\"user\": \"can you find a hotel in that area ?\"\n", + "\"system\": \"there are 10 hotels , there is 1 hotel brooklyn bridge it ' s a 4 star hotel .\"\n", + "\"user\": \"are you allowed to smoke in this hotel .\"\n", + "\"system\": \"yes , smoking is permitted .\"\n", + "\"user\": \"i would like to purchase a ticket for the previous event .\"\n", + "\"system\": \"booking 1 ticket for blackbear on march 10th in new york .\"\n", + "\"user\": \"yes , i would like 1 ticket .\"\n", + "\"system\": \"booking 1 ticket for march 10th .\"\n", + "\"user\": \"yes , that works for me .\"\n", + "\"system\": \"your ticket has been purchased .\"\n", + "\"user\": \"thank you for your help .\"\n", + "\"system\": \"can i help with anything else ?\"\n", + "\"user\": \"no , that is all i needed .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['economy', 'jfk international airport', 'buses', 'new york city', 'airlines', 'delta airlines', '1 hotel brooklyn bridge', 'pier 17', '$ 152', '6 pm', 'new york', '4 : 10 am', '$ 161', 'march 14th', 'washington', 'one', 'american airlines', '8', 'hotels', 'march 10th', 'transfers', '9th of march', '5 : 55 pm', '4', 'blackbear', '7 : 10 am', '0', '10', 'next monday', '$ 38', '1', '8 : 10 am', '1 : 30 pm']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'next monday'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['7 : 10 am', 'has domain', 'flights'], ['blackbear', 'has domain', 'events'], ['march 14th', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['number of seats', 'has value', '1'], ['flights', 'has slot', 'departure date'], ['flight class', 'has value', 'economy'], ['$ 38', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['airlines', 'has value', 'delta airlines'], ['outbound departure time', 'has value', '5 : 55 pm'], ['5 : 55 pm', 'has domain', 'flights'], ['delta airlines', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['price', 'has value', '$ 152'], ['hotels', 'has slot', 'place name'], ['return date', 'has value', 'march 14th'], ['count', 'has value', '10'], ['leaving time', 'has value', '8 : 10 am'], ['buses', 'has slot', 'count'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['new york city', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['smoking allowed', 'has value', 'true'], ['8', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['1', 'refers to same concept as', 'one'], ['time', 'has value', '6 pm'], ['1', 'has domain', 'buses'], ['$ 161', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['star rating', 'has value', '4'], ['jfk international airport', 'has domain', 'flights'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['date', 'has value', 'march 10th'], ['category', 'has value', 'music'], ['price', 'has value', '$ 161'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['travelers', 'has value', '1'], ['inbound departure time', 'has value', '7 : 10 am'], ['inbound departure time', 'has value', '1 : 30 pm'], ['event name', 'has value', 'blackbear'], ['$ 152', 'has domain', 'flights'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['4 : 10 am', 'has domain', 'flights'], ['pier 17', 'has domain', 'events'], ['event location', 'has value', 'pier 17'], ['events', 'has slot', 'buyeventtickets'], ['flights', 'has slot', 'destination airport name'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['fare', 'has value', '$ 38'], ['next monday', 'has domain', 'buses'], ['1 : 30 pm', 'has domain', 'flights'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['hotels', 'has slot', 'smoking allowed'], ['march 10th', 'has domain', 'events'], ['new york', 'refers to same concept as', 'ny'], ['number checked bags', 'has value', '0'], ['count', 'has value', '8'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['hotels', 'has slot', 'count'], ['buses', 'has slot', 'travelers'], ['flights', 'has slot', 'number checked bags'], ['city of event', 'has value', 'new york city'], ['6 pm', 'has domain', 'events'], ['departure date', 'has value', '9th of march'], ['city of event', 'has value', 'new york'], ['destination airport name', 'has value', 'jfk international airport'], ['economy', 'has domain', 'flights'], ['9th of march', 'has domain', 'flights'], ['1', 'has domain', 'events'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2068\n", + "dialogue: \"user\": \"can you find me something interesting to do ?\"\n", + "\"system\": \"which city should i search in ?\"\n", + "\"user\": \"i want to do something in nyc .\"\n", + "\"system\": \"do you prefer a specific category , such as music or sports ?\"\n", + "\"user\": \"i want to find a concert .\"\n", + "\"system\": \"amber run brooklyn is playing at warsaw on march 14th at 6 pm . how does that sound ?\"\n", + "\"user\": \"that sounds great . can you find me a bus going there for three people ?\"\n", + "\"system\": \"would you like to leave on march 14th ? and where are you traveling from ?\"\n", + "\"user\": \"i want to leave from washington on the 12th .\"\n", + "\"system\": \"there is a bus leaving at 8 : 10 am with 0 transfers for $ 36 . does this work for you ?\"\n", + "\"user\": \"that sounds good . can you find me a round trip flight going there ? i have 0 bags and would like a premium economy class ticket .\"\n", + "\"system\": \"do you want to leave on march 14th ? which day would you like to return ?\"\n", + "\"user\": \"i want to leave the 2nd of this month and return the 14th of march .\"\n", + "\"system\": \"i found 2 flights . there is a flight with american airlines leaving at 4 : 10 am local time and returning at 2 : 10 pm local time for $ 240 per passenger . how does this sound ?\"\n", + "\"user\": \"that sounds alright .\"\n", + "\"system\": \"is there something else i can help you with ?\"\n", + "\"user\": \"can you find me a hotel in that area ?\"\n", + "\"system\": \"the 1 hotel brooklyn bridge is rated 4 stars . does this work for you ?\"\n", + "\"user\": \"is smoking allowed ?\"\n", + "\"system\": \"yes , smoking is permitted .\"\n", + "\"user\": \"what is the price per night ?\"\n", + "\"system\": \"it is $ 176 per night .\"\n", + "\"user\": \"okay , sounds good .\"\n", + "\"system\": \"is there something else i can do for you ?\"\n", + "\"user\": \"i want to purchase tickets for the event you found .\"\n", + "\"system\": \"okay , i am booking 3 tickets for amber run brooklyn in new york on march 14th . is this correct ?\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"your tickets have been booked successfully . enjoy the show !\"\n", + "\"user\": \"thank you for all your help !\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , that ' s all . thank you .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['2nd of this month', '2', 'price', 'sports', 'airlines', 'time', '14th of march', '$ 240', 'price per night', 'premium economy', '1 hotel brooklyn bridge', 'smoking allowed', 'the 12th', '6 pm', 'category', '$ 176', 'new york', '2 : 10 pm', 'music', 'warsaw', '4 : 10 am', 'march 14th', 'washington', 'american airlines', 'transfers', 'nyc', '$ 36', '3', '4', '0', 'amber run brooklyn', 'flights', 'three', '8 : 10 am']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'leaving time'], ['2', 'has domain', 'flights'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['march 14th', 'has domain', 'buses'], ['march 14th', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['event name', 'has value', 'amber run brooklyn'], ['flights', 'has slot', 'departure date'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['departure date', 'has value', 'march 14th'], ['flights', 'has slot', 'flight class'], ['hotels', 'has slot', 'star rating'], ['leaving date', 'has value', 'the 12th'], ['3', 'has domain', 'buses'], ['events', 'has slot', 'number of seats'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['hotels', 'has slot', 'place name'], ['flights', 'has slot', 'count'], ['premium economy', 'has domain', 'flights'], ['hotels', 'has slot', 'price per night'], ['leaving time', 'has value', '8 : 10 am'], ['2 : 10 pm', 'has domain', 'flights'], ['amber run brooklyn', 'has domain', 'events'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['14th of march', 'has domain', 'flights'], ['new york', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['0', 'has domain', 'flights'], ['smoking allowed', 'has value', 'true'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['event location', 'has value', 'warsaw'], ['time', 'has value', '6 pm'], ['buses', 'has slot', 'transfers'], ['star rating', 'has value', '4'], ['buses', 'has slot', 'fare'], ['price', 'has value', '$ 240'], ['music', 'has domain', 'events'], ['flight class', 'has value', 'premium economy'], ['leaving date', 'has value', 'march 14th'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['fare', 'has value', '$ 36'], ['price per night', 'has value', '$ 176'], ['flights', 'has slot', 'airlines'], ['date', 'has value', 'march 14th'], ['2nd of this month', 'has domain', 'flights'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['inbound departure time', 'has value', '2 : 10 pm'], ['flights', 'has slot', 'inbound departure time'], ['4 : 10 am', 'has domain', 'flights'], ['count', 'has value', '2'], ['warsaw', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['nyc', 'has domain', 'events'], ['events', 'has slot', 'category'], ['return date', 'has value', '14th of march'], ['american airlines', 'has domain', 'flights'], ['2', 'refers to same concept as', '$ 2'], ['$ 176', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['hotels', 'has slot', 'smoking allowed'], ['3', 'has domain', 'events'], ['3', 'refers to same concept as', 'three'], ['new york', 'refers to same concept as', 'ny'], ['number checked bags', 'has value', '0'], ['departure date', 'has value', '2nd of this month'], ['sports', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['$ 240', 'has domain', 'flights'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['flights', 'has slot', 'number checked bags'], ['the 12th', 'has domain', 'buses'], ['category', 'has value', 'sports'], ['6 pm', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['$ 36', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-2069\n", + "dialogue: \"user\": \"what about getting me an interesting activity ?\"\n", + "\"system\": \"can you think of what category plans you like best ? what about sports or maybe music ? where will you be ?\"\n", + "\"user\": \"sure , i ' d like sports in seattle .\"\n", + "\"system\": \"you might enjoy huskies vs cougars . it ' s at husky stadium on march 5th at 8 pm .\"\n", + "\"user\": \"fine , see about the buses there .\"\n", + "\"system\": \"what about your departure , march 5th right ?\"\n", + "\"user\": \"well , my plans are to leave on sunday this week .\"\n", + "\"system\": \"from whence will you come ?\"\n", + "\"user\": \"taking off from vancouver , bc .\"\n", + "\"system\": \"there are 10 options . first thing in the morning is 6 : 40 am , it ' s $ 26 and the transfers needed are 0 .\"\n", + "\"user\": \"what ' s something later ?\"\n", + "\"system\": \"try the one at 8 : 10 am . it ' s $ 28 and also 0 transfers .\"\n", + "\"user\": \"fine , pretty great . how about round trip flights ?\"\n", + "\"system\": \"on what day will you return ?\"\n", + "\"user\": \"i ' m looking at flying out on the 2nd but returning by the 12th of this month . i need to get american airlines though , i need them miles .\"\n", + "\"system\": \"fine , you have 1 option then . american airlines only option then is a plane leaving at 1 : 30 am and the return will leave at 10 : 35 am for $ 640 each .\"\n", + "\"user\": \"fine , then . get a hotel that allows smoking please .\"\n", + "\"system\": \"there are 6 that fit the option . there is a 3 star hotel called embassy suites by hilton seattle downtown pioneer square .\"\n", + "\"user\": \"how can i call them ?\"\n", + "\"system\": \"their phone is + 1 206 - 859 - 4400\"\n", + "\"user\": \"fine , i need three then . i ' m going to the event .\"\n", + "\"system\": \"fine , 3 for huskies vs cougars march 5th in seattle .\"\n", + "\"user\": \"yes , do that .\"\n", + "\"system\": \"you ' re all set there .\"\n", + "\"user\": \"thanks a big bunch .\"\n", + "\"system\": \"will you need more today ?\"\n", + "\"user\": \"not now thanks .\"\n", + "\"system\": \"enjoy the game .\"\n", + "\n", + "terms: ['buses', 'sports', 'airlines', 'the 2nd', '6', '12th of this month', '$ 26', '8 pm', 'embassy suites by hilton seattle downtown pioneer square', 'category', 'vancouver , bc', '$ 640', 'music', 'husky stadium', 'sunday this week', 'american airlines', 'one', '10 : 35 am', 'transfers', 'huskies vs cougars', '1 : 30 am', '3', 'seattle', '6 : 40 am', 'march 5th', '$ 28', '0', 'flights', '10', 'three', '1', '8 : 10 am']\n", + "relations: [['fare', 'has value', '$ 26'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '6 : 40 am'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['10', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['6', 'refers to same concept as', '$ 6'], ['huskies vs cougars', 'has domain', 'events'], ['events', 'has slot', 'number of seats'], ['fare', 'has value', '$ 28'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '10'], ['march 5th', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['leaving time', 'has value', '8 : 10 am'], ['return date', 'has value', '12th of this month'], ['buses', 'has slot', 'count'], ['events', 'has slot', 'time'], ['8 pm', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['vancouver , bc', 'has domain', 'buses'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['smoking allowed', 'has value', 'true'], ['flights', 'has slot', 'price'], ['leaving date', 'has value', 'march 5th'], ['1', 'refers to same concept as', 'one'], ['buses', 'has slot', 'transfers'], ['seattle', 'has domain', 'events'], ['place name', 'has value', 'embassy suites by hilton seattle downtown pioneer square'], ['date', 'has value', 'march 5th'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['leaving date', 'has value', 'sunday this week'], ['embassy suites by hilton seattle downtown pioneer square', 'has domain', 'hotels'], ['category', 'has value', 'music'], ['march 5th', 'has domain', 'events'], ['price', 'has value', '$ 640'], ['flights', 'has slot', 'airlines'], ['1 : 30 am', 'has domain', 'flights'], ['+ 1 206 - 859 - 4400', 'has domain', 'hotels'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['6', 'has domain', 'hotels'], ['star rating', 'has value', '3'], ['departure date', 'has value', 'the 2nd'], ['12th of this month', 'has domain', 'flights'], ['flights', 'has slot', 'inbound departure time'], ['time', 'has value', '8 pm'], ['events', 'has slot', 'buyeventtickets'], ['husky stadium', 'has domain', 'events'], ['sunday this week', 'has domain', 'buses'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['count', 'has value', '6'], ['hotels', 'has slot', 'smoking allowed'], ['3', 'has domain', 'events'], ['count', 'has value', '1'], ['$ 26', 'has domain', 'buses'], ['1', 'has domain', 'flights'], ['3', 'refers to same concept as', 'three'], ['event location', 'has value', 'husky stadium'], ['10 : 35 am', 'has domain', 'flights'], ['$ 28', 'has domain', 'buses'], ['sports', 'has domain', 'events'], ['inbound departure time', 'has value', '10 : 35 am'], ['from location', 'has value', 'vancouver , bc'], ['outbound departure time', 'has value', '1 : 30 am'], ['buses', 'has slot', 'leaving date'], ['hotels', 'has slot', 'count'], ['hotels', 'has slot', 'phone number'], ['city of event', 'has value', 'seattle'], ['category', 'has value', 'sports'], ['the 2nd', 'has domain', 'flights'], ['$ 640', 'has domain', 'flights'], ['phone number', 'has value', '+ 1 206 - 859 - 4400'], ['events', 'has slot', 'event name'], ['6 : 40 am', 'has domain', 'buses'], ['event name', 'has value', 'huskies vs cougars']]\n", + "\n", + "dialogue id: sgd-validation-2070\n", + "dialogue: \"user\": \"is there anything fun to do in philadelphia ?\"\n", + "\"system\": \"what type of fun do you have in mind ?\"\n", + "\"user\": \"a concert would be fun .\"\n", + "\"system\": \"i have 10 . there ' s blueface at the fillmore philadelphia on march 13th at 6 pm .\"\n", + "\"user\": \"can you find me a bus there ?\"\n", + "\"system\": \"on march 13th ?\"\n", + "\"user\": \"on the 11th of this month from nyc .\"\n", + "\"system\": \"there ' s 7 : 40 am bus with 0 transfers that costs $ 22 .\"\n", + "\"user\": \"that should do the job .\"\n", + "\"system\": \"should i grab some tickets ?\"\n", + "\"user\": \"hold off for now .\"\n", + "\"system\": \"ok . what else do you have ?\"\n", + "\"user\": \"how about a roundtrip flight there ?\"\n", + "\"system\": \"for march 13th ?\"\n", + "\"user\": \"no for the 8th of this month .\"\n", + "\"system\": \"when do you want to head back ?\"\n", + "\"user\": \"on the 12th of march .\"\n", + "\"system\": \"i have 4 for you . there ' s a 7 : 55 am american airlines flight for $ 123 . the return flight takes off at 8 : 45 am .\"\n", + "\"user\": \"what airports we talking about here ?\"\n", + "\"system\": \"jfk international airport to phl international airport .\"\n", + "\"user\": \"great . you have any hotels nearby ?\"\n", + "\"system\": \"i have 10 . try aka university city . it has 3 stars .\"\n", + "\"user\": \"do you have their number ? whats will this set me back ?\"\n", + "\"system\": \"$ 138 . you can call them at + 1 215 - 372 - 9000 .\"\n", + "\"user\": \"what other 3 star places do you have ?\"\n", + "\"system\": \"there ' s aloft philadelphia airport . it has 3 stars .\"\n", + "\"user\": \"ok , keep going .\"\n", + "\"system\": \"there is aloft philadelphia downtown . 3 stars too .\"\n", + "\"user\": \"ok . get me 1 seat to the concert .\"\n", + "\"system\": \"1 seat to blueface in philadelphia on march 13th .\"\n", + "\"user\": \"yes . where are they at ?\"\n", + "\"system\": \"29 east allen street .\"\n", + "\"user\": \"ok great thanks .\"\n", + "\"system\": \"what else you got ?\"\n", + "\"user\": \"nothing . thats it .\"\n", + "\"system\": \"great . take care .\"\n", + "\n", + "terms: ['aloft philadelphia downtown', 'airlines', '8 : 45 am', 'march 13th', '12th of march', '$ 22', '$ 123', '8th of this month', '7 : 40 am', 'aloft philadelphia airport', '6 pm', 'philadelphia', 'the fillmore philadelphia', 'american airlines', 'phl international airport', 'hotels', 'blueface', 'aka university city', '+ 1 215 - 372 - 9000', 'transfers', 'nyc', '11th of this month', '3', '4', '0', '10', '1', '7 : 55 am']\n", + "relations: [['city of event', 'has value', 'philadelphia'], ['buses', 'has slot', 'leaving time'], ['events', 'has slot', 'findevents'], ['phl international airport', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['the fillmore philadelphia', 'has domain', 'events'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['number of seats', 'has value', '1'], ['flights', 'has slot', 'departure date'], ['aloft philadelphia downtown', 'has domain', 'hotels'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['price per night', 'has value', '$ 138'], ['events', 'has slot', 'number of seats'], ['7 : 55 am', 'has domain', 'flights'], ['events', 'has slot', 'address of location'], ['departure date', 'has value', 'march 13th'], ['hotels', 'has slot', 'place name'], ['count', 'has value', '10'], ['event location', 'has value', 'the fillmore philadelphia'], ['flights', 'has slot', 'count'], ['hotels', 'has slot', 'price per night'], ['$ 22', 'has domain', 'buses'], ['11th of this month', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['blueface', 'has domain', 'events'], ['nyc', 'has domain', 'buses'], ['phone number', 'has value', '+ 1 215 - 372 - 9000'], ['return date', 'has value', '12th of march'], ['flights', 'has slot', 'price'], ['fare', 'has value', '$ 22'], ['march 13th', 'has domain', 'buses'], ['time', 'has value', '6 pm'], ['flights', 'has slot', 'origin airport name'], ['buses', 'has slot', 'transfers'], ['8 : 45 am', 'has domain', 'flights'], ['jfk international airport', 'has domain', 'flights'], ['12th of march', 'has domain', 'flights'], ['buses', 'has slot', 'fare'], ['departure date', 'has value', '8th of this month'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['events', 'has slot', 'count'], ['from location', 'has value', 'nyc'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['$ 123', 'has domain', 'flights'], ['leaving date', 'has value', 'march 13th'], ['star rating', 'has value', '3'], ['29 east allen street', 'has domain', 'events'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['place name', 'has value', 'aka university city'], ['leaving date', 'has value', '11th of this month'], ['events', 'has slot', 'buyeventtickets'], ['flights', 'has slot', 'destination airport name'], ['10', 'has domain', 'events'], ['$ 138', 'has domain', 'hotels'], ['date', 'has value', 'march 13th'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['3', 'has domain', 'hotels'], ['price', 'has value', '$ 123'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '7 : 40 am'], ['march 13th', 'has domain', 'flights'], ['8th of this month', 'has domain', 'flights'], ['event name', 'has value', 'blueface'], ['place name', 'has value', 'aloft philadelphia airport'], ['outbound departure time', 'has value', '7 : 55 am'], ['place name', 'has value', 'aloft philadelphia downtown'], ['address of location', 'has value', '29 east allen street'], ['buses', 'has slot', 'leaving date'], ['destination airport name', 'has value', 'phl international airport'], ['count', 'has value', '4'], ['hotels', 'has slot', 'count'], ['7 : 40 am', 'has domain', 'buses'], ['hotels', 'has slot', 'phone number'], ['aloft philadelphia airport', 'has domain', 'hotels'], ['inbound departure time', 'has value', '8 : 45 am'], ['4', 'has domain', 'flights'], ['philadelphia', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['aka university city', 'has domain', 'hotels'], ['6 pm', 'has domain', 'events'], ['origin airport name', 'has value', 'jfk international airport'], ['march 13th', 'has domain', 'events'], ['1', 'has domain', 'events'], ['+ 1 215 - 372 - 9000', 'has domain', 'hotels'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2071\n", + "dialogue: \"user\": \"hi , are there any interesting things i can do ?\"\n", + "\"system\": \"which area are you interested in ?\"\n", + "\"user\": \"something in portland , or will suffice .\"\n", + "\"system\": \"any type of activities you would like , such as music or sports events ?\"\n", + "\"user\": \"how about some games ?\"\n", + "\"system\": \"there is a portland thorns vs houston game in providence park on march 13th at 8 : 30 pm .\"\n", + "\"user\": \"that is amazing !\"\n", + "\"system\": \"would you like to purchase tickets ?\"\n", + "\"user\": \"no , not now .\"\n", + "\"system\": \"sure , could i further assist you then ?\"\n", + "\"user\": \"could you get me a bus ride there too ?\"\n", + "\"system\": \"sure , will you depart on the march 13th and where will you depart from ?\"\n", + "\"user\": \"likely from vancouver in a group of 3 on monday next week .\"\n", + "\"system\": \"i see , there are 8 buses you might like , how about one at 9 : 20 am with 0 transfers costing $ 34 ?\"\n", + "\"user\": \"that sounds good !\"\n", + "\"system\": \"would you like me to make a reservation for you ?\"\n", + "\"user\": \"no , that is not needed .\"\n", + "\"system\": \"could i further assist you then ?\"\n", + "\"user\": \"could you get me round trip flights with delta airlines returning on the 8th of this month ? q\"\n", + "\"system\": \"are you departing on the march 4th or march 13th ?\"\n", + "\"user\": \"next tuesday is fine .\"\n", + "\"system\": \"will you want to fly on delta airlines 10 : 15 am flight which returns at 5 : 15 pm and costs $ 497 ?\"\n", + "\"user\": \"sure , could you get me some hotel rooms too ?\"\n", + "\"system\": \"how about a 3 star hotel called aloft portland airport at cascade station ?\"\n", + "\"user\": \"that sounds great !\"\n", + "\"system\": \"would you like me to make a reservation ?\"\n", + "\"user\": \"no , that is not needed .\"\n", + "\"system\": \"could i further assist you ?\"\n", + "\"user\": \"can you purchase tickets for the event you mentioned ?\"\n", + "\"system\": \"sure , please confirm your purchase of 3 tickets for the portland thorns vs houston game on march 13th in portland .\"\n", + "\"user\": \"sure , i am fine with that .\"\n", + "\"system\": \"your reservation has been made , enjoy !\"\n", + "\"user\": \"thank you for your assistance !\"\n", + "\"system\": \"no problem , how can i further assist you ?\"\n", + "\"user\": \"no , that is all , thanks !\"\n", + "\"system\": \"have a great day ahead !\"\n", + "\n", + "terms: ['5 : 15 pm', 'buses', 'aloft portland airport at cascade station', 'sports', 'monday next week', 'airlines', 'march 4th', '9 : 20 am', 'delta airlines', 'march 13th', '8th of this month', 'vancouver', 'portland , or', 'music', '8', 'portland thorns vs houston', 'providence park', '8 : 30 pm', 'transfers', 'events', '10 : 15 am', '3', '0', 'flights', '$ 34', 'portland', '$ 497']\n", + "relations: [['buses', 'has slot', 'leaving time'], ['events', 'has slot', 'findevents'], ['event name', 'has value', 'portland thorns vs houston'], ['buses', 'has slot', 'from location'], ['portland', 'refers to same concept as', 'portland , or'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['inbound departure time', 'has value', '5 : 15 pm'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['portland', 'has domain', 'events'], ['portland thorns vs houston', 'has domain', 'events'], ['leaving date', 'has value', 'monday next week'], ['airlines', 'has value', 'delta airlines'], ['3', 'has domain', 'buses'], ['delta airlines', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['$ 497', 'has domain', 'flights'], ['5 : 15 pm', 'has domain', 'flights'], ['departure date', 'has value', 'march 13th'], ['hotels', 'has slot', 'place name'], ['from location', 'has value', 'vancouver'], ['buses', 'has slot', 'count'], ['outbound departure time', 'has value', '10 : 15 am'], ['events', 'has slot', 'time'], ['portland , or', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['event location', 'has value', 'providence park'], ['8', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['place name', 'has value', 'aloft portland airport at cascade station'], ['march 13th', 'has domain', 'buses'], ['fare', 'has value', '$ 34'], ['buses', 'has slot', 'transfers'], ['time', 'has value', '8 : 30 pm'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['category', 'has value', 'music'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['monday next week', 'has domain', 'buses'], ['leaving date', 'has value', 'march 13th'], ['star rating', 'has value', '3'], ['$ 34', 'has domain', 'buses'], ['flights', 'has slot', 'inbound departure time'], ['events', 'has slot', 'buyeventtickets'], ['providence park', 'has domain', 'events'], ['date', 'has value', 'march 13th'], ['events', 'has slot', 'category'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'portland , or'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '9 : 20 am'], ['3', 'has domain', 'events'], ['march 13th', 'has domain', 'flights'], ['departure date', 'has value', 'next tuesday'], ['8 : 30 pm', 'has domain', 'events'], ['8th of this month', 'has domain', 'flights'], ['march 4th', 'has domain', 'flights'], ['price', 'has value', '$ 497'], ['city of event', 'has value', 'portland'], ['count', 'has value', '8'], ['sports', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['10 : 15 am', 'has domain', 'flights'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['next tuesday', 'has domain', 'flights'], ['return date', 'has value', '8th of this month'], ['3', 'refers to same concept as', '$ 3'], ['buses', 'has slot', 'buybusticket'], ['aloft portland airport at cascade station', 'has domain', 'hotels'], ['vancouver', 'has domain', 'buses'], ['category', 'has value', 'sports'], ['departure date', 'has value', 'march 4th'], ['march 13th', 'has domain', 'events'], ['9 : 20 am', 'has domain', 'buses'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2072\n", + "dialogue: \"user\": \"can you find something interesting for me to do ?\"\n", + "\"system\": \"which city should i search in ?\"\n", + "\"user\": \"find me something in ny .\"\n", + "\"system\": \"which category would you like ?\"\n", + "\"user\": \"can you find me a concert ?\"\n", + "\"system\": \"amber run brooklyn is playing at warsaw on march 14th at 6 pm . how does that sound ?\"\n", + "\"user\": \"that sounds great !\"\n", + "\"system\": \"would you like to buy tickets to this concert ?\"\n", + "\"user\": \"not right now . can you find me a bus going there from washington on march 2nd for 1 person ?\"\n", + "\"system\": \"i found 8 buses for you . there is a bus leaving at 8 : 10 am with 0 transfers for $ 32 . does this work for you ?\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"would you like to purchase tickets for this bus ?\"\n", + "\"user\": \"no , thank you . can you find me a round trip flight going there ?\"\n", + "\"system\": \"would you like to leave on march 2nd or march 14th ? when would you like to return ?\"\n", + "\"user\": \"i want to leave march 5th and return on the 12th of this month .\"\n", + "\"system\": \"there is a flight with american airlines leaving at 4 : 10 am and returning at 1 : 30 pm for $ 140 per passenger . how does this sound ?\"\n", + "\"user\": \"okay . can you find me a hotel in the area ?\"\n", + "\"system\": \"i found 10 hotels . the 1 hotel brooklyn bridge has a 4 star rating . does this work for you ?\"\n", + "\"user\": \"what is the address ? is smoking allowed ?\"\n", + "\"system\": \"yes , smoking is allowed . the address is 60 furman street , brooklyn .\"\n", + "\"user\": \"sounds good , thanks . i want to purchase four tickets to the event you found .\"\n", + "\"system\": \"okay , i am booking 4 tickets to see amber run brooklyn in new york on march 14th . is this correct ?\"\n", + "\"user\": \"yes , that ' s perfect . what is the address ?\"\n", + "\"system\": \"your tickets have been booked successfully . enjoy the show ! the address is 261 driggs avenue , brooklyn .\"\n", + "\"user\": \"thank you for all your help ! that ' s all i need .\"\n", + "\"system\": \"my pleasure , have a great day !\"\n", + "\n", + "terms: ['ny', 'buses', 'airlines', '12th of this month', '261 driggs avenue , brooklyn', '1 hotel brooklyn bridge', 'smoking allowed', '6 pm', 'category', 'new york', 'march 2nd', 'warsaw', '4 : 10 am', 'march 14th', 'washington', 'american airlines', '$ 32', '8', '$ 140', 'hotels', 'four', 'transfers', '4', 'march 5th', '0', 'amber run brooklyn', 'star rating', '60 furman street , brooklyn', '10', '1', '8 : 10 am', '1 : 30 pm']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['buses', 'has slot', 'leaving time'], ['60 furman street , brooklyn', 'has domain', 'hotels'], ['ny', 'has domain', 'events'], ['events', 'has slot', 'findevents'], ['march 2nd', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['march 14th', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['event name', 'has value', 'amber run brooklyn'], ['flights', 'has slot', 'departure date'], ['4', 'refers to same concept as', 'four'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['departure date', 'has value', 'march 14th'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'events'], ['leaving date', 'has value', 'march 2nd'], ['city of event', 'has value', 'ny'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['hotels', 'has slot', 'street address'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['hotels', 'has slot', 'place name'], ['number of seats', 'has value', '4'], ['count', 'has value', '10'], ['march 5th', 'has domain', 'flights'], ['leaving time', 'has value', '8 : 10 am'], ['amber run brooklyn', 'has domain', 'events'], ['return date', 'has value', '12th of this month'], ['buses', 'has slot', 'count'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['smoking allowed', 'has value', 'true'], ['8', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['event location', 'has value', 'warsaw'], ['address of location', 'has value', '261 driggs avenue , brooklyn'], ['time', 'has value', '6 pm'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['star rating', 'has value', '4'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'airlines'], ['$ 32', 'has domain', 'buses'], ['date', 'has value', 'march 14th'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['travelers', 'has value', '1'], ['inbound departure time', 'has value', '1 : 30 pm'], ['12th of this month', 'has domain', 'flights'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['4 : 10 am', 'has domain', 'flights'], ['warsaw', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['1 : 30 pm', 'has domain', 'flights'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['hotels', 'has slot', 'smoking allowed'], ['price', 'has value', '$ 140'], ['street address', 'has value', '60 furman street , brooklyn'], ['new york', 'refers to same concept as', 'ny'], ['march 2nd', 'has domain', 'buses'], ['departure date', 'has value', 'march 5th'], ['count', 'has value', '8'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['hotels', 'has slot', 'count'], ['buses', 'has slot', 'travelers'], ['fare', 'has value', '$ 32'], ['buses', 'has slot', 'buybusticket'], ['6 pm', 'has domain', 'events'], ['$ 140', 'has domain', 'flights'], ['city of event', 'has value', 'new york'], ['261 driggs avenue , brooklyn', 'has domain', 'events'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2073\n", + "dialogue: \"user\": \"is there something interesting i can do you can recommend to me ?\"\n", + "\"system\": \"where should i look for interesting things to do ?\"\n", + "\"user\": \"find me something to do in vancouver .\"\n", + "\"system\": \"shall i look for a particular category of events ?\"\n", + "\"user\": \"sure , find me games events as i really like them .\"\n", + "\"system\": \"there are 3 events i found in vancouver , one is the whitecaps vs colorado rapids taking place at bc place on march 8th at 7 : 30 pm .\"\n", + "\"user\": \"sounds great , can you get me a bus to the event ?\"\n", + "\"system\": \"from where will you depart on bus , and will you leave on march 8th ?\"\n", + "\"user\": \"not march 8th but the 4th of march , and i will leave from seattle .\"\n", + "\"system\": \"there is a bus with 0 transfers available , it costs $ 26 and leaves at 6 : 40 am .\"\n", + "\"user\": \"is there anything else available ?\"\n", + "\"system\": \"another bus with 0 transfers is available , this one leaves at 7 : 40 am and costs $ 24 .\"\n", + "\"user\": \"sounds perfect , thanks for finding it .\"\n", + "\"system\": \"would you like to buy tickets to this bus right now ?\"\n", + "\"user\": \"not right now , can you tell me if there are any united airlines round trip flights going there ?\"\n", + "\"system\": \"will you leave on march 8th , and when will you be returning .\"\n", + "\"user\": \"i will leave on the 3rd of this month , and will return on the 6th of this month .\"\n", + "\"system\": \"there is 1 flight available for you , it is a united airlines flight that costs $ 561 per passenger , it leaves at 5 : 35 am local time and its return flight leaves at 6 : 55 pm .\"\n", + "\"user\": \"will the flight have 1 stop , and does it arrive the day after ?\"\n", + "\"system\": \"the flight will arrive on the next day , and it has 1 stop .\"\n", + "\"user\": \"great , can you find me a three star hotel in the area that has 1 room available ?\"\n", + "\"system\": \"there is a 3 star hotel with 1 room available , how about the atrium inn vancouver ?\"\n", + "\"user\": \"how much does it cost per night ?\"\n", + "\"system\": \"the hotel charges $ 228 per night .\"\n", + "\"user\": \"okay , purchase three tickets to the event you mentioned earlier .\"\n", + "\"system\": \"you wish to buy 3 tickets to the whitecaps vs colorado rapids game occurring in vancouver on march 8th is that right ?\"\n", + "\"user\": \"that is all correct , thanks .\"\n", + "\"system\": \"the reservation has been made , enjoy the game .\"\n", + "\"user\": \"thanks for all your help today .\"\n", + "\"system\": \"will that be all i can assist you for today .\"\n", + "\"user\": \"yes , that is all for now , thanks a lot for the help .\"\n", + "\"system\": \"your welcome , have a great day .\"\n", + "\n", + "terms: ['$ 228', '3rd of this month', '$ 24', 'airlines', 'time', 'bc place', 'united airlines', 'vancouver', '$ 26', '7 : 40 am', '4th of march', 'category', '7 : 30 pm', 'one', '6th of this month', '5 : 35 am', 'atrium inn vancouver', 'transfers', '6 : 55 pm', 'events', '$ 561', '3', 'seattle', '6 : 40 am', 'whitecaps vs colorado rapids', '0', 'flights', 'three', '1', 'march 8th']\n", + "relations: [['fare', 'has value', '$ 26'], ['6 : 55 pm', 'has domain', 'flights'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['leaving time', 'has value', '6 : 40 am'], ['events', 'has slot', 'findevents'], ['5 : 35 am', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['march 8th', 'has domain', 'buses'], ['bc place', 'has domain', 'events'], ['march 8th', 'has domain', 'flights'], ['0', 'has domain', 'buses'], ['$ 228', 'has domain', 'hotels'], ['flights', 'has slot', 'departure date'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['events', 'has slot', 'number of seats'], ['seattle', 'has domain', 'buses'], ['arrives next day', 'has value', 'true'], ['$ 24', 'has domain', 'buses'], ['number of rooms', 'has value', '1'], ['hotels', 'has slot', 'place name'], ['leaving date', 'has value', '4th of march'], ['whitecaps vs colorado rapids', 'has domain', 'events'], ['price', 'has value', '$ 561'], ['flights', 'has slot', 'count'], ['hotels', 'has slot', 'price per night'], ['outbound departure time', 'has value', '5 : 35 am'], ['price per night', 'has value', '$ 228'], ['march 8th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['leaving date', 'has value', 'march 8th'], ['event name', 'has value', 'whitecaps vs colorado rapids'], ['place name', 'has value', 'atrium inn vancouver'], ['flights', 'has slot', 'price'], ['flights', 'has slot', 'arrives next day'], ['date', 'has value', 'march 8th'], ['1', 'refers to same concept as', 'one'], ['city of event', 'has value', 'vancouver'], ['vancouver', 'has domain', 'events'], ['7 : 30 pm', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['3rd of this month', 'has domain', 'flights'], ['departure date', 'has value', '3rd of this month'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['inbound departure time', 'has value', '6 : 55 pm'], ['number stops', 'has value', '1'], ['star rating', 'has value', '3'], ['fare', 'has value', '$ 24'], ['atrium inn vancouver', 'has domain', 'hotels'], ['event location', 'has value', 'bc place'], ['flights', 'has slot', 'inbound departure time'], ['4th of march', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['return date', 'has value', '6th of this month'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '7 : 40 am'], ['3', 'has domain', 'events'], ['count', 'has value', '1'], ['$ 26', 'has domain', 'buses'], ['$ 561', 'has domain', 'flights'], ['1', 'has domain', 'flights'], ['3', 'refers to same concept as', 'three'], ['departure date', 'has value', 'march 8th'], ['from location', 'has value', 'seattle'], ['sports', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['true', 'has domain', 'flights'], ['united airlines', 'has domain', 'flights'], ['7 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['category', 'has value', 'sports'], ['airlines', 'has value', 'united airlines'], ['time', 'has value', '7 : 30 pm'], ['count', 'has value', '3'], ['1', 'has domain', 'hotels'], ['6th of this month', 'has domain', 'flights'], ['events', 'has slot', 'event name'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-2074\n", + "dialogue: \"user\": \"can you find me something fun to do\"\n", + "\"system\": \"what city should i search in\"\n", + "\"user\": \"please search for games event in philadelphia\"\n", + "\"system\": \"what about eagles vs cowboys at lincoln financial field on march 14th at 8 pm\"\n", + "\"user\": \"ok , what else can you find\"\n", + "\"system\": \"what about owls vs bison at lincoln financial field on march 3rd at 7 : 30 pm\"\n", + "\"user\": \"perfect , can you find me a bus to get there\"\n", + "\"system\": \"are you leaving on march 3rd ? where are you traveling from\"\n", + "\"user\": \"i am traveling from new york on saturday this week\"\n", + "\"system\": \"there is a bus departing at 7 : 40 am with 0 transfer for $ 24\"\n", + "\"user\": \"what station am i traveling from and arrive to\"\n", + "\"system\": \"you will travel from port authority station and arrive at intercity terminal\"\n", + "\"user\": \"are they ticekts available\"\n", + "\"system\": \"what about 8 am departure with 0 transfer for $ 24\"\n", + "\"user\": \"perfect , can you also search for roundtrip flights\"\n", + "\"system\": \"are you leaving on march 3rd ? when are you returning\"\n", + "\"user\": \"i want to return on the 3rd and depart on 1st of march\"\n", + "\"system\": \"i found 3 flights . what about american airlines for $ 108 depart at 7 : 55 am and return at 8 : 45 am\"\n", + "\"user\": \"cool\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"i also need 2 hotel room in a 4 star hotel\"\n", + "\"system\": \"what about a 4 star hotel called hilton philadelphia at penn ' s landing\"\n", + "\"user\": \"perfect\"\n", + "\"system\": \"would you like to book a room\"\n", + "\"user\": \"no , not right now\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"please purchase the event ticket\"\n", + "\"system\": \"how many do you need\"\n", + "\"user\": \"i need 1\"\n", + "\"system\": \"please confirm your purchase of 1 ticket to owls vs bison in philadelphia on march 3rd\"\n", + "\"user\": \"yes please\"\n", + "\"system\": \"your ticket is booked\"\n", + "\"user\": \"what is the address\"\n", + "\"system\": \"they are located at 1 lincoln financial field way\"\n", + "\"user\": \"thanks\"\n", + "\"system\": \"what else can i do for you\"\n", + "\"user\": \"no that ' s it\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['2', 'lincoln financial field', 'airlines', '8 am', 'the 3rd', '$ 108', '7 : 40 am', 'new york', 'owls vs bison', 'philadelphia', 'march 14th', 'american airlines', 'eagles vs cowboys', '3', '4', '0', 'flights', 'port authority station', '1', 'march 3rd', '7 : 55 am']\n", + "relations: [['city of event', 'has value', 'philadelphia'], ['buses', 'has slot', 'leaving time'], ['events', 'has slot', 'findevents'], ['date', 'has value', 'march 3rd'], ['buses', 'has slot', 'from location'], ['1st of march', 'has domain', 'flights'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['8 am', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['number of seats', 'has value', '1'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['events', 'has slot', 'number of seats'], ['to station', 'has value', 'intercity terminal'], ['7 : 55 am', 'has domain', 'flights'], ['events', 'has slot', 'address of location'], ['saturday this week', 'has domain', 'buses'], ['$ 24', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['leaving date', 'has value', 'saturday this week'], ['owls vs bison', 'has domain', 'events'], ['hotels', 'has slot', 'place name'], ['march 3rd', 'has domain', 'events'], ['port authority station', 'has domain', 'buses'], ['leaving date', 'has value', 'march 3rd'], ['flights', 'has slot', 'count'], ['2', 'has domain', 'hotels'], ['lincoln financial field', 'has domain', 'events'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['8 pm', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], [\"hilton philadelphia at penn ' s landing\", 'has domain', 'hotels'], ['$ 108', 'has domain', 'flights'], ['intercity terminal', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['number of rooms', 'has value', '2'], ['3', 'has domain', 'flights'], ['7 : 30 pm', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['8 : 45 am', 'has domain', 'flights'], ['star rating', 'has value', '4'], ['leaving time', 'has value', '8 am'], ['address of location', 'has value', '1 lincoln financial field way'], ['departure date', 'has value', '1st of march'], ['buses', 'has slot', 'fare'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['flights', 'has slot', 'airlines'], ['the 3rd', 'has domain', 'flights'], ['date', 'has value', 'march 14th'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['place name', 'has value', \"hilton philadelphia at penn ' s landing\"], ['price', 'has value', '$ 108'], ['fare', 'has value', '$ 24'], ['flights', 'has slot', 'inbound departure time'], ['time', 'has value', '8 pm'], ['events', 'has slot', 'buyeventtickets'], ['departure date', 'has value', 'march 3rd'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['2', 'refers to same concept as', '$ 2'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '7 : 40 am'], ['march 3rd', 'has domain', 'buses'], ['event name', 'has value', 'eagles vs cowboys'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['outbound departure time', 'has value', '7 : 55 am'], ['event name', 'has value', 'owls vs bison'], ['from location', 'has value', 'new york'], ['sports', 'has domain', 'events'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['7 : 40 am', 'has domain', 'buses'], ['inbound departure time', 'has value', '8 : 45 am'], ['philadelphia', 'has domain', 'events'], ['category', 'has value', 'sports'], ['event location', 'has value', 'lincoln financial field'], ['from station', 'has value', 'port authority station'], ['eagles vs cowboys', 'has domain', 'events'], ['time', 'has value', '7 : 30 pm'], ['count', 'has value', '3'], ['1', 'has domain', 'events'], ['return date', 'has value', 'the 3rd'], ['1 lincoln financial field way', 'has domain', 'events'], ['march 3rd', 'has domain', 'flights'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2075\n", + "dialogue: \"user\": \"i need you to find some other interesting things to do\"\n", + "\"system\": \"are there any choice on city for me to look in ?\"\n", + "\"user\": \"i want it around philadelphia\"\n", + "\"system\": \"any particular event category you have ?\"\n", + "\"user\": \"i prefer sports events\"\n", + "\"system\": \"i have short listed 10 events of your choice : there is a very famous event called eagles vs cowboys at lincoln financial field on march 14th at 8 pm\"\n", + "\"user\": \"that is ok , but could you please try me some other events please ?\"\n", + "\"system\": \"there is a very famous event called owls vs bison cowboys at lincoln financial field on march 3rd at 7 : 30 pm\"\n", + "\"user\": \"that is perfect i also need you to look for a bus to reach there on 1st of this month and it is for 2 people\"\n", + "\"system\": \"which place are you leaving from ?\"\n", + "\"user\": \"i am departing from washington\"\n", + "\"system\": \"what is your opinion on a bus leaving at 7 : 10 am with 0 transfers and costing $ 30\"\n", + "\"user\": \"that is okay for me\"\n", + "\"system\": \"you need bus tickets now ?\"\n", + "\"user\": \"no , i don ' t require tickets now and what is the cost for round trip flights to go there ?\"\n", + "\"system\": \"which is your planning to catch returning flight and are you departing on march 1st or march 3rd ?\"\n", + "\"user\": \"i will be leaving on the 3rd and returning back on march 9th\"\n", + "\"system\": \"i have short listed 3 flights of your choice : what is your opinion on flying in american airlines at 4 : 10 am and returning back at 8 : 45 am $ 275 per passenger\"\n", + "\"user\": \"can you just tell me how many checked bags do they allow ?\"\n", + "\"system\": \"they allow total 0 checked bags\"\n", + "\"user\": \"are you holding a premium economy ticket ?\"\n", + "\"system\": \"i have a economy ticket\"\n", + "\"user\": \"fine and can you also try looking for 1 room in a 3 - star hotel in this area ?\"\n", + "\"system\": \"i have short listed 10 hotels of your choice : there is a 3 star hotel named aka university city\"\n", + "\"user\": \"that is okay for me\"\n", + "\"system\": \"you need to book hotel ?\"\n", + "\"user\": \"no , i don ' t want booking now . i need to buy tickets for events you found\"\n", + "\"system\": \"please give confirmation details : booking 2 tickets for owls vs bison event on march 3rd in philadelphia\"\n", + "\"user\": \"that works for me\"\n", + "\"system\": \"your booking is done . enjoy\"\n", + "\"user\": \"can i know the location please ?\"\n", + "\"system\": \"the address of event is 1 lincoln financial field way\"\n", + "\"user\": \"thank you very much\"\n", + "\"system\": \"is there any other help from me ?\"\n", + "\"user\": \"no , thanks a lot\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['economy', 'march 1st', '2', 'sports', 'lincoln financial field', 'airlines', '8 : 45 am', 'the 3rd', '$ 275', 'premium economy', 'category', '1st of this month', 'owls vs bison', '4 : 10 am', 'march 14th', 'american airlines', 'eagles vs cowboys', 'hotels', 'transfers', 'events', '3', '7 : 10 am', '0', 'flights', '10', '1', 'march 3rd']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['city of event', 'has value', 'philadelphia'], ['buses', 'has slot', 'leaving time'], ['events', 'has slot', 'findevents'], ['date', 'has value', 'march 3rd'], ['buses', 'has slot', 'from location'], ['march 9th', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['flights', 'has slot', 'departure date'], ['flight class', 'has value', 'economy'], ['return date', 'has value', 'march 9th'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['number of rooms', 'has value', '1'], ['owls vs bison', 'has domain', 'events'], ['hotels', 'has slot', 'place name'], ['march 3rd', 'has domain', 'events'], ['$ 275', 'has domain', 'flights'], ['count', 'has value', '10'], ['flights', 'has slot', 'count'], ['premium economy', 'has domain', 'flights'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['lincoln financial field', 'has domain', 'events'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['8 pm', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['1st of this month', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['1', 'refers to same concept as', 'one'], ['leaving date', 'has value', '1st of this month'], ['3', 'has domain', 'flights'], ['7 : 30 pm', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['8 : 45 am', 'has domain', 'flights'], ['departure date', 'has value', 'march 1st'], ['address of location', 'has value', '1 lincoln financial field way'], ['buses', 'has slot', 'fare'], ['flight class', 'has value', 'premium economy'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['the 3rd', 'has domain', 'flights'], ['date', 'has value', 'march 14th'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['star rating', 'has value', '3'], ['departure date', 'has value', 'the 3rd'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['place name', 'has value', 'aka university city'], ['time', 'has value', '8 pm'], ['4 : 10 am', 'has domain', 'flights'], ['events', 'has slot', 'buyeventtickets'], ['10', 'has domain', 'events'], ['departure date', 'has value', 'march 3rd'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['2', 'refers to same concept as', '$ 2'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '7 : 10 am'], ['flights', 'has slot', 'return date'], ['march 1st', 'has domain', 'flights'], ['event name', 'has value', 'eagles vs cowboys'], ['number checked bags', 'has value', '0'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['event name', 'has value', 'owls vs bison'], ['7 : 10 am', 'has domain', 'buses'], ['sports', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['hotels', 'has slot', 'count'], ['buses', 'has slot', 'travelers'], ['price', 'has value', '$ 275'], ['flights', 'has slot', 'number checked bags'], ['3', 'refers to same concept as', '$ 3'], ['$ 30', 'has domain', 'buses'], ['inbound departure time', 'has value', '8 : 45 am'], ['philadelphia', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['category', 'has value', 'sports'], ['aka university city', 'has domain', 'hotels'], ['event location', 'has value', 'lincoln financial field'], ['eagles vs cowboys', 'has domain', 'events'], ['economy', 'has domain', 'flights'], ['time', 'has value', '7 : 30 pm'], ['count', 'has value', '3'], ['1', 'has domain', 'hotels'], ['1 lincoln financial field way', 'has domain', 'events'], ['fare', 'has value', '$ 30'], ['march 3rd', 'has domain', 'flights'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2076\n", + "dialogue: \"user\": \"i want to go to concert ! i really like rock music .\"\n", + "\"system\": \"in which city ?\"\n", + "\"user\": \"around los angeles .\"\n", + "\"system\": \"gloryhammer is playing on march 14th , 8 : 30 pm , at 1720 ( tm ).\"\n", + "\"user\": \"that is awesome !\"\n", + "\"system\": \"do you want tickets .\"\n", + "\"user\": \"not now , maybe later .\"\n", + "\"system\": \"can i help you further ?\"\n", + "\"user\": \"yes , find a bus going to la for 4 people .\"\n", + "\"system\": \"where are you departing ?\"\n", + "\"user\": \"from san francisco .\"\n", + "\"system\": \"are you leaving on march 14th ?\"\n", + "\"user\": \"no , on monday next week .\"\n", + "\"system\": \"i found 10 buses for you . one is leaving at 7 am , has 0 transfers and costs $ 45 .\"\n", + "\"user\": \"that is awesome !\"\n", + "\"system\": \"do want to buy bus tickets ?\"\n", + "\"user\": \"no thanks .\"\n", + "\"system\": \"can i help you further ?\"\n", + "\"user\": \"search roundtrip flights please .\"\n", + "\"system\": \"are you leaving on march 14th or march 4th ? what day do you want to return ?\"\n", + "\"user\": \"i plan on leaving next friday and returning on the 10th of this month .\"\n", + "\"system\": \"i found 5 flights for you . an alaska airlines flight takes off at 9 : 05 am and the return flight departs at 4 : 55 am . one ticket costs $ 170 .\"\n", + "\"user\": \"when does the return flight arrive ? is it the day after ?\"\n", + "\"system\": \"the returning flight arrives at 6 : 20 am and arrives at it ' s destination on the same day .\"\n", + "\"user\": \"what else is there ?\"\n", + "\"system\": \"there is an american airlines flight that leaves at 6 pm and costs $ 175 per person . the return flight takes off at 5 : 30 am .\"\n", + "\"user\": \"can you look for hotels too ? i want a 1 room two star hotel .\"\n", + "\"system\": \"there is a 2 star hotel called beverly laurel motor hotel .\"\n", + "\"user\": \"sounds great . i want two tickets to the event you found earlier .\"\n", + "\"system\": \"booking 2 tickets for gloryhammer on march 14th on los angeles .\"\n", + "\"user\": \"yes that works .\"\n", + "\"system\": \"your reservation has been confirmed ! enjoy !\"\n", + "\"user\": \"thanks for the help .\"\n", + "\"system\": \"may i help you with something else ?\"\n", + "\"user\": \"no , thanks for the help .\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['$ 175', 'los angeles', '4 : 55 am', 'buses', '2', 'monday next week', 'airlines', 'march 4th', '6 : 20 am', 'la', '10th of this month', '$ 45', 'alaska airlines', '6 pm', 'beverly laurel motor hotel', 'music', 'march 14th', 'one', 'american airlines', '7 am', '5', 'hotels', '9 : 05 am', '8 : 30 pm', 'next friday', '5 : 30 am', 'transfers', '4', '$ 170', '0', 'gloryhammer', 'flights', 'two', 'rock', '10', '1', 'san francisco']\n", + "relations: [['events', 'has slot', 'event name'], ['return date', 'has value', '10th of this month'], ['buses', 'has slot', 'leaving time'], ['events', 'has slot', 'findevents'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['march 14th', 'has domain', 'buses'], ['march 14th', 'has domain', 'flights'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['10', 'has domain', 'buses'], ['$ 170', 'has domain', 'flights'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['departure date', 'has value', 'march 14th'], ['hotels', 'has slot', 'star rating'], ['leaving date', 'has value', 'monday next week'], ['los angeles', 'refers to same concept as', 'la'], ['events', 'has slot', 'number of seats'], ['number of rooms', 'has value', '1'], ['false', 'has domain', 'flights'], ['hotels', 'has slot', 'place name'], ['outbound departure time', 'has value', '6 pm'], ['count', 'has value', '10'], ['outbound departure time', 'has value', '9 : 05 am'], ['flights', 'has slot', 'count'], ['2', 'has domain', 'hotels'], ['number of seats', 'has value', '2'], ['next friday', 'has domain', 'flights'], ['gloryhammer', 'has domain', 'events'], ['$ 45', 'has domain', 'buses'], ['2', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['alaska airlines', 'has domain', 'flights'], ['inbound departure time', 'has value', '5 : 30 am'], ['san francisco', 'refers to same concept as', 'san fran'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['airlines', 'has value', 'alaska airlines'], ['smoking allowed', 'has value', 'true'], ['rock', 'has domain', 'events'], ['flights', 'has slot', 'price'], ['4', 'refers to same concept as', '$ 4'], ['flights', 'has slot', 'arrives next day'], ['1', 'refers to same concept as', 'one'], ['1720 ( tm )', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['time', 'has value', '8 : 30 pm'], ['7 am', 'has domain', 'buses'], ['los angeles', 'has domain', 'events'], ['inbound departure time', 'has value', '4 : 55 am'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['leaving date', 'has value', 'march 14th'], ['flights', 'has slot', 'outbound departure time'], ['9 : 05 am', 'has domain', 'flights'], ['star rating', 'has value', '2'], ['category', 'has value', 'music'], ['flights', 'has slot', 'airlines'], ['date', 'has value', 'march 14th'], ['san francisco', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['arrives next day', 'has value', 'false'], ['flights', 'has slot', 'searchroundtripflights'], ['monday next week', 'has domain', 'buses'], ['subcategory', 'has value', 'rock'], ['flights', 'has slot', 'inbound departure time'], ['departure date', 'has value', 'next friday'], ['events', 'has slot', 'buyeventtickets'], ['inbound arrival time', 'has value', '6 : 20 am'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['6 pm', 'has domain', 'flights'], ['leaving time', 'has value', '7 am'], ['$ 175', 'has domain', 'flights'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['hotels', 'has slot', 'smoking allowed'], ['price', 'has value', '$ 170'], ['10th of this month', 'has domain', 'flights'], ['travelers', 'has value', '4'], ['beverly laurel motor hotel', 'has domain', 'hotels'], ['8 : 30 pm', 'has domain', 'events'], ['count', 'has value', '5'], ['5 : 30 am', 'has domain', 'flights'], ['march 4th', 'has domain', 'flights'], ['event name', 'has value', 'gloryhammer'], ['price', 'has value', '$ 175'], ['events', 'has slot', 'subcategory'], ['fare', 'has value', '$ 45'], ['buses', 'has slot', 'leaving date'], ['6 : 20 am', 'has domain', 'flights'], ['2', 'refers to same concept as', 'two'], ['5', 'has domain', 'flights'], ['buses', 'has slot', 'travelers'], ['place name', 'has value', 'beverly laurel motor hotel'], ['event location', 'has value', '1720 ( tm )'], ['4', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['departure date', 'has value', 'march 4th'], ['4 : 55 am', 'has domain', 'flights'], ['from location', 'has value', 'san francisco'], ['1', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound arrival time']]\n", + "\n", + "dialogue id: sgd-validation-2077\n", + "dialogue: \"user\": \"i ' m looking for fun things to do .\"\n", + "\"system\": \"is there anything in particular you are looking for ? you can say things like music or sports .\"\n", + "\"user\": \"what about a concert ?\"\n", + "\"system\": \"where would you like me to look ?\"\n", + "\"user\": \"i want to go somewhere around ny .\"\n", + "\"system\": \"amber run brooklyn is playing on march 14th at 6 pm in warsaw .\"\n", + "\"user\": \"that could be interesting , tell me more . what ' s the address ?\"\n", + "\"system\": \"this is a pop event located at 261 driggs avenue , brooklyn .\"\n", + "\"user\": \"okay , thank you . can you also find a baseball sports event ?\"\n", + "\"system\": \"i found 10 possibilities . on march 13th at 6 pm the mets vs braves game is at citi field .\"\n", + "\"user\": \"that sounds like a lot of fun .\"\n", + "\"system\": \"do you want to go ahead and purchase tickets ?\"\n", + "\"user\": \"not right now , thanks .\"\n", + "\"system\": \"is there anything else i can assist you with ?\"\n", + "\"user\": \"i also need a bus to go there .\"\n", + "\"system\": \"do you want to leave on march 13th ?\"\n", + "\"user\": \"actually , i want to leave on the 10th of march .\"\n", + "\"system\": \"and where are you planning on leaving from ?\"\n", + "\"user\": \"i ' m leaving from washington .\"\n", + "\"system\": \"i found 8 buses . there is a $ 35 ticket leaving at 8 : 10 am with 0 transfers .\"\n", + "\"user\": \"what else is there ?\"\n", + "\"system\": \"there is a $ 36 ticket for a bus leaving at 8 : 20 am with 0 transfers .\"\n", + "\"user\": \"alright , thanks . what about roundtrip flights there ?\"\n", + "\"system\": \"when do you want the return flight to be ?\"\n", + "\"user\": \"coming back on march 12th .\"\n", + "\"system\": \"do you want to leave on march 10th or march 13th ?\"\n", + "\"user\": \"i want to leave on march 2nd .\"\n", + "\"system\": \"i found a $ 143 american airlines flight leaving at 4 : 10 am . return flight leaves at 1 : 30 pm local time .\"\n", + "\"user\": \"and when is the returning flight arriving home ?\"\n", + "\"system\": \"that flight returns at 2 : 40 pm\"\n", + "\"user\": \"alright , thanks for the help .\"\n", + "\"system\": \"do you want assistance with anything else ?\"\n", + "\"user\": \"can you also find me one room at a three - star hotel ?\"\n", + "\"system\": \"i found 10 possible hotels . 11 howard is a 3 star hotel in the area .\"\n", + "\"user\": \"sounds perfect .\"\n", + "\"system\": \"would you like me to reserve the room ?\"\n", + "\"user\": \"no , can you buy one ticket to the event you found , though ?\"\n", + "\"system\": \"please confirm : purchase 1 ticket to the mets vs braves on march 13th in new york .\"\n", + "\"user\": \"yes , that ' s it , thank you .\"\n", + "\"system\": \"your reservation is complete , enjoy !\"\n", + "\"user\": \"thanks for all the assistance .\"\n", + "\"system\": \"can i help you with anything else ?\"\n", + "\"user\": \"nope , that was it , thank you .\"\n", + "\"system\": \"enjoy your travels !\"\n", + "\n", + "terms: ['citi field', '11 howard', 'ny', 'buses', 'sports', 'airlines', 'time', 'march 13th', '261 driggs avenue , brooklyn', '10th of march', '6 pm', 'mets vs braves', 'new york', 'march 2nd', 'baseball', '8 : 20 am', 'music', 'warsaw', '4 : 10 am', 'march 14th', 'washington', 'one', 'american airlines', '8', 'hotels', 'march 10th', '$ 35', 'march 12th', 'transfers', 'pop', '$ 36', '$ 143', '3', '0', 'flights', '10', 'three', '1', '8 : 10 am', '1 : 30 pm']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'inbound arrival time'], ['ny', 'has domain', 'events'], ['events', 'has slot', 'findevents'], ['march 2nd', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['airlines', 'has value', 'american airlines'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['departure date', 'has value', 'march 10th'], ['event name', 'has value', 'amber run brooklyn'], ['flights', 'has slot', 'departure date'], ['number of seats', 'has value', '1'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['price', 'has value', '$ 143'], ['city of event', 'has value', 'ny'], ['events', 'has slot', 'number of seats'], ['11 howard', 'has domain', 'hotels'], ['events', 'has slot', 'address of location'], ['8 : 20 am', 'has domain', 'buses'], ['fare', 'has value', '$ 35'], ['number of rooms', 'has value', '1'], ['departure date', 'has value', 'march 13th'], ['hotels', 'has slot', 'place name'], ['$ 35', 'has domain', 'buses'], ['count', 'has value', '10'], ['return date', 'has value', 'march 12th'], ['leaving time', 'has value', '8 : 10 am'], ['amber run brooklyn', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['baseball', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['8', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['event name', 'has value', 'mets vs braves'], ['$ 143', 'has domain', 'flights'], ['event location', 'has value', 'warsaw'], ['address of location', 'has value', '261 driggs avenue , brooklyn'], ['1', 'refers to same concept as', 'one'], ['march 13th', 'has domain', 'buses'], ['time', 'has value', '6 pm'], ['buses', 'has slot', 'transfers'], ['march 12th', 'has domain', 'flights'], ['march 10th', 'has domain', 'flights'], ['pop', 'has domain', 'events'], ['event location', 'has value', 'citi field'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['category', 'has value', 'music'], ['fare', 'has value', '$ 36'], ['departure date', 'has value', 'march 2nd'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['date', 'has value', 'march 14th'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['inbound departure time', 'has value', '1 : 30 pm'], ['leaving date', 'has value', 'march 13th'], ['star rating', 'has value', '3'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['4 : 10 am', 'has domain', 'flights'], ['warsaw', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['10', 'has domain', 'events'], ['1 : 30 pm', 'has domain', 'flights'], ['date', 'has value', 'march 13th'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['march 13th', 'has domain', 'flights'], ['subcategory', 'has value', 'pop'], ['3', 'refers to same concept as', 'three'], ['new york', 'refers to same concept as', 'ny'], ['subcategory', 'has value', 'baseball'], ['leaving date', 'has value', '10th of march'], ['events', 'has slot', 'subcategory'], ['count', 'has value', '8'], ['sports', 'has domain', 'events'], ['inbound arrival time', 'has value', '2 : 40 pm'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['hotels', 'has slot', 'count'], ['10th of march', 'has domain', 'buses'], ['citi field', 'has domain', 'events'], ['place name', 'has value', '11 howard'], ['2 : 40 pm', 'has domain', 'flights'], ['category', 'has value', 'sports'], ['6 pm', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['261 driggs avenue , brooklyn', 'has domain', 'events'], ['1', 'has domain', 'hotels'], ['march 13th', 'has domain', 'events'], ['leaving time', 'has value', '8 : 20 am'], ['1', 'has domain', 'events'], ['mets vs braves', 'has domain', 'events'], ['$ 36', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-2078\n", + "dialogue: \"user\": \"can you find a pop concert on the 3rd of march ?\"\n", + "\"system\": \"in what city ?\"\n", + "\"user\": \"i want a music related event around new york city .\"\n", + "\"system\": \"jojo siwa is playing at forest hills stadium on march 3rd at 8 pm .\"\n", + "\"user\": \"sounds fun .\"\n", + "\"system\": \"would you like to purchase tickets ?\"\n", + "\"user\": \"not now . thanks .\"\n", + "\"system\": \"anything else i can help with ?\"\n", + "\"user\": \"can you find me a bus from philly for 2 people ?\"\n", + "\"system\": \"for march 3rd ?\"\n", + "\"user\": \"actually , i ' d like to leave on march 1st .\"\n", + "\"system\": \"there is a bus with 0 transfers leaving at 8 : 30 am for $ 24 .\"\n", + "\"user\": \"are there any others ? can you find a bus for three people that leaves on the 2nd of march ?\"\n", + "\"system\": \"there ' s another bus with 0 transfers that leaves at 9 : 50 am and costs $ 21 .\"\n", + "\"user\": \"what bus stations does it depart from and arrive to ?\"\n", + "\"system\": \"it goes from intercity terminal to port authority station .\"\n", + "\"user\": \"are there any round trip flights with southwest airlines ?\"\n", + "\"system\": \"for march 2nd ?\"\n", + "\"user\": \"i ' d like to fly out on march 1st .\"\n", + "\"system\": \"when would you like to return ?\"\n", + "\"user\": \"on march 11th .\"\n", + "\"system\": \"i found a southwest airlines flight that takes off at 3 : 30 pm with a return flight taking of at 8 : 20 pm that costs $ 115 .\"\n", + "\"user\": \"what class is it ?\"\n", + "\"system\": \"economy class .\"\n", + "\"user\": \"okay . can you find me a three star hotel as well ?\"\n", + "\"system\": \"there ' s a 3 star hotel called 11 howard .\"\n", + "\"user\": \"what ' s their address ?\"\n", + "\"system\": \"11 howard street .\"\n", + "\"user\": \"are there any others ? how about a four star hotel with 2 rooms ?\"\n", + "\"system\": \"i ' ve found 10 4 star hotels . how about 1 hotel brooklyn bridge ?\"\n", + "\"user\": \"any others ?\"\n", + "\"system\": \"6 columbus hotel is also 4 stars .\"\n", + "\"user\": \"sounds good . i ' d like to buy tickets for the concert .\"\n", + "\"system\": \"to confirm , you would like 3 tickets to jojo siwa for march 3rd in new york ?\"\n", + "\"user\": \"yes , that ' ll work .\"\n", + "\"system\": \"i ' ve confirmed your tickets . have fun .\"\n", + "\"user\": \"what ' s the address ?\"\n", + "\"system\": \"the concert is at 1 tennis place , forest hills .\"\n", + "\"user\": \"thanks so much . that will be all .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['march 11th', 'march 1st', '8 : 20 pm', '11 howard', 'southwest airlines', '2', 'philly', 'new york city', '$ 24', 'airlines', '9 : 50 am', 'jojo siwa', '1 hotel brooklyn bridge', '3rd of march', '2nd of march', '8 pm', 'new york', 'march 2nd', '$ 115', 'music', '8 : 30 am', 'hotels', '$ 21', 'four', 'forest hills stadium', '1 tennis place , forest hills', 'transfers', 'pop', '3 : 30 pm', '3', 'intercity terminal', '4', '0', 'flights', 'port authority station', '10', 'three', 'march 3rd']\n", + "relations: [['return date', 'has value', 'march 11th'], ['buses', 'has slot', 'leaving time'], ['10', 'refers to same concept as', 'ten'], ['events', 'has slot', 'findevents'], ['march 2nd', 'has domain', 'flights'], ['date', 'has value', 'march 3rd'], ['buses', 'has slot', 'from location'], ['date', 'has value', '3rd of march'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['4', 'refers to same concept as', 'four'], ['flight class', 'has value', 'economy'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['3', 'has domain', 'buses'], ['events', 'has slot', 'number of seats'], ['11 howard', 'has domain', 'hotels'], ['philly', 'has domain', 'buses'], ['events', 'has slot', 'address of location'], ['hotels', 'has slot', 'street address'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['$ 24', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['hotels', 'has slot', 'place name'], ['march 3rd', 'has domain', 'events'], ['count', 'has value', '10'], ['port authority station', 'has domain', 'buses'], ['leaving date', 'has value', 'march 3rd'], ['place name', 'has value', '6 columbus hotel'], ['2', 'has domain', 'hotels'], ['event name', 'has value', 'jojo siwa'], ['leaving time', 'has value', '8 : 30 am'], ['9 : 50 am', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['new york city', 'has domain', 'events'], ['8 pm', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['outbound departure time', 'has value', '3 : 30 pm'], ['intercity terminal', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['march 1st', 'has domain', 'buses'], ['number of rooms', 'has value', '2'], ['airlines', 'has value', 'southwest airlines'], ['forest hills stadium', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['8 : 30 am', 'has domain', 'buses'], ['pop', 'has domain', 'events'], ['star rating', 'has value', '4'], ['price', 'has value', '$ 115'], ['departure date', 'has value', 'march 1st'], ['street address', 'has value', '11 howard street'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['$ 21', 'has domain', 'buses'], ['3rd of march', 'has domain', 'events'], ['flights', 'has slot', 'searchroundtripflights'], ['leaving time', 'has value', '9 : 50 am'], ['star rating', 'has value', '3'], ['fare', 'has value', '$ 24'], ['$ 115', 'has domain', 'flights'], ['jojo siwa', 'has domain', 'events'], ['flights', 'has slot', 'inbound departure time'], ['10', 'has domain', 'hotels'], ['time', 'has value', '8 pm'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['address of location', 'has value', '1 tennis place , forest hills'], ['6 columbus hotel', 'has domain', 'hotels'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['2', 'refers to same concept as', '$ 2'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['march 1st', 'has domain', 'flights'], ['to station', 'has value', 'port authority station'], ['flights', 'has slot', 'return date'], ['3', 'has domain', 'events'], ['march 3rd', 'has domain', 'buses'], ['from station', 'has value', 'intercity terminal'], ['subcategory', 'has value', 'pop'], ['event location', 'has value', 'forest hills stadium'], ['3', 'refers to same concept as', 'three'], ['new york', 'refers to same concept as', 'ny'], ['fare', 'has value', '$ 21'], ['buses', 'has slot', 'to station'], ['11 howard street', 'has domain', 'hotels'], ['1 tennis place , forest hills', 'has domain', 'events'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['events', 'has slot', 'subcategory'], ['buses', 'has slot', 'leaving date'], ['inbound departure time', 'has value', '8 : 20 pm'], ['hotels', 'has slot', 'count'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['8 : 20 pm', 'has domain', 'flights'], ['leaving date', 'has value', 'march 1st'], ['place name', 'has value', '11 howard'], ['3 : 30 pm', 'has domain', 'flights'], ['march 11th', 'has domain', 'flights'], ['city of event', 'has value', 'new york city'], ['southwest airlines', 'has domain', 'flights'], ['from location', 'has value', 'philly'], ['2nd of march', 'has domain', 'buses'], ['city of event', 'has value', 'new york'], ['economy', 'has domain', 'flights'], ['leaving date', 'has value', '2nd of march'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2079\n", + "dialogue: \"user\": \"can you find something interesting for me to do ? i enjoy concert events . i would like to find something around nyc .\"\n", + "\"system\": \"i have located 10 events that i think you will like . one is amber run brooklyn , which is very popular . this event happens at warsaw on march 14th and begins at 6 pm .\"\n", + "\"user\": \"what is the venue ' s address ?\"\n", + "\"system\": \"the venue is located at 261 driggs avenue , brooklyn .\"\n", + "\"user\": \"that sounds very good .\"\n", + "\"system\": \"would you like to purchase tickets for the event ?\"\n", + "\"user\": \"maybe at a later time . is it possible that you could help me look for a bus going there ?\"\n", + "\"system\": \"would you like to leave on march 14th ? what is your point of departure ?\"\n", + "\"user\": \"i would like to leave on the 9th of this month and am leaving out of washington .\"\n", + "\"system\": \"what about the bus departing at 8 : 10 am at a price of $ 33 . there are 0 transfers on the bus .\"\n", + "\"user\": \"do you have any other buses available ?\"\n", + "\"system\": \"what do you think of the bus departing at 8 : 20 am ? this bus has a price of $ 42 and there are 0 transfers .\"\n", + "\"user\": \"do you have any other buses available ?\"\n", + "\"system\": \"what about a bus departing at 11 : 10 am ? this bus costs $ 40 and has 0 transfers .\"\n", + "\"user\": \"what bus station will i be leaving from ?\"\n", + "\"system\": \"union station will be your station of origin .\"\n", + "\"user\": \"that sounds fine . what about any roundtrip flights that are going there ?\"\n", + "\"system\": \"what is the day that you want to take the return flight ?\"\n", + "\"user\": \"i would like to come back on the 14th and fly out on march 4th . i would like 4 seats .\"\n", + "\"system\": \"i have located 4 flights for you . do you want to fly with american airlines ? the flight will leave at 4 : 10 am local time and come back at 1 : 30 pm local time . the price of the ticket is $ 170 per passenger .\"\n", + "\"user\": \"does this flight have zero stops and is this an economy ticket ?\"\n", + "\"system\": \"this flight is an economy seat with 0 stops .\"\n", + "\"user\": \"are there any other flights ?\"\n", + "\"system\": \"would you want to fly delta airlines ? this flight leaves at 5 : 55 pm local time . the return flight will depart at 7 : 10 am local time . the ticket has a price of $ 156 per passenger .\"\n", + "\"user\": \"is there anything else you can find ? the number of bags i have to check in is zero . any ticket class you have will work for me .\"\n", + "\"system\": \"do you want to fly on southwest airlines ? this flight will leave at 2 : 15 pm local time and the return flight will come back at 7 : 15 am local time . the price of the ticket is $ 159 per passenger .\"\n", + "\"user\": \"that ' s fine . would you search for hotels in that area as well ?\"\n", + "\"system\": \"i have located 10 hotels that match your criteria . one is a hotel that is called 1 hotel brooklyn bridge and it is a 4 star hotel .\"\n", + "\"user\": \"what is the price each night ?\"\n", + "\"system\": \"the price per night is $ 176 .\"\n", + "\"user\": \"is there another hotel that fits my criteria ?\"\n", + "\"system\": \"there is a 5 star hotel called 1 hotel central park .\"\n", + "\"user\": \"what is the price per night and is smoking allowed in the hotel ?\"\n", + "\"system\": \"the cost is $ 390 each night . yes , smoking is allowed .\"\n", + "\"user\": \"are there other hotels that would fit with what i want ?\"\n", + "\"system\": \"there is a 3 star hotel called 11 howard .\"\n", + "\"user\": \"that sounds fine .\"\n", + "\"system\": \"do you want to reserve this hotel ?\"\n", + "\"user\": \"i don ' t want to make a reservation at this time . i would like to purchase tickets for the event you found .\"\n", + "\"system\": \"okay , confirm these details for me : you want to book tickets to amber run brooklyn and you want 4 tickets . the event takes place on march 14th in new york .\"\n", + "\"user\": \"no , i would like two tickets .\"\n", + "\"system\": \"confirm these details for me : you have 2 tickets in this reservation for the event happening in new york .\"\n", + "\"user\": \"yes , that is very good for me .\"\n", + "\"system\": \"your reservation has been made . i hope you have a wonderful time there !\"\n", + "\"user\": \"thanks very much for your help .\"\n", + "\"system\": \"is there anything else i can do for you today ?\"\n", + "\"user\": \"no , i appreciate the help .\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['economy', '$ 159', '11 howard', '$ 42', 'southwest airlines', '9th of this month', 'buses', '2', 'price', 'airlines', 'time', 'march 4th', 'delta airlines', 'price per night', '$ 40', '261 driggs avenue , brooklyn', '7 : 15 am', '1 hotel brooklyn bridge', 'smoking allowed', '$ 156', '6 pm', '$ 176', 'new york', '8 : 20 am', 'warsaw', '4 : 10 am', 'march 14th', 'washington', '$ 33', 'american airlines', '1 hotel central park', '5', 'hotels', '11 : 10 am', 'transfers', '5 : 55 pm', 'nyc', '2 : 15 pm', '$ 390', 'the 14th', 'events', '3', '4', '7 : 10 am', '$ 170', '0', 'amber run brooklyn', 'flights', 'two', '10', '8 : 10 am', '1 : 30 pm']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['buses', 'has slot', 'leaving time'], ['price per night', 'has value', '$ 390'], ['fare', 'has value', '$ 33'], ['number stops', 'has value', '0'], ['flights', 'has slot', 'number stops'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['7 : 10 am', 'has domain', 'flights'], ['true', 'has domain', 'hotels'], ['march 14th', 'has domain', 'buses'], ['5', 'has domain', 'hotels'], ['union station', 'has domain', 'buses'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['event name', 'has value', 'amber run brooklyn'], ['flights', 'has slot', 'departure date'], ['price', 'has value', '$ 156'], ['$ 170', 'has domain', 'flights'], ['flight class', 'has value', 'economy'], ['$ 156', 'has domain', 'flights'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['4', 'has domain', 'events'], ['airlines', 'has value', 'delta airlines'], ['outbound departure time', 'has value', '5 : 55 pm'], ['5 : 55 pm', 'has domain', 'flights'], ['delta airlines', 'has domain', 'flights'], ['$ 42', 'has domain', 'buses'], ['$ 390', 'has domain', 'hotels'], ['events', 'has slot', 'number of seats'], ['11 howard', 'has domain', 'hotels'], ['events', 'has slot', 'address of location'], ['8 : 20 am', 'has domain', 'buses'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['7 : 15 am', 'has domain', 'flights'], ['hotels', 'has slot', 'place name'], ['number of seats', 'has value', '4'], ['count', 'has value', '10'], ['flights', 'has slot', 'count'], ['flights', 'has slot', 'passengers'], ['hotels', 'has slot', 'price per night'], ['leaving time', 'has value', '8 : 10 am'], ['amber run brooklyn', 'has domain', 'events'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['$ 33', 'has domain', 'buses'], ['return date', 'has value', 'the 14th'], ['leaving time', 'has value', '11 : 10 am'], ['passengers', 'has value', '4'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['fare', 'has value', '$ 42'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['price', 'has value', '$ 159'], ['0', 'has domain', 'flights'], ['star rating', 'has value', '5'], ['smoking allowed', 'has value', 'true'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['4', 'refers to same concept as', '$ 4'], ['event location', 'has value', 'warsaw'], ['address of location', 'has value', '261 driggs avenue , brooklyn'], ['airlines', 'has value', 'southwest airlines'], ['time', 'has value', '6 pm'], ['buses', 'has slot', 'transfers'], ['star rating', 'has value', '4'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['leaving date', 'has value', 'march 14th'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['category', 'has value', 'music'], ['price per night', 'has value', '$ 176'], ['place name', 'has value', '1 hotel central park'], ['events', 'has slot', 'count'], ['fare', 'has value', '$ 40'], ['flights', 'has slot', 'airlines'], ['date', 'has value', 'march 14th'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['$ 159', 'has domain', 'flights'], ['inbound departure time', 'has value', '7 : 10 am'], ['inbound departure time', 'has value', '1 : 30 pm'], ['star rating', 'has value', '3'], ['inbound departure time', 'has value', '7 : 15 am'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['$ 40', 'has domain', 'buses'], ['4 : 10 am', 'has domain', 'flights'], ['warsaw', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['dontcare', 'has domain', 'flights'], ['nyc', 'has domain', 'events'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['10', 'has domain', 'events'], ['1 hotel central park', 'has domain', 'hotels'], ['1 : 30 pm', 'has domain', 'flights'], ['9th of this month', 'has domain', 'buses'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['$ 176', 'has domain', 'hotels'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['hotels', 'has slot', 'smoking allowed'], ['price', 'has value', '$ 170'], ['march 4th', 'has domain', 'flights'], ['new york', 'refers to same concept as', 'ny'], ['number checked bags', 'has value', '0'], ['flight class', 'has value', 'dontcare'], ['buses', 'has slot', 'leaving date'], ['2', 'refers to same concept as', 'two'], ['from location', 'has value', 'washington'], ['count', 'has value', '4'], ['hotels', 'has slot', 'count'], ['outbound departure time', 'has value', '2 : 15 pm'], ['place name', 'has value', '11 howard'], ['flights', 'has slot', 'number checked bags'], ['3', 'refers to same concept as', '$ 3'], ['4', 'has domain', 'flights'], ['southwest airlines', 'has domain', 'flights'], ['6 pm', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['departure date', 'has value', 'march 4th'], ['economy', 'has domain', 'flights'], ['leaving date', 'has value', '9th of this month'], ['261 driggs avenue , brooklyn', 'has domain', 'events'], ['2 : 15 pm', 'has domain', 'flights'], ['11 : 10 am', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 20 am'], ['the 14th', 'has domain', 'flights'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2080\n", + "dialogue: \"user\": \"can you help me find fun things to do in philadelphia ?\"\n", + "\"system\": \"is there anything specific you are looking for like music or sports ?\"\n", + "\"user\": \"what about games ?\"\n", + "\"system\": \"on march 14th at 8 pm there is the eagles vs cowboys game at lincoln financial field .\"\n", + "\"user\": \"tell me more about that .\"\n", + "\"system\": \"this is an american football game .\"\n", + "\"user\": \"that sounds interesting . can you find me a bus there ?\"\n", + "\"system\": \"would you like to leave on march 14th ? and where will you be leaving from ?\"\n", + "\"user\": \"actually i want to leave on march 6th from washington .\"\n", + "\"system\": \"i found 8 possible buses . there is a 7 : 10 am bus with 0 transfers that costs $ 23 .\"\n", + "\"user\": \"okay , thanks . what about roundtrip flights ?\"\n", + "\"system\": \"do you want to leave on march 14th ? when would you like your return flight to be ?\"\n", + "\"user\": \"i want to fly out on the 3rd of this month and come back march 8th .\"\n", + "\"system\": \"i found a $ 276 delta airlines flight leaving at 5 : 55 pm . the returning flight leaves at 4 : 20 am local time .\"\n", + "\"user\": \"ok , i need three tickets . how many stops does it have ?\"\n", + "\"system\": \"i only found 1 ticket . this flight has 1 stop ..\"\n", + "\"user\": \"what else is there ?\"\n", + "\"system\": \"there is a $ 290 southwest airlines flight leaving at 5 : 15 am . it ' s return flight leaves at 3 : 30 pm local time .\"\n", + "\"user\": \"okay , can you find me a five star hotel in the area ?\"\n", + "\"system\": \"the logan philadelphia , curio collection by hilton is a 5 star hotel .\"\n", + "\"user\": \"how much does it cost ?\"\n", + "\"system\": \"it is $ 230 per night .\"\n", + "\"user\": \"okay , can you purchase tickets to the event you found ?\"\n", + "\"system\": \"how many tickets would you like to purchase ?\"\n", + "\"user\": \"four tickets , please .\"\n", + "\"system\": \"please confirm : you want to book 4 tickets to the eagles vs cowboys game on march 14th in philadelphia .\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"your reservation is complete .\"\n", + "\"user\": \"thanks for all the help . that ' s what i needed .\"\n", + "\"system\": \"enjoy your day !\"\n", + "\n", + "terms: ['$ 230', 'five', 'southwest airlines', '3rd of this month', 'buses', 'march 6th', '$ 276', 'sports', 'lincoln financial field', 'airlines', 'time', '$ 290', 'delta airlines', '5 : 15 am', 'american football', '$ 23', '8 pm', 'music', 'philadelphia', 'march 14th', 'washington', 'eagles vs cowboys', '5', '8', '4 : 20 am', 'transfers', '5 : 55 pm', '3 : 30 pm', '3', '4', '7 : 10 am', '0', 'flights', 'three', '1', 'march 8th']\n", + "relations: [['city of event', 'has value', 'philadelphia'], ['subcategory', 'has value', 'american football'], ['buses', 'has slot', 'leaving time'], ['flights', 'has slot', 'number stops'], ['events', 'has slot', 'findevents'], ['outbound departure time', 'has value', '5 : 15 am'], ['buses', 'has slot', 'from location'], ['march 14th', 'has domain', 'buses'], ['5', 'has domain', 'hotels'], ['march 8th', 'has domain', 'flights'], ['march 14th', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['return date', 'has value', 'march 8th'], ['4', 'refers to same concept as', 'four'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['departure date', 'has value', 'march 14th'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'events'], ['airlines', 'has value', 'delta airlines'], ['outbound departure time', 'has value', '5 : 55 pm'], ['5 : 55 pm', 'has domain', 'flights'], ['5', 'refers to same concept as', 'five'], ['delta airlines', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['passengers', 'has value', '1'], ['hotels', 'has slot', 'place name'], ['number of seats', 'has value', '4'], ['inbound departure time', 'has value', '4 : 20 am'], ['flights', 'has slot', 'passengers'], ['place name', 'has value', 'the logan philadelphia , curio collection by hilton'], ['hotels', 'has slot', 'price per night'], ['leaving date', 'has value', 'march 6th'], ['buses', 'has slot', 'count'], ['lincoln financial field', 'has domain', 'events'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['5 : 15 am', 'has domain', 'flights'], ['8 pm', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['star rating', 'has value', '5'], ['8', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['airlines', 'has value', 'southwest airlines'], ['3', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['$ 276', 'has domain', 'flights'], ['passengers', 'has value', '3'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['leaving date', 'has value', 'march 14th'], ['flights', 'has slot', 'outbound departure time'], ['inbound departure time', 'has value', '3 : 30 pm'], ['3rd of this month', 'has domain', 'flights'], ['category', 'has value', 'music'], ['american football', 'has domain', 'events'], ['departure date', 'has value', '3rd of this month'], ['flights', 'has slot', 'airlines'], ['price', 'has value', '$ 276'], ['date', 'has value', 'march 14th'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['price per night', 'has value', '$ 230'], ['number stops', 'has value', '1'], ['the logan philadelphia , curio collection by hilton', 'has domain', 'hotels'], ['march 6th', 'has domain', 'buses'], ['flights', 'has slot', 'inbound departure time'], ['time', 'has value', '8 pm'], ['$ 290', 'has domain', 'flights'], ['events', 'has slot', 'buyeventtickets'], ['fare', 'has value', '$ 23'], ['events', 'has slot', 'category'], ['4 : 20 am', 'has domain', 'flights'], ['$ 230', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '7 : 10 am'], ['flights', 'has slot', 'return date'], ['event name', 'has value', 'eagles vs cowboys'], ['1', 'has domain', 'flights'], ['3', 'refers to same concept as', 'three'], ['$ 23', 'has domain', 'buses'], ['events', 'has slot', 'subcategory'], ['7 : 10 am', 'has domain', 'buses'], ['count', 'has value', '8'], ['sports', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['price', 'has value', '$ 290'], ['3 : 30 pm', 'has domain', 'flights'], ['philadelphia', 'has domain', 'events'], ['southwest airlines', 'has domain', 'flights'], ['category', 'has value', 'sports'], ['event location', 'has value', 'lincoln financial field'], ['eagles vs cowboys', 'has domain', 'events'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2081\n", + "dialogue: \"user\": \"could you help me find an event ?\"\n", + "\"system\": \"sure , is there a city you prefer ? what kind of event ? music or sports or any other category ?\"\n", + "\"user\": \"sports , something around lax .\"\n", + "\"system\": \"i found dodgers vs cubs taking place at dodger stadium on march 12th at 8 : 30 pm .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"would you like tickets to the event ?\"\n", + "\"user\": \"not right now . could you help me find a bus going to the location ?\"\n", + "\"system\": \"okay , where are you departing from and do you need the bus on march 12th ?\"\n", + "\"user\": \"i ' m leaving from long beach on the 9th of march .\"\n", + "\"system\": \"okay there is a bus leaving at 6 : 40 am that ' s $ 12 and it has 0 transfers .\"\n", + "\"user\": \"what ' s the bus station that i am departing from and arriving to ?\"\n", + "\"system\": \"the origin station is downtown station and the destination station is union station .\"\n", + "\"user\": \"is there another bus leaving from vegas for one person ?\"\n", + "\"system\": \"okay there is a 7 : 20 am bus for $ 38 that also has 0 transfers .\"\n", + "\"user\": \"okay , that sounds good .\"\n", + "\"system\": \"okay , would you like to buy tickets for this bus ?\"\n", + "\"user\": \"not at the moment . are there any round trip flights going there ? i want to leave this saturday and plan on returning the 14th of this month . i also have zero bags to check .\"\n", + "\"system\": \"okay i have 3 flights that could work . would you like to fly through american airlines ? the flight departs at 4 : 50 am and the returning flight departs at 5 : 05 am . the price is $ 151 per passenger .\"\n", + "\"user\": \"could you also find me a hotel in the area ?\"\n", + "\"system\": \"there is a 2 star hotel called ac hotel by marriott beverly hills in the area\"\n", + "\"user\": \"what is the street address ? also is there smoking permitted in the hotel ?\"\n", + "\"system\": \"they are located at 6399 wilshire boulevard . no smoking is not allowed on the property .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"okay , would you like to make a reservation ?\"\n", + "\"user\": \"i don ' t need to make the reservation at this moment . i ' d like to buy 2 tickets for the event you found .\"\n", + "\"system\": \"is the following correct ; 2 tickets are being booked for the dodgers vs cubs on march 12th in los angeles .\"\n", + "\"user\": \"yes that ' s perfect ! what ' s the location of the venue ?\"\n", + "\"system\": \"okay , your reservation is complete . the venue is 1000 vin scully ave . have a great time there !\"\n", + "\"user\": \"that ' s all , thank you for helping me .\"\n", + "\"system\": \"okay , have a nice day .\"\n", + "\n", + "terms: ['los angeles', 'lax', 'ac hotel by marriott beverly hills', '2', '6399 wilshire boulevard', '4 : 50 am', 'sports', 'airlines', 'time', 'union station', 'street address', 'category', 'vegas', 'this saturday', 'music', '7 : 20 am', 'american airlines', 'one', 'dodgers vs cubs', '1000 vin scully ave', '8 : 30 pm', 'march 12th', '$ 151', '$ 12', 'transfers', '9th of march', '5 : 05 am', 'dodger stadium', 'long beach', '3', '6 : 40 am', '0', 'downtown station', 'flights', '14th of this month', '$ 38', 'price']\n", + "relations: [['4 : 50 am', 'has domain', 'flights'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '6 : 40 am'], ['events', 'has slot', 'findevents'], ['place name', 'has value', 'ac hotel by marriott beverly hills'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['return date', 'has value', '14th of this month'], ['$ 12', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['$ 38', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['long beach', 'has domain', 'buses'], ['hotels', 'has slot', 'star rating'], ['departure date', 'has value', 'this saturday'], ['outbound departure time', 'has value', '4 : 50 am'], ['march 12th', 'has domain', 'buses'], ['14th of this month', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['city of event', 'has value', 'lax'], ['events', 'has slot', 'address of location'], ['hotels', 'has slot', 'street address'], ['5 : 05 am', 'has domain', 'flights'], ['downtown station', 'has domain', 'buses'], ['street address', 'has value', '6399 wilshire boulevard'], ['buses', 'has slot', 'from station'], ['hotels', 'has slot', 'place name'], ['price', 'has value', '$ 151'], ['leaving date', 'has value', 'march 12th'], ['flights', 'has slot', 'count'], ['2', 'has domain', 'hotels'], ['leaving date', 'has value', '9th of march'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['vegas', 'has domain', 'buses'], ['date', 'has value', 'march 12th'], ['ac hotel by marriott beverly hills', 'has domain', 'hotels'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['dodger stadium', 'has domain', 'events'], ['flights', 'has slot', 'price'], ['1', 'refers to same concept as', 'one'], ['3', 'has domain', 'flights'], ['from location', 'has value', 'long beach'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['false', 'has domain', 'hotels'], ['time', 'has value', '8 : 30 pm'], ['los angeles', 'has domain', 'events'], ['inbound departure time', 'has value', '5 : 05 am'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['lax', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['star rating', 'has value', '2'], ['category', 'has value', 'music'], ['leaving time', 'has value', '7 : 20 am'], ['flights', 'has slot', 'airlines'], ['fare', 'has value', '$ 12'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['travelers', 'has value', '1'], ['address of location', 'has value', '1000 vin scully ave'], ['flights', 'has slot', 'inbound departure time'], ['events', 'has slot', 'buyeventtickets'], ['fare', 'has value', '$ 38'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['9th of march', 'has domain', 'buses'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['1000 vin scully ave', 'has domain', 'events'], ['hotels', 'has slot', 'smoking allowed'], ['march 12th', 'has domain', 'events'], ['8 : 30 pm', 'has domain', 'events'], ['6399 wilshire boulevard', 'has domain', 'hotels'], ['smoking allowed', 'has value', 'false'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['sports', 'has domain', 'events'], ['7 : 20 am', 'has domain', 'buses'], ['dodgers vs cubs', 'has domain', 'events'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['buses', 'has slot', 'travelers'], ['flights', 'has slot', 'number checked bags'], ['event name', 'has value', 'dodgers vs cubs'], ['3', 'refers to same concept as', '$ 3'], ['from station', 'has value', 'downtown station'], ['buses', 'has slot', 'buybusticket'], ['$ 151', 'has domain', 'flights'], ['category', 'has value', 'sports'], ['los angeles', 'refers to same concept as', 'lax'], ['event location', 'has value', 'dodger stadium'], ['this saturday', 'has domain', 'flights'], ['count', 'has value', '3'], ['events', 'has slot', 'event name'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-2082\n", + "dialogue: \"user\": \"i ' m looking for something fun to do .\"\n", + "\"system\": \"where would you like to do something ? is there anything you are specifically looking for like music or sports ?\"\n", + "\"user\": \"how about sports events in nyc .\"\n", + "\"system\": \"the mets vs braves is playing on march 13th at 6 pm at citi field .\"\n", + "\"user\": \"that could be fun .\"\n", + "\"system\": \"would you like me to purchase tickets now ?\"\n", + "\"user\": \"no , not right now . can you find me a bus there ?\"\n", + "\"system\": \"where will you be leaving from ?\"\n", + "\"user\": \"leaving from washington .\"\n", + "\"system\": \"do you want to leave on march 13th ?\"\n", + "\"user\": \"no , i want to leave on the 2nd of march .\"\n", + "\"system\": \"there is a $ 32 bus ticket leaving at 8 : 10 am with 0 transfers .\"\n", + "\"user\": \"what else is there ?\"\n", + "\"system\": \"there is a $ 34 8 : 20 am bus with 0 transfers as well .\"\n", + "\"user\": \"what station would i be leaving and arriving at ?\"\n", + "\"system\": \"you will be leaving from union station and arriving at port authority station .\"\n", + "\"user\": \"are there other bus options ?\"\n", + "\"system\": \"there is a $ 35 ticket leaving at 11 : 10 am with 0 transfers .\"\n", + "\"user\": \"thanks for looking . what about roundtrip flights ?\"\n", + "\"system\": \"when do you want your return flight day to be ?\"\n", + "\"user\": \"i want to come back on the 14th . can you make those premium economy tickets ?\"\n", + "\"system\": \"do you want to leave march 13th or march 2nd ?\"\n", + "\"user\": \"i want to leave this sunday .\"\n", + "\"system\": \"i found 3 possible flights . there is a $ 227 american airlines flight leaving at 4 : 10 am with a return flight leaving at 2 : 10 pm local time .\"\n", + "\"user\": \"when does that flight arrive ? and what airport is it going to ?\"\n", + "\"system\": \"the flight arrives at 5 : 20 am at jfk international airport .\"\n", + "\"user\": \"cool , thanks . i also need 2 rooms at a 4 star hotel .\"\n", + "\"system\": \"1 hotel brooklyn bridge is a 4 star hotel .\"\n", + "\"user\": \"what else is there ? actually , i just need 1 room .\"\n", + "\"system\": \"i found 9 possible hotels . 6 columbus hotel is a 4 star hotel in the area .\"\n", + "\"user\": \"how much would that be ? and what ' s their contact number ?\"\n", + "\"system\": \"the cost is $ 296 . you can reach them at + 1 212 - 204 - 3000\"\n", + "\"user\": \"thanks , are there any other hotels like the one i ' m looking for ?\"\n", + "\"system\": \"there is a 4 star hotel called ac hotel new york times square .\"\n", + "\"user\": \"alright thank you . can you buy 3 tickets to the event you found ?\"\n", + "\"system\": \"please confirm : you want to reserve 3 tickets to the mets vs braves game on march 13th in new york . is that correct ?\"\n", + "\"user\": \"yup , that ' s right . can you tell me the address ?\"\n", + "\"system\": \"your reservation is complete . the address is 123 - 01 roosevelt avenue .\"\n", + "\"user\": \"thanks for all the help , that ' s what i needed .\"\n", + "\"system\": \"enjoy !\"\n", + "\n", + "terms: ['citi field', 'jfk international airport', '5 : 20 am', '2', 'sports', 'airlines', 'time', 'march 13th', 'union station', 'premium economy', 'ac hotel new york times square', '2nd of march', '6 pm', 'mets vs braves', 'new york', 'march 2nd', '2 : 10 pm', '8 : 20 am', 'music', '4 : 10 am', '123 - 01 roosevelt avenue', '$ 227', 'washington', '6 columbus hotel', 'american airlines', 'one', 'this sunday', '$ 32', 'hotels', '$ 35', '11 : 10 am', 'transfers', 'nyc', 'the 14th', 'events', '3', '$ 296', '4', '0', 'flights', '$ 34', 'port authority station', '9', '1', '8 : 10 am']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['place name', 'has value', 'ac hotel new york times square'], ['buses', 'has slot', 'leaving time'], ['phone number', 'has value', '+ 1 212 - 204 - 3000'], ['events', 'has slot', 'findevents'], ['march 2nd', 'has domain', 'flights'], ['flights', 'has slot', 'outbound arrival time'], ['5 : 20 am', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['union station', 'has domain', 'buses'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['flights', 'has slot', 'departure date'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['8 : 20 am', 'has domain', 'buses'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['fare', 'has value', '$ 35'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['departure date', 'has value', 'march 13th'], ['hotels', 'has slot', 'place name'], ['$ 35', 'has domain', 'buses'], ['port authority station', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['place name', 'has value', '6 columbus hotel'], ['2', 'has domain', 'hotels'], ['premium economy', 'has domain', 'flights'], ['hotels', 'has slot', 'price per night'], ['leaving time', 'has value', '8 : 10 am'], ['2 : 10 pm', 'has domain', 'flights'], ['return date', 'has value', 'the 14th'], ['leaving time', 'has value', '11 : 10 am'], ['$ 296', 'has domain', 'hotels'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['address of location', 'has value', '123 - 01 roosevelt avenue'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['price per night', 'has value', '$ 296'], ['event name', 'has value', 'mets vs braves'], ['departure date', 'has value', 'this sunday'], ['this sunday', 'has domain', 'flights'], ['number of rooms', 'has value', '2'], ['count', 'has value', '9'], ['1', 'refers to same concept as', 'one'], ['march 13th', 'has domain', 'buses'], ['3', 'has domain', 'flights'], ['time', 'has value', '6 pm'], ['fare', 'has value', '$ 34'], ['buses', 'has slot', 'transfers'], ['star rating', 'has value', '4'], ['9', 'has domain', 'hotels'], ['event location', 'has value', 'citi field'], ['jfk international airport', 'has domain', 'flights'], ['123 - 01 roosevelt avenue', 'has domain', 'events'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flight class', 'has value', 'premium economy'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'airlines'], ['ac hotel new york times square', 'has domain', 'hotels'], ['$ 32', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['inbound departure time', 'has value', '2 : 10 pm'], ['leaving date', 'has value', 'march 13th'], ['$ 34', 'has domain', 'buses'], ['flights', 'has slot', 'inbound departure time'], ['4 : 10 am', 'has domain', 'flights'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['nyc', 'has domain', 'events'], ['flights', 'has slot', 'destination airport name'], ['6 columbus hotel', 'has domain', 'hotels'], ['date', 'has value', 'march 13th'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['2', 'refers to same concept as', '$ 2'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['flights', 'has slot', 'return date'], ['3', 'has domain', 'events'], ['$ 227', 'has domain', 'flights'], ['march 13th', 'has domain', 'flights'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['sports', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['hotels', 'has slot', 'count'], ['citi field', 'has domain', 'events'], ['hotels', 'has slot', 'phone number'], ['price', 'has value', '$ 227'], ['3', 'refers to same concept as', '$ 3'], ['+ 1 212 - 204 - 3000', 'has domain', 'hotels'], ['fare', 'has value', '$ 32'], ['category', 'has value', 'sports'], ['2nd of march', 'has domain', 'buses'], ['6 pm', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['destination airport name', 'has value', 'jfk international airport'], ['1', 'has domain', 'hotels'], ['count', 'has value', '3'], ['march 13th', 'has domain', 'events'], ['leaving date', 'has value', '2nd of march'], ['leaving time', 'has value', '8 : 20 am'], ['11 : 10 am', 'has domain', 'buses'], ['the 14th', 'has domain', 'flights'], ['mets vs braves', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['outbound arrival time', 'has value', '5 : 20 am']]\n", + "\n", + "dialogue id: sgd-validation-2083\n", + "dialogue: \"user\": \"id like to look for games on the 13th of march .\"\n", + "\"system\": \"in what city ?\"\n", + "\"user\": \"look in the atl area . i like american football .\"\n", + "\"system\": \"the falcons vs jaguars game will be at the mercedes - benz stadium march 13th staring at 8 pm .\"\n", + "\"user\": \"what ' s the address ?\"\n", + "\"system\": \"1 amb drive northwest .\"\n", + "\"user\": \"what about baseball games in san fran .\"\n", + "\"system\": \"i found 4 games . there ' s the giants vs diamondbacks in oracle park at 8 pm on march 13th .\"\n", + "\"user\": \"what ' s the address ?\"\n", + "\"system\": \"24 willie mays plaza .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"is there anything else you wanted ?\"\n", + "\"user\": \"yes . can you help me find a bus to go there ? i plan to leave from vegas on the 8th of this month . i ' ll need three tickets .\"\n", + "\"system\": \"there ' s a bus that leaves at 10 : 50 am with 0 transfers for $ 51 .\"\n", + "\"user\": \"where does it leave from ?\"\n", + "\"system\": \"it leaves from union plaza .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"do you want me to order tickets ?\"\n", + "\"user\": \"not just yet . can you check round trip flights ? i ' d like to go on the 3rd of this month .\"\n", + "\"system\": \"what day did you want to return ?\"\n", + "\"user\": \"i ' d be returning on the 10th .\"\n", + "\"system\": \"i found an american airlines flight for $ 173 . it leaves at 6 : 50 am and the returning flight leaves at 5 : 25 am .\"\n", + "\"user\": \"is there anything else ? i want economy class tickets .\"\n", + "\"system\": \"delta airlines has one for $ 169 . it leaves at 8 : 30 pm and the return flight leaves at 9 : 15 pm .\"\n", + "\"user\": \"can you check southwest airlines . i will be checking 0 bags .\"\n", + "\"system\": \"i found 1 southwest airlines flight for $ 208 . it leaves at 1 : 20 pm and the return flight leaves at 12 : 20 pm .\"\n", + "\"user\": \"where does it land ?\"\n", + "\"system\": \"sfo international airport .\"\n", + "\"user\": \"does it get there the next day ?\"\n", + "\"system\": \"no it arrives the same day .\"\n", + "\"user\": \"good . can you check some hotels for me ?\"\n", + "\"system\": \"i found 10 hotels . there ' s the amsterdam hostel san francisco , a 1 star hotel .\"\n", + "\"user\": \"sounds good . let ' s go ahead and get the ticket to the baseball game .\"\n", + "\"system\": \"to verify : you would like 3 tickets to the giants vs diamondbacks game on march 13th in san francisco .\"\n", + "\"user\": \"you got it .\"\n", + "\"system\": \"your tickets are confirmed .\"\n", + "\"user\": \"thanks so much !\"\n", + "\"system\": \"is there anything else you need ?\"\n", + "\"user\": \"no , that ' s it for now . thanks again .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['san fran', 'economy', 'southwest airlines', '3rd of this month', '10 : 50 am', '5 : 25 am', '$ 208', 'airlines', '9 : 15 pm', 'oracle park', 'the 10th', 'march 13th', 'giants vs diamondbacks', 'american football', 'mercedes - benz stadium', '8th of this month', '$ 169', '8 pm', '13th of march', '12 : 20 pm', 'vegas', 'baseball', '$ 51', 'union plaza', '$ 173', 'one', 'american airlines', 'hotels', 'amsterdam hostel san francisco', '6 : 50 am', '8 : 30 pm', 'falcons vs jaguars', 'transfers', '3', '4', '0', 'flights', 'atl', '1 : 20 pm', '10', 'three', '1', 'san francisco']\n", + "relations: [['subcategory', 'has value', 'american football'], ['buses', 'has slot', 'leaving time'], ['outbound departure time', 'has value', '6 : 50 am'], ['events', 'has slot', 'findevents'], ['inbound departure time', 'has value', '12 : 20 pm'], ['buses', 'has slot', 'from location'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['san francisco', 'has domain', 'events'], ['flights', 'has slot', 'departure date'], ['outbound departure time', 'has value', '1 : 20 pm'], ['address of location', 'has value', '24 willie mays plaza'], ['flight class', 'has value', 'economy'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['4', 'has domain', 'events'], ['airlines', 'has value', 'delta airlines'], ['3', 'has domain', 'buses'], ['union plaza', 'has domain', 'buses'], ['fare', 'has value', '$ 51'], ['delta airlines', 'has domain', 'flights'], ['oracle park', 'has domain', 'events'], ['events', 'has slot', 'number of seats'], ['1 amb drive northwest', 'has domain', 'events'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'from station'], ['false', 'has domain', 'flights'], ['hotels', 'has slot', 'place name'], ['falcons vs jaguars', 'has domain', 'events'], ['12 : 20 pm', 'has domain', 'flights'], ['outbound departure time', 'has value', '8 : 30 pm'], ['count', 'has value', '10'], ['24 willie mays plaza', 'has domain', 'events'], ['flights', 'has slot', 'count'], ['event name', 'has value', 'falcons vs jaguars'], ['$ 169', 'has domain', 'flights'], ['destination airport name', 'has value', 'sfo international airport'], ['$ 51', 'has domain', 'buses'], ['vegas', 'has domain', 'buses'], ['the 10th', 'has domain', 'flights'], ['star rating', 'has value', '1'], ['event location', 'has value', 'oracle park'], ['$ 173', 'has domain', 'flights'], ['events', 'has slot', 'time'], ['leaving time', 'has value', '10 : 50 am'], ['8 pm', 'has domain', 'events'], ['baseball', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['0', 'has domain', 'flights'], ['flights', 'has slot', 'price'], ['5 : 25 am', 'has domain', 'flights'], ['6 : 50 am', 'has domain', 'flights'], ['atl', 'has domain', 'events'], ['flights', 'has slot', 'arrives next day'], ['city of event', 'has value', 'atl'], ['1', 'refers to same concept as', 'one'], ['airlines', 'has value', 'southwest airlines'], ['address of location', 'has value', '1 amb drive northwest'], ['buses', 'has slot', 'transfers'], ['8th of this month', 'has domain', 'buses'], ['10 : 50 am', 'has domain', 'buses'], ['8 : 30 pm', 'has domain', 'flights'], ['san fran', 'has domain', 'events'], ['giants vs diamondbacks', 'has domain', 'events'], ['buses', 'has slot', 'fare'], ['inbound departure time', 'has value', '5 : 25 am'], ['1 : 20 pm', 'has domain', 'flights'], ['flights', 'has slot', 'outbound departure time'], ['inbound departure time', 'has value', '9 : 15 pm'], ['3rd of this month', 'has domain', 'flights'], ['american football', 'has domain', 'events'], ['departure date', 'has value', '3rd of this month'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['sfo international airport', 'refers to same concept as', 'sfo'], ['hotels', 'has slot', 'searchhotel'], ['arrives next day', 'has value', 'false'], ['flights', 'has slot', 'searchroundtripflights'], ['date', 'has value', '13th of march'], ['price', 'has value', '$ 169'], ['$ 208', 'has domain', 'flights'], ['13th of march', 'has domain', 'events'], ['sfo international airport', 'has domain', 'flights'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['time', 'has value', '8 pm'], ['events', 'has slot', 'buyeventtickets'], ['flights', 'has slot', 'destination airport name'], ['mercedes - benz stadium', 'has domain', 'events'], ['date', 'has value', 'march 13th'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['events', 'has slot', 'date'], ['price', 'has value', '$ 173'], ['flights', 'has slot', 'return date'], ['3', 'has domain', 'events'], ['count', 'has value', '1'], ['city of event', 'has value', 'san fran'], ['1', 'has domain', 'flights'], ['3', 'refers to same concept as', 'three'], ['place name', 'has value', 'amsterdam hostel san francisco'], ['price', 'has value', '$ 208'], ['number checked bags', 'has value', '0'], ['subcategory', 'has value', 'baseball'], ['from station', 'has value', 'union plaza'], ['events', 'has slot', 'subcategory'], ['sports', 'has domain', 'events'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'vegas'], ['city of event', 'has value', 'san francisco'], ['count', 'has value', '4'], ['hotels', 'has slot', 'count'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['leaving date', 'has value', '8th of this month'], ['flights', 'has slot', 'number checked bags'], ['buses', 'has slot', 'buybusticket'], ['amsterdam hostel san francisco', 'has domain', 'hotels'], ['southwest airlines', 'has domain', 'flights'], ['category', 'has value', 'sports'], ['economy', 'has domain', 'flights'], ['event name', 'has value', 'giants vs diamondbacks'], ['1', 'has domain', 'hotels'], ['march 13th', 'has domain', 'events'], ['return date', 'has value', 'the 10th'], ['9 : 15 pm', 'has domain', 'flights'], ['events', 'has slot', 'event name'], ['event location', 'has value', 'mercedes - benz stadium']]\n", + "\n", + "dialogue id: sgd-validation-2084\n", + "dialogue: \"user\": \"i want to find something interesting to do please .\"\n", + "\"system\": \"such as what , do you know ? and in what city ?\"\n", + "\"user\": \"some games maybe on the 13th in sf ?\"\n", + "\"system\": \"how about giants vs diamondbacks at oracle park , which is on march 13th at 8 pm ?\"\n", + "\"user\": \"okay , where is that happening and what kind of event is it ?\"\n", + "\"system\": \"it ' s a baseball game at 24 willie mays plaza .\"\n", + "\"user\": \"okay , what else is there ? maybe an electronica concert somewhere ?\"\n", + "\"system\": \"i have 1 , which is electric feels at august hall on march 13th and that starts at 7 pm .\"\n", + "\"user\": \"okay . i am going to need a bus , too . one ticket on the 12th of this month .\"\n", + "\"system\": \"departing from where ?\"\n", + "\"user\": \"from las vegas please .\"\n", + "\"system\": \"i have a bus which leaves at 10 : 50 am with 0 transfers and it ' s a $ 50 fare .\"\n", + "\"user\": \"where does it leave from ?\"\n", + "\"system\": \"from union plaza .\"\n", + "\"user\": \"okay , thanks . what about some roundtrip flights in economy class ?\"\n", + "\"system\": \"leaving march 12th ? and returning when ?\"\n", + "\"user\": \"leaving the 5th of this month , returning on march 14th .\"\n", + "\"system\": \"there ' s an american airlines flight for $ 201 leaving at 6 : 50 am and coming back at 5 : 25 am .\"\n", + "\"user\": \"what number of checked bags are permitted ?\"\n", + "\"system\": \"there are 0 checked bags allowed .\"\n", + "\"user\": \"what ' s the flight ' s arrival time ?\"\n", + "\"system\": \"that is at 8 : 25 am .\"\n", + "\"user\": \"okay . i ' d like to find a hotel , too .\"\n", + "\"system\": \"i have 10 hotels . how about amsterdam hostel san francisco , which has a rating of 1 star ?\"\n", + "\"user\": \"how about 3 star hotels ?\"\n", + "\"system\": \"i ' ve got 10 of them . bei hotel san francisco has 3 stars .\"\n", + "\"user\": \"great . i ' d like to go back and purchase those event tickets please .\"\n", + "\"system\": \"confirming 1 ticket on march 13th in san francisco for electric feels .\"\n", + "\"user\": \"great . where is that happening ?\"\n", + "\"system\": \"it ' s at 420 mason street and the ticket has been purchased .\"\n", + "\"user\": \"thanks , that ' s great !\"\n", + "\"system\": \"you ' re very welcome .\"\n", + "\n", + "terms: ['economy', '10 : 50 am', 'electric feels', '5 : 25 am', 'airlines', 'time', 'oracle park', '$ 201', 'fare', '5th of this month', 'march 13th', 'giants vs diamondbacks', '12th of this month', 'bei hotel san francisco', 'electronica', '8 : 25 am', '8 pm', '420 mason street', 'baseball', 'vegas', '$ 50', 'union plaza', 'the 13th', 'march 14th', 'one', 'american airlines', 'hotels', 'amsterdam hostel san francisco', 'sf', '6 : 50 am', 'march 12th', 'transfers', '7 pm', '3', '24 willie mays plaza', '0', 'flights', '10', 'august hall', '1', 'san francisco', 'las vegas']\n", + "relations: [['address of location', 'has value', '420 mason street'], ['fare', 'has value', '$ 50'], ['buses', 'has slot', 'leaving time'], ['outbound departure time', 'has value', '6 : 50 am'], ['events', 'has slot', 'findevents'], ['flights', 'has slot', 'outbound arrival time'], ['buses', 'has slot', 'from location'], ['august hall', 'has domain', 'events'], ['march 14th', 'has domain', 'flights'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['outbound arrival time', 'has value', '8 : 25 am'], ['number of seats', 'has value', '1'], ['flights', 'has slot', 'departure date'], ['san francisco', 'has domain', 'events'], ['address of location', 'has value', '24 willie mays plaza'], ['flight class', 'has value', 'economy'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['union plaza', 'has domain', 'buses'], ['sf', 'has domain', 'events'], ['date', 'has value', 'the 13th'], ['oracle park', 'has domain', 'events'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'from station'], ['hotels', 'has slot', 'place name'], ['return date', 'has value', 'march 14th'], ['count', 'has value', '10'], ['24 willie mays plaza', 'has domain', 'events'], ['8 : 25 am', 'has domain', 'flights'], ['420 mason street', 'has domain', 'events'], ['5th of this month', 'has domain', 'flights'], ['12th of this month', 'has domain', 'buses'], ['7 pm', 'has domain', 'events'], ['star rating', 'has value', '1'], ['event location', 'has value', 'oracle park'], ['$ 201', 'has domain', 'flights'], ['events', 'has slot', 'time'], ['leaving time', 'has value', '10 : 50 am'], ['san francisco', 'refers to same concept as', 'san fran'], ['8 pm', 'has domain', 'events'], ['baseball', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['electronica', 'has domain', 'events'], ['0', 'has domain', 'flights'], ['price', 'has value', '$ 201'], ['event location', 'has value', 'august hall'], ['flights', 'has slot', 'price'], ['5 : 25 am', 'has domain', 'flights'], ['6 : 50 am', 'has domain', 'flights'], ['subcategory', 'has value', 'electronica'], ['1', 'refers to same concept as', 'one'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['march 12th', 'has domain', 'flights'], ['electric feels', 'has domain', 'events'], ['10 : 50 am', 'has domain', 'buses'], ['giants vs diamondbacks', 'has domain', 'events'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['inbound departure time', 'has value', '5 : 25 am'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['events', 'has slot', 'count'], ['flights', 'has slot', 'airlines'], ['leaving date', 'has value', '12th of this month'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['travelers', 'has value', '1'], ['star rating', 'has value', '3'], ['event name', 'has value', 'electric feels'], ['flights', 'has slot', 'inbound departure time'], ['10', 'has domain', 'hotels'], ['time', 'has value', '8 pm'], ['events', 'has slot', 'buyeventtickets'], ['date', 'has value', 'march 13th'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['from location', 'has value', 'las vegas'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['count', 'has value', '1'], ['las vegas', 'refers to same concept as', 'vegas'], ['place name', 'has value', 'amsterdam hostel san francisco'], ['number checked bags', 'has value', '0'], ['subcategory', 'has value', 'baseball'], ['city of event', 'has value', 'sf'], ['time', 'has value', '7 pm'], ['las vegas', 'has domain', 'buses'], ['from station', 'has value', 'union plaza'], ['the 13th', 'has domain', 'events'], ['events', 'has slot', 'subcategory'], ['sports', 'has domain', 'events'], ['$ 50', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['city of event', 'has value', 'san francisco'], ['hotels', 'has slot', 'count'], ['buses', 'has slot', 'travelers'], ['departure date', 'has value', '5th of this month'], ['flights', 'has slot', 'number checked bags'], ['departure date', 'has value', 'march 12th'], ['amsterdam hostel san francisco', 'has domain', 'hotels'], ['category', 'has value', 'sports'], ['bei hotel san francisco', 'has domain', 'hotels'], ['place name', 'has value', 'bei hotel san francisco'], ['economy', 'has domain', 'flights'], ['event name', 'has value', 'giants vs diamondbacks'], ['1', 'has domain', 'hotels'], ['march 13th', 'has domain', 'events'], ['1', 'has domain', 'events'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2085\n", + "dialogue: \"user\": \"hey , can you find me something fun to do in new york city on the 2nd of march ?\"\n", + "\"system\": \"sure , what kind of event would you like ?\"\n", + "\"user\": \"i ' d like to go to a music show please .\"\n", + "\"system\": \"okay , how about americo at la boom ? it starts at 7 pm on march 2nd .\"\n", + "\"user\": \"sounds great , thanks . can you get me a bus there too ?\"\n", + "\"system\": \"sure , where are you leaving from ? on march 2nd ?\"\n", + "\"user\": \"no , on march 1st . i ' m leaving from washington .\"\n", + "\"system\": \"okay , how about a bus departing at 8 : 10 am ? it has 0 transfers and costs $ 37 .\"\n", + "\"user\": \"that sounds okay , but how about a flight ? any return flights going there ? i ' d like 2 seats on a plane returning on the 7th of this month .\"\n", + "\"system\": \"leaving on march 2nd or march 1st ?\"\n", + "\"user\": \"on the 2nd of march .\"\n", + "\"system\": \"if you ' ll fly with american airlines you can take a flight departing 4 : 10 am , with the return flight departing 1 : 30 pm - it costs $ 158 per person .\"\n", + "\"user\": \"okay thanks . i ' ll also need 3 hotel rooms at a 3 star hotel .\"\n", + "\"system\": \"okay , how about the 3 star hotel called 11 howard .\"\n", + "\"user\": \"sounds good . can i smoke there ? what ' s their phone number ?\"\n", + "\"system\": \"yes , smoking is okay . it ' s + 1 212 - 235 - 1111\"\n", + "\"user\": \"thanks . can you book my tickets to that music event ?\"\n", + "\"system\": \"sure , please confirm that you ' d like 2 tickets to americo on march 2nd in new york .\"\n", + "\"user\": \"yes , that ' s perfect . where is the venue ?\"\n", + "\"system\": \"it has been done . the venue is at 56 - 15 northern boulevard , woodside .\"\n", + "\"user\": \"thanks a lot . that ' ll be all .\"\n", + "\"system\": \"okay , see you .\"\n", + "\n", + "terms: ['americo', 'march 1st', '$ 158', '7th of this month', '11 howard', '2', 'new york city', 'airlines', '2nd of march', 'new york', 'march 2nd', '56 - 15 northern boulevard , woodside', 'music', '4 : 10 am', 'washington', 'american airlines', 'phone number', 'transfers', '7 pm', '3', 'la boom', '0', '$ 37', 'flights', '8 : 10 am', '1 : 30 pm']\n", + "relations: [['56 - 15 northern boulevard , woodside', 'has domain', 'events'], ['outbound departure time', 'has value', '4 : 10 am'], ['event location', 'has value', 'la boom'], ['date', 'has value', '2nd of march'], ['buses', 'has slot', 'leaving time'], ['2', 'has domain', 'flights'], ['+ 1 212 - 235 - 1111', 'has domain', 'hotels'], ['events', 'has slot', 'findevents'], ['march 2nd', 'has domain', 'flights'], ['buses', 'has slot', 'from location'], ['true', 'has domain', 'hotels'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['flights', 'has slot', 'departure date'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['leaving date', 'has value', 'march 2nd'], ['events', 'has slot', 'number of seats'], ['2nd of march', 'has domain', 'events'], ['11 howard', 'has domain', 'hotels'], ['2nd of march', 'has domain', 'flights'], ['events', 'has slot', 'address of location'], ['date', 'has value', 'march 2nd'], ['hotels', 'has slot', 'place name'], ['fare', 'has value', '$ 37'], ['flights', 'has slot', 'passengers'], ['address of location', 'has value', '56 - 15 northern boulevard , woodside'], ['leaving time', 'has value', '8 : 10 am'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['march 2nd', 'has domain', 'events'], ['7 pm', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['new york city', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['smoking allowed', 'has value', 'true'], ['passengers', 'has value', '2'], ['flights', 'has slot', 'price'], ['march 1st', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['$ 37', 'has domain', 'buses'], ['number of rooms', 'has value', '3'], ['return date', 'has value', '7th of this month'], ['departure date', 'has value', 'march 1st'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['departure date', 'has value', 'march 2nd'], ['flights', 'has slot', 'airlines'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['inbound departure time', 'has value', '1 : 30 pm'], ['star rating', 'has value', '3'], ['departure date', 'has value', '2nd of march'], ['flights', 'has slot', 'inbound departure time'], ['4 : 10 am', 'has domain', 'flights'], ['events', 'has slot', 'buyeventtickets'], ['1 : 30 pm', 'has domain', 'flights'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['$ 158', 'has domain', 'flights'], ['americo', 'has domain', 'events'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['march 1st', 'has domain', 'flights'], ['hotels', 'has slot', 'smoking allowed'], ['new york', 'refers to same concept as', 'ny'], ['la boom', 'has domain', 'events'], ['time', 'has value', '7 pm'], ['march 2nd', 'has domain', 'buses'], ['7th of this month', 'has domain', 'flights'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['event name', 'has value', 'americo'], ['leaving date', 'has value', 'march 1st'], ['price', 'has value', '$ 158'], ['place name', 'has value', '11 howard'], ['hotels', 'has slot', 'phone number'], ['3', 'refers to same concept as', '$ 3'], ['city of event', 'has value', 'new york city'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'event name'], ['phone number', 'has value', '+ 1 212 - 235 - 1111']]\n", + "\n", + "dialogue id: sgd-validation-2086\n", + "dialogue: \"user\": \"i ' m looking for something interesting to do around philly , i like american football if that helps .\"\n", + "\"system\": \"are you looking primarily for sports events , or would you be fine attending a music or other type of event ?\"\n", + "\"user\": \"sports events primarily if there are any available /\"\n", + "\"system\": \"there is an event occurring on march 14th at 8 pm at the lincoln financial field , would you be interested in the eagles vs cowboys ?\"\n", + "\"user\": \"can you tell me the address of this venue ?\"\n", + "\"system\": \"lincoln financial field is located at 1 lincoln financial field way .\"\n", + "\"user\": \"sounds great , thanks for finding the venue .\"\n", + "\"system\": \"would you like to buy tickets to the event ?\"\n", + "\"user\": \"not right now , maybe later .\"\n", + "\"system\": \"is there anything else i can assist you for today ?\"\n", + "\"user\": \"how about a bus , is there a bus heading there if i plan on leaving on the 7th of this month ?\"\n", + "\"system\": \"from where are you departing to philedelphia ?\"\n", + "\"user\": \"washington is where i will depart on bus .\"\n", + "\"system\": \"there are 8 buses available for your trip , how about a bus that has 0 transfers and costs $ 29 , it departs at 7 : 10 am ?\"\n", + "\"user\": \"is there a bus available for two people ?\"\n", + "\"system\": \"there are 7 buses available , one also has 0 transfers , but departs at 7 : 50 am and costs $ 31 , is that acceptable ?\"\n", + "\"user\": \"from which station will the bus depart from , and which station will it arrive to ?\"\n", + "\"system\": \"origin station for the bus is union station , its destination station will be intercity terminal\"\n", + "\"user\": \"is there another bus available ?\"\n", + "\"system\": \"there is a bus that departs at 8 : 40 am , it costs $ 29 and has 0 transfers .\"\n", + "\"user\": \"works for me , can you find me a round trip flight going there , preferably one that has an economy class with zero bags to check in .\"\n", + "\"system\": \"what date will you be returning on a flight ?\"\n", + "\"user\": \"planning to return on march 12th .\"\n", + "\"system\": \"will you leave on march 7th ?\"\n", + "\"user\": \"actually i will leave out on the 5th of this month .\"\n", + "\"system\": \"would you like to fly with american airlines , this flight out of 2 takes of at 4 : 10 am and will its return flight departs at 5 : 50 pm , and it will only cost $ 367 per passenger .\"\n", + "\"user\": \"will the flight arrive the day after ?\"\n", + "\"system\": \"the flight reaches its destination on the same day .\"\n", + "\"user\": \"can you also find me 1 room at a nearby hotel ?\"\n", + "\"system\": \"i found a 3 star hotel , would you be interested in staying at the aka university city ?\"\n", + "\"user\": \"does the hotel allow smoking , and what ' s their phone number ?\"\n", + "\"system\": \"smoking is allowed in the hotel , and their phone number is + 1 215 - 372 - 9000 .\"\n", + "\"user\": \"great , please purchase tickets to the event you found earlier .\"\n", + "\"system\": \"you will purchase 2 tickets for the eagles vs cowboys event taking place in philadelphia on march 14th correct ?\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"the reservation has been confirmed , hope you enjoy the event !\"\n", + "\"user\": \"great , thanks for the help , that is all i need .\"\n", + "\"system\": \"your welcome , have a great day .\"\n", + "\n", + "terms: ['economy', 'march 7th', '7th of this month', '$ 31', '7', 'buses', '2', 'philly', '1 lincoln financial field way', 'sports', 'lincoln financial field', 'airlines', '5th of this month', 'american football', 'union station', '$ 367', '8 : 40 am', '$ 29', '8 pm', 'music', '4 : 10 am', 'philadelphia', 'march 14th', 'one', 'american airlines', 'eagles vs cowboys', '8', '7 : 50 am', '5 : 50 pm', 'aka university city', 'phone number', '+ 1 215 - 372 - 9000', 'march 12th', 'transfers', 'events', '3', '7 : 10 am', '0', 'two', 'date', '1']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['leaving time', 'has value', '7 : 50 am'], ['city of event', 'has value', 'philadelphia'], ['fare', 'has value', '$ 31'], ['subcategory', 'has value', 'american football'], ['buses', 'has slot', 'leaving time'], ['2', 'has domain', 'flights'], ['city of event', 'has value', 'philly'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['true', 'has domain', 'hotels'], ['union station', 'has domain', 'buses'], ['5 : 50 pm', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['flights', 'has slot', 'departure date'], ['flight class', 'has value', 'economy'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['march 7th', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['to station', 'has value', 'intercity terminal'], ['events', 'has slot', 'address of location'], ['$ 29', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['false', 'has domain', 'flights'], ['hotels', 'has slot', 'place name'], ['return date', 'has value', 'march 12th'], ['flights', 'has slot', 'count'], ['count', 'has value', '7'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['5th of this month', 'has domain', 'flights'], ['lincoln financial field', 'has domain', 'events'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['8 pm', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['phone number', 'has value', '+ 1 215 - 372 - 9000'], ['smoking allowed', 'has value', 'true'], ['8', 'has domain', 'buses'], ['fare', 'has value', '$ 29'], ['intercity terminal', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['flights', 'has slot', 'arrives next day'], ['1', 'refers to same concept as', 'one'], ['$ 367', 'has domain', 'flights'], ['buses', 'has slot', 'transfers'], ['inbound departure time', 'has value', '5 : 50 pm'], ['march 12th', 'has domain', 'flights'], ['philly', 'has domain', 'events'], ['address of location', 'has value', '1 lincoln financial field way'], ['7', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['american football', 'has domain', 'events'], ['flights', 'has slot', 'airlines'], ['date', 'has value', 'march 14th'], ['8 : 40 am', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['arrives next day', 'has value', 'false'], ['flights', 'has slot', 'searchroundtripflights'], ['star rating', 'has value', '3'], ['flights', 'has slot', 'inbound departure time'], ['place name', 'has value', 'aka university city'], ['time', 'has value', '8 pm'], ['4 : 10 am', 'has domain', 'flights'], ['count', 'has value', '2'], ['events', 'has slot', 'buyeventtickets'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '7 : 10 am'], ['flights', 'has slot', 'return date'], ['hotels', 'has slot', 'smoking allowed'], ['event name', 'has value', 'eagles vs cowboys'], ['leaving date', 'has value', '7th of this month'], ['buses', 'has slot', 'to station'], ['number checked bags', 'has value', '0'], ['7 : 50 am', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['events', 'has slot', 'subcategory'], ['7 : 10 am', 'has domain', 'buses'], ['departure date', 'has value', 'march 7th'], ['count', 'has value', '8'], ['sports', 'has domain', 'events'], ['7th of this month', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['2', 'refers to same concept as', 'two'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'travelers'], ['$ 31', 'has domain', 'buses'], ['hotels', 'has slot', 'phone number'], ['departure date', 'has value', '5th of this month'], ['price', 'has value', '$ 367'], ['flights', 'has slot', 'number checked bags'], ['3', 'refers to same concept as', '$ 3'], ['philadelphia', 'has domain', 'events'], ['category', 'has value', 'sports'], ['aka university city', 'has domain', 'hotels'], ['event location', 'has value', 'lincoln financial field'], ['leaving time', 'has value', '8 : 40 am'], ['eagles vs cowboys', 'has domain', 'events'], ['economy', 'has domain', 'flights'], ['1', 'has domain', 'hotels'], ['philadelphia', 'refers to same concept as', 'philly'], ['1 lincoln financial field way', 'has domain', 'events'], ['+ 1 215 - 372 - 9000', 'has domain', 'hotels'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2087\n", + "dialogue: \"user\": \"hello , i was hoping you could help me find something fun to do in the area .\"\n", + "\"system\": \"hello , yes , i can help you with that . are you looking for a certain type of event ? in what area would you like to search ?\"\n", + "\"user\": \"i enjoy attending music events . i am hoping to find something in or around new york city .\"\n", + "\"system\": \"there is an event called amber run brooklyn . it is taking place at warsaw on march 14th . the event starts at 6 pm .\"\n", + "\"user\": \"can you tell me more about it ?\"\n", + "\"system\": \"it is a pop music type of concert .\"\n", + "\"user\": \"that ' s one good option , but can you list some other events ?\"\n", + "\"system\": \"americo is taking place at la boom on march 6th at 6 : 30 pm .\"\n", + "\"user\": \"can you tell me the address of the venue and a bit more information about the event itself ?\"\n", + "\"system\": \"it is located at 56 - 15 northern boulevard , woodside . it is an international music concert .\"\n", + "\"user\": \"that sounds great . would you be able to find me a bus to take there ?\"\n", + "\"system\": \"yes , i can certainly do that for you . are you planning on leaving march 6th ? where will you be departing from ?\"\n", + "\"user\": \"i am planning to leave this saturday and i will be leaving from washington . i will just need one ticket .\"\n", + "\"system\": \"i have found 8 buses that match your search . there is a bus departing at 8 : 10 am and it will be $ 32 . it has 0 transfers .\"\n", + "\"user\": \"which bus stations will i be leaving from and arriving to ?\"\n", + "\"system\": \"your destination station will be port authority station and the station you will be departing from is union station .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"are there possibly any round - trip flights going there ?\"\n", + "\"system\": \"will you be leaving on march 6th ? and what day do you plan on returning .\"\n", + "\"user\": \"i am actually thinking about flying out on the 4th and returning march 9th .\"\n", + "\"system\": \"there is an american airlines flight that departs at 4 : 10 am on march 4th . the returning flight will depart at 2 : 10 pm . the ticket costs $ 156 per person .\"\n", + "\"user\": \"are there any other flights ?\"\n", + "\"system\": \"there is a delta airlines flight that departs at 5 : 55 pm on march 4th . your returning flight departs at 7 : 10 am . this ticket will cost $ 166 per person .\"\n", + "\"user\": \"any other options ? i am hoping to find economy class tickets .\"\n", + "\"system\": \"there are 2 flights that match your search . there is a southwest airlines flight that departs at 2 : 15 pm on march 4th . your returning flight departs at 7 : 15 am . this ticket will cost $ 173 per person .\"\n", + "\"user\": \"alright , that works for me . can you help me find a hotel in that area , also ? i will need one room and i am hoping to stay at a 3 star hotel .\"\n", + "\"system\": \"there is the 11 howard , it is a 3 star hotel .\"\n", + "\"user\": \"what is the cost per night and the address ?\"\n", + "\"system\": \"it will cost $ 72 per night and the address is 11 howard street .\"\n", + "\"user\": \"sounds good . can you help me purchase tickets for the event ?\"\n", + "\"system\": \"please confirm : you would like 1 ticket for americo on march 6th in new york .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your tickets have been purchased . i hope you have a great time at the concert .\"\n", + "\"user\": \"thank you for your help , that will be all for now .\"\n", + "\"system\": \"have a great rest of your day !\"\n", + "\n", + "terms: ['americo', 'economy', '11 howard', 'southwest airlines', 'buses', '2', 'march 6th', 'new york city', 'march 9th', 'time', 'airlines', 'delta airlines', 'union station', '7 : 15 am', '$ 156', '6 pm', 'new york', '2 : 10 pm', '56 - 15 northern boulevard , woodside', 'this saturday', 'music', 'warsaw', '4 : 10 am', 'march 14th', '6 : 30 pm', 'washington', 'american airlines', '$ 173', 'one', '$ 32', '8', '$ 166', 'transfers', 'pop', '5 : 55 pm', 'international', 'the 4th', '2 : 15 pm', 'events', '3', '7 : 10 am', 'la boom', '0', 'amber run brooklyn', 'flights', 'port authority station', '$ 72', '1', '8 : 10 am', '11 howard street']\n", + "relations: [['56 - 15 northern boulevard , woodside', 'has domain', 'events'], ['outbound departure time', 'has value', '4 : 10 am'], ['event location', 'has value', 'la boom'], ['buses', 'has slot', 'leaving time'], ['the 4th', 'has domain', 'flights'], ['2', 'has domain', 'flights'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['7 : 10 am', 'has domain', 'flights'], ['union station', 'has domain', 'buses'], ['march 9th', 'has domain', 'flights'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['event name', 'has value', 'amber run brooklyn'], ['flights', 'has slot', 'departure date'], ['price', 'has value', '$ 156'], ['number of seats', 'has value', '1'], ['flight class', 'has value', 'economy'], ['return date', 'has value', 'march 9th'], ['$ 156', 'has domain', 'flights'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['march 6th', 'has domain', 'events'], ['airlines', 'has value', 'delta airlines'], ['outbound departure time', 'has value', '5 : 55 pm'], ['5 : 55 pm', 'has domain', 'flights'], ['delta airlines', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['11 howard', 'has domain', 'hotels'], ['events', 'has slot', 'address of location'], ['hotels', 'has slot', 'street address'], ['buses', 'has slot', 'from station'], ['number of rooms', 'has value', '1'], ['7 : 15 am', 'has domain', 'flights'], ['hotels', 'has slot', 'place name'], ['port authority station', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['address of location', 'has value', '56 - 15 northern boulevard , woodside'], ['hotels', 'has slot', 'price per night'], ['leaving time', 'has value', '8 : 10 am'], ['2 : 10 pm', 'has domain', 'flights'], ['amber run brooklyn', 'has domain', 'events'], ['time', 'has value', '6 : 30 pm'], ['leaving date', 'has value', 'march 6th'], ['buses', 'has slot', 'count'], ['$ 173', 'has domain', 'flights'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['new york city', 'has domain', 'events'], ['date', 'has value', 'march 6th'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['8', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['event location', 'has value', 'warsaw'], ['1', 'refers to same concept as', 'one'], ['airlines', 'has value', 'southwest airlines'], ['time', 'has value', '6 pm'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['pop', 'has domain', 'events'], ['$ 72', 'has domain', 'hotels'], ['street address', 'has value', '11 howard street'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['$ 166', 'has domain', 'flights'], ['flights', 'has slot', 'airlines'], ['$ 32', 'has domain', 'buses'], ['date', 'has value', 'march 14th'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['travelers', 'has value', '1'], ['inbound departure time', 'has value', '7 : 10 am'], ['departure date', 'has value', 'the 4th'], ['inbound departure time', 'has value', '2 : 10 pm'], ['star rating', 'has value', '3'], ['inbound departure time', 'has value', '7 : 15 am'], ['march 6th', 'has domain', 'buses'], ['price', 'has value', '$ 166'], ['flights', 'has slot', 'inbound departure time'], ['4 : 10 am', 'has domain', 'flights'], ['count', 'has value', '2'], ['warsaw', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['6 : 30 pm', 'has domain', 'events'], ['american airlines', 'has domain', 'flights'], ['this saturday', 'has domain', 'buses'], ['americo', 'has domain', 'events'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['flights', 'has slot', 'return date'], ['price', 'has value', '$ 173'], ['subcategory', 'has value', 'pop'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['11 howard street', 'has domain', 'hotels'], ['la boom', 'has domain', 'events'], ['events', 'has slot', 'subcategory'], ['count', 'has value', '8'], ['leaving date', 'has value', 'this saturday'], ['buses', 'has slot', 'leaving date'], ['subcategory', 'has value', 'international'], ['from location', 'has value', 'washington'], ['event name', 'has value', 'americo'], ['buses', 'has slot', 'travelers'], ['outbound departure time', 'has value', '2 : 15 pm'], ['place name', 'has value', '11 howard'], ['3', 'refers to same concept as', '$ 3'], ['international', 'has domain', 'events'], ['fare', 'has value', '$ 32'], ['march 6th', 'has domain', 'flights'], ['city of event', 'has value', 'new york city'], ['southwest airlines', 'has domain', 'flights'], ['6 pm', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['departure date', 'has value', 'march 6th'], ['price per night', 'has value', '$ 72'], ['economy', 'has domain', 'flights'], ['2 : 15 pm', 'has domain', 'flights'], ['1', 'has domain', 'hotels'], ['1', 'has domain', 'events'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2088\n", + "dialogue: \"user\": \"i ' m looking for interesting things i can do .\"\n", + "\"system\": \"what city do you want to look in ?\"\n", + "\"user\": \"let ' s look in nyc .\"\n", + "\"system\": \"is there a particular type of event you like , such as music , sports , or anything else ?\"\n", + "\"user\": \"i prefer music events .\"\n", + "\"system\": \"amber run brooklyn at the warsaw on march 14th at 6 pm is something people like .\"\n", + "\"user\": \"okay , cool . what else is going on ?\"\n", + "\"system\": \"americo at la boom on march 6th at 6 : 30 pm is something that people like .\"\n", + "\"user\": \"i ' m very interested in that .\"\n", + "\"system\": \"would you like to purchase tickets ?\"\n", + "\"user\": \"let ' s do that later . i need a bus to get me there .\"\n", + "\"system\": \"will you be leaving on march 6th ?\"\n", + "\"user\": \"i want to leave on tuesday next week from washington .\"\n", + "\"system\": \"there are 8 buses that match . there ' s a bus that leaves at 8 : 10 am with 0 transfers that is $ 36 .\"\n", + "\"user\": \"okay , that works .\"\n", + "\"system\": \"would you like to purchases tickets for the bus ?\"\n", + "\"user\": \"no , let ' s not get tickets . let ' s search for roundtrip flights going there .\"\n", + "\"system\": \"will you be leaving on march 5th or march 6th ?\"\n", + "\"user\": \"i want to leave later today .\"\n", + "\"system\": \"and when will your return flight be ?\"\n", + "\"user\": \"i want to return on the 6th of march .\"\n", + "\"system\": \"there are 4 flights that match . there ' s an american airlines flight that is $ 160 per ticket . its departure is at 1 pm . and the return is at 1 : 30 pm .\"\n", + "\"user\": \"is that for 3 passengers ?\"\n", + "\"system\": \"that is for only 1 passenger ?\"\n", + "\"user\": \"what else is there ? i have zero bags i need to check in . and i want economy tickets .\"\n", + "\"system\": \"there ' s a delta airlines flight that is $ 142 per ticket . its departure is at 5 : 55 pm . and the return is at 7 : 10 am .\"\n", + "\"user\": \"and this is for how many passengers ?\"\n", + "\"system\": \"just for 1 passenger .\"\n", + "\"user\": \"okay , now let ' s look for hotels over there .\"\n", + "\"system\": \"there ' s a 4 star hotel called 1 hotel brooklyn bridge .\"\n", + "\"user\": \"what else is there ?\"\n", + "\"system\": \"there ' s a 5 star hotel called 1 hotel central park .\"\n", + "\"user\": \"i like the sound of that .\"\n", + "\"system\": \"do you want to book a room there ?\"\n", + "\"user\": \"no , i don ' t need to book a room right now . i do want to get a ticket to the event .\"\n", + "\"system\": \"how many tickets do you need ?\"\n", + "\"user\": \"just 1 ticket .\"\n", + "\"system\": \"i ' ll get you 1 ticket to americo in new york on march 6th . is that good for you ?\"\n", + "\"user\": \"that ' s good , yeah .\"\n", + "\"system\": \"the ticket has been booked . have a fantastic time !\"\n", + "\"user\": \"thanks for all the help .\"\n", + "\"system\": \"do you need me to do anything else ?\"\n", + "\"user\": \"no , thanks again .\"\n", + "\"system\": \"have an excellent day .\"\n", + "\n", + "terms: ['$ 142', 'americo', 'economy', 'buses', 'march 6th', '1 pm', 'sports', 'airlines', 'time', 'delta airlines', '1 hotel brooklyn bridge', '6 pm', 'new york', 'music', 'warsaw', '$ 160', 'march 14th', '6 : 30 pm', 'washington', 'american airlines', '1 hotel central park', '5', '8', 'hotels', 'passengers', 'later today', 'tuesday next week', 'transfers', 'nyc', '$ 36', '5 : 55 pm', '6th of march', 'events', '3', '4', 'march 5th', '7 : 10 am', 'la boom', '0', 'flights', '1', '8 : 10 am', '1 : 30 pm']\n", + "relations: [['events', 'has slot', 'event name'], ['event location', 'has value', 'la boom'], ['buses', 'has slot', 'leaving time'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['7 : 10 am', 'has domain', 'flights'], ['5', 'has domain', 'hotels'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['airlines', 'has value', 'american airlines'], ['event name', 'has value', 'amber run brooklyn'], ['flights', 'has slot', 'departure date'], ['number of seats', 'has value', '1'], ['flight class', 'has value', 'economy'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['flights', 'has slot', 'flight class'], ['march 6th', 'has domain', 'events'], ['airlines', 'has value', 'delta airlines'], ['outbound departure time', 'has value', '5 : 55 pm'], ['5 : 55 pm', 'has domain', 'flights'], ['delta airlines', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['1 pm', 'has domain', 'flights'], ['passengers', 'has value', '1'], ['6th of march', 'has domain', 'flights'], ['$ 160', 'has domain', 'flights'], ['1 hotel brooklyn bridge', 'has domain', 'hotels'], ['hotels', 'has slot', 'place name'], ['flights', 'has slot', 'count'], ['march 5th', 'has domain', 'flights'], ['$ 142', 'has domain', 'flights'], ['flights', 'has slot', 'passengers'], ['leaving time', 'has value', '8 : 10 am'], ['amber run brooklyn', 'has domain', 'events'], ['time', 'has value', '6 : 30 pm'], ['leaving date', 'has value', 'march 6th'], ['buses', 'has slot', 'count'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['date', 'has value', 'march 6th'], ['buses', 'has slot', 'findbus'], ['tuesday next week', 'has domain', 'buses'], ['transfers', 'has value', '0'], ['0', 'has domain', 'flights'], ['star rating', 'has value', '5'], ['8', 'has domain', 'buses'], ['4', 'has domain', 'hotels'], ['flights', 'has slot', 'price'], ['event location', 'has value', 'warsaw'], ['3', 'has domain', 'flights'], ['time', 'has value', '6 pm'], ['buses', 'has slot', 'transfers'], ['passengers', 'has value', '3'], ['star rating', 'has value', '4'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['category', 'has value', 'music'], ['fare', 'has value', '$ 36'], ['place name', 'has value', '1 hotel central park'], ['leaving date', 'has value', 'tuesday next week'], ['flights', 'has slot', 'airlines'], ['date', 'has value', 'march 14th'], ['later today', 'has domain', 'flights'], ['hotels', 'has slot', 'searchhotel'], ['departure date', 'has value', 'later today'], ['flights', 'has slot', 'searchroundtripflights'], ['inbound departure time', 'has value', '7 : 10 am'], ['inbound departure time', 'has value', '1 : 30 pm'], ['march 6th', 'has domain', 'buses'], ['flights', 'has slot', 'inbound departure time'], ['1 hotel central park', 'has domain', 'hotels'], ['warsaw', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['place name', 'has value', '1 hotel brooklyn bridge'], ['nyc', 'has domain', 'events'], ['price', 'has value', '$ 160'], ['1 : 30 pm', 'has domain', 'flights'], ['events', 'has slot', 'category'], ['6 : 30 pm', 'has domain', 'events'], ['american airlines', 'has domain', 'flights'], ['outbound departure time', 'has value', '1 pm'], ['americo', 'has domain', 'events'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['8 : 10 am', 'has domain', 'buses'], ['flights', 'has slot', 'return date'], ['1', 'has domain', 'flights'], ['price', 'has value', '$ 142'], ['new york', 'refers to same concept as', 'ny'], ['number checked bags', 'has value', '0'], ['la boom', 'has domain', 'events'], ['departure date', 'has value', 'march 5th'], ['count', 'has value', '8'], ['sports', 'has domain', 'events'], ['return date', 'has value', '6th of march'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['count', 'has value', '4'], ['event name', 'has value', 'americo'], ['flights', 'has slot', 'number checked bags'], ['3', 'refers to same concept as', '$ 3'], ['march 6th', 'has domain', 'flights'], ['4', 'has domain', 'flights'], ['buses', 'has slot', 'buybusticket'], ['category', 'has value', 'sports'], ['6 pm', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['departure date', 'has value', 'march 6th'], ['economy', 'has domain', 'flights'], ['1', 'has domain', 'events'], ['$ 36', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-2089\n", + "dialogue: \"user\": \"would you help me to find something interesting to do ? tell me about sports events .\"\n", + "\"system\": \"is there a particular city you want to look in ?\"\n", + "\"user\": \"i want to find something around philly .\"\n", + "\"system\": \"i have 10 events that you should like . eagles vs cowboys is veyr popular and is happening at lincoln financial field on march 14th at 8 pm .\"\n", + "\"user\": \"sounds good to me . would you help me look for a bus going there , leaving from nyc for 4 people ?\"\n", + "\"system\": \"will you leave on march 14th ?\"\n", + "\"user\": \"i want to leave on the 7th .\"\n", + "\"system\": \"i have 7 suitable buses . would you like a bus leaving t 7 : 40 am with 0 transfers ? that costs $ 23 .\"\n", + "\"user\": \"do you have something else ?\"\n", + "\"system\": \"what about a bus leaving at 8 am ? this bus has 0 transfers and is $ 25 .\"\n", + "\"user\": \"would there be any other buses available ? i want to leave march 3rd from washington .\"\n", + "\"system\": \"what do you think about a bus leaving at 7 : 10 am that costs $ 33 ? that bus has 0 transfers .\"\n", + "\"user\": \"what bus station do i leave and which one do i reach ?\"\n", + "\"system\": \"you will leave union station and arrive at intercity terminal .\"\n", + "\"user\": \"sounds good to me . how about roundtrip flights ?\"\n", + "\"system\": \"what day do you want your return flight on ?\"\n", + "\"user\": \"i want to return on 11th of this month .\"\n", + "\"system\": \"will you leave march 3rd or march 14th ?\"\n", + "\"user\": \"i want to depart on 2nd of this month .\"\n", + "\"system\": \"what about american airlines ? this flight leaves at 4 : 10 am local time and the return flight takes off at 8 : 45 am local time . this costs $ 266 per passenger .\"\n", + "\"user\": \"okay . would you find me some hotels in that area as well ?\"\n", + "\"system\": \"i have 10 hotels that match your criteria . there ' s a hotel called aka university city and is a 3 star hotel .\"\n", + "\"user\": \"that sounds good .\"\n", + "\"system\": \"could you reserve the hotel ?\"\n", + "\"user\": \"i do now want to make the reservation at this moment . i want to buy tickets to the event that you found .\"\n", + "\"system\": \"could you confirm that you want to book tickets for eagles vs cowboys on march 14th in philadelphia ? you are buying 4 tickets .\"\n", + "\"user\": \"sounds good to me .\"\n", + "\"system\": \"your reservation was successfully made .\"\n", + "\"user\": \"could you tell me the venue ' s address ?\"\n", + "\"system\": \"the place is 1 lincoln financial field way .\"\n", + "\"user\": \"thanks for helping . that is all i needed assistance with .\"\n", + "\"system\": \"have a good one .\"\n", + "\n", + "terms: ['7', 'buses', '2nd of this month', 'philly', '1 lincoln financial field way', 'sports', 'lincoln financial field', 'airlines', 'time', '8 : 45 am', '8 am', 'union station', '$ 23', '7 : 40 am', '8 pm', '$ 266', '4 : 10 am', 'philadelphia', 'the 7th', 'march 14th', 'washington', '$ 33', 'american airlines', 'eagles vs cowboys', 'hotels', 'aka university city', 'transfers', 'nyc', 'events', '11th of this month', 'intercity terminal', '3', '4', '$ 25', '7 : 10 am', '0', 'flights', '10', 'march 3rd']\n", + "relations: [['outbound departure time', 'has value', '4 : 10 am'], ['city of event', 'has value', 'philadelphia'], ['buses', 'has slot', 'leaving time'], ['fare', 'has value', '$ 33'], ['city of event', 'has value', 'philly'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['march 14th', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['march 14th', 'has domain', 'flights'], ['airlines', 'has value', 'american airlines'], ['0', 'has domain', 'buses'], ['washington', 'has domain', 'buses'], ['8 am', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['departure date', 'has value', 'march 14th'], ['hotels', 'has slot', 'star rating'], ['4', 'has domain', 'events'], ['events', 'has slot', 'number of seats'], ['to station', 'has value', 'intercity terminal'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'from station'], ['hotels', 'has slot', 'place name'], ['number of seats', 'has value', '4'], ['count', 'has value', '10'], ['leaving date', 'has value', 'march 3rd'], ['count', 'has value', '7'], ['$ 25', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['$ 33', 'has domain', 'buses'], ['lincoln financial field', 'has domain', 'events'], ['march 14th', 'has domain', 'events'], ['events', 'has slot', 'time'], ['8 pm', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['nyc', 'has domain', 'buses'], ['leaving date', 'has value', 'the 7th'], ['intercity terminal', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['buses', 'has slot', 'transfers'], ['8 : 45 am', 'has domain', 'flights'], ['philly', 'has domain', 'events'], ['leaving time', 'has value', '8 am'], ['address of location', 'has value', '1 lincoln financial field way'], ['7', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['leaving date', 'has value', 'march 14th'], ['flights', 'has slot', 'outbound departure time'], ['hotels', 'has slot', 'reservehotel'], ['events', 'has slot', 'count'], ['from location', 'has value', 'nyc'], ['flights', 'has slot', 'airlines'], ['date', 'has value', 'march 14th'], ['2nd of this month', 'has domain', 'flights'], ['hotels', 'has slot', 'searchhotel'], ['11th of this month', 'has domain', 'flights'], ['flights', 'has slot', 'searchroundtripflights'], ['star rating', 'has value', '3'], ['10', 'has domain', 'hotels'], ['flights', 'has slot', 'inbound departure time'], ['place name', 'has value', 'aka university city'], ['time', 'has value', '8 pm'], ['4 : 10 am', 'has domain', 'flights'], ['events', 'has slot', 'buyeventtickets'], ['return date', 'has value', '11th of this month'], ['10', 'has domain', 'events'], ['departure date', 'has value', 'march 3rd'], ['fare', 'has value', '$ 23'], ['events', 'has slot', 'category'], ['american airlines', 'has domain', 'flights'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '7 : 10 am'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '7 : 40 am'], ['march 3rd', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['event name', 'has value', 'eagles vs cowboys'], ['the 7th', 'has domain', 'buses'], ['$ 23', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['departure date', 'has value', '2nd of this month'], ['price', 'has value', '$ 266'], ['7 : 10 am', 'has domain', 'buses'], ['sports', 'has domain', 'events'], ['$ 266', 'has domain', 'flights'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['hotels', 'has slot', 'count'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['3', 'refers to same concept as', '$ 3'], ['4', 'has domain', 'buses'], ['inbound departure time', 'has value', '8 : 45 am'], ['philadelphia', 'has domain', 'events'], ['category', 'has value', 'sports'], ['aka university city', 'has domain', 'hotels'], ['event location', 'has value', 'lincoln financial field'], ['eagles vs cowboys', 'has domain', 'events'], ['philadelphia', 'refers to same concept as', 'philly'], ['fare', 'has value', '$ 25'], ['1 lincoln financial field way', 'has domain', 'events'], ['march 3rd', 'has domain', 'flights'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2090\n", + "dialogue: \"user\": \"hey what ' s something interesting to do for someone on the 11th if they really love american football ?\"\n", + "\"system\": \"which city ? you want sports , not music right ?\"\n", + "\"user\": \"sure , football is sports . how about philly ?\"\n", + "\"system\": \"4 events await . first in line is eagles vs cowboys at lincoln financial field on march 11th at 7 pm .\"\n", + "\"user\": \"fine how about a bus to get me there for one ? i am leaving nyc next tuesday .\"\n", + "\"system\": \"you have 7 choices , the one leaving first is a 7 : 40 am one for $ 21 with 0 transfers .\"\n", + "\"user\": \"what station do i get off at ?\"\n", + "\"system\": \"you ' ll depart at intercity terminal .\"\n", + "\"user\": \"what station do i get on the bus at ?\"\n", + "\"system\": \"you ' ll board the bus at port authority station .\"\n", + "\"user\": \"sounds wonderful , surely .\"\n", + "\"system\": \"do you want tickets .\"\n", + "\"user\": \"not yet , check roundtrip flights first .\"\n", + "\"system\": \"are you leaving on march 5th ? when will you want to return ?\"\n", + "\"user\": \"i want to leave on this saturday and come back march 8th .\"\n", + "\"system\": \"fly with delta airlines , then you can board early at 6 : 20 am and you ' ll come back on a 4 : 20 am flight . this will cost $ 110 per person .\"\n", + "\"user\": \"get a 3 star hotel around there for me .\"\n", + "\"system\": \"first in alphabet is aka university city . it has 3 stars .\"\n", + "\"user\": \"fine , get me tickets to the event now .\"\n", + "\"system\": \"sure , 1 for eagles vs cowboys on march 11th in philadelphia .\"\n", + "\"user\": \"i need 4 not 1 .\"\n", + "\"system\": \"to be clear , you want 4 tickets for march 11th event right ?\"\n", + "\"user\": \"yes , you speak true . where is it ?\"\n", + "\"system\": \"you ' re going to 1 lincoln financial field way .\"\n", + "\"user\": \"you are finer than frog hair .\"\n", + "\"system\": \"may i get more ?\"\n", + "\"user\": \"no , give it up , i ' ve had more than i can take .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['march 11th', '7', 'philly', '1 lincoln financial field way', 'sports', 'lincoln financial field', 'airlines', '6 : 20 am', 'delta airlines', 'american football', '7 : 40 am', 'this saturday', 'music', 'philadelphia', 'one', 'eagles vs cowboys', 'next tuesday', '4 : 20 am', '$ 21', 'aka university city', 'transfers', '7 pm', 'nyc', 'events', 'intercity terminal', 'the 11th', '4', '3', 'march 5th', '0', 'flights', 'port authority station', '$ 110', '1', 'march 8th']\n", + "relations: [['city of event', 'has value', 'philadelphia'], ['subcategory', 'has value', 'american football'], ['buses', 'has slot', 'leaving time'], ['city of event', 'has value', 'philly'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['march 8th', 'has domain', 'flights'], ['0', 'has domain', 'buses'], ['date', 'has value', 'march 11th'], ['number of seats', 'has value', '1'], ['flights', 'has slot', 'departure date'], ['return date', 'has value', 'march 8th'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['march 11th', 'has domain', 'events'], ['4', 'has domain', 'events'], ['airlines', 'has value', 'delta airlines'], ['departure date', 'has value', 'this saturday'], ['delta airlines', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['the 11th', 'has domain', 'events'], ['to station', 'has value', 'intercity terminal'], ['events', 'has slot', 'address of location'], ['price', 'has value', '$ 110'], ['buses', 'has slot', 'from station'], ['hotels', 'has slot', 'place name'], ['number of seats', 'has value', '4'], ['port authority station', 'has domain', 'buses'], ['march 5th', 'has domain', 'flights'], ['count', 'has value', '7'], ['inbound departure time', 'has value', '4 : 20 am'], ['$ 110', 'has domain', 'flights'], ['buses', 'has slot', 'count'], ['7 pm', 'has domain', 'events'], ['leaving date', 'has value', 'next tuesday'], ['lincoln financial field', 'has domain', 'events'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['nyc', 'has domain', 'buses'], ['intercity terminal', 'has domain', 'buses'], ['flights', 'has slot', 'price'], ['1', 'refers to same concept as', 'one'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['philly', 'has domain', 'events'], ['address of location', 'has value', '1 lincoln financial field way'], ['7', 'has domain', 'buses'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['american football', 'has domain', 'events'], ['events', 'has slot', 'count'], ['from location', 'has value', 'nyc'], ['flights', 'has slot', 'airlines'], ['next tuesday', 'has domain', 'buses'], ['$ 21', 'has domain', 'buses'], ['hotels', 'has slot', 'searchhotel'], ['flights', 'has slot', 'searchroundtripflights'], ['travelers', 'has value', '1'], ['star rating', 'has value', '3'], ['flights', 'has slot', 'inbound departure time'], ['place name', 'has value', 'aka university city'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'category'], ['4 : 20 am', 'has domain', 'flights'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '7 : 40 am'], ['date', 'has value', 'the 11th'], ['event name', 'has value', 'eagles vs cowboys'], ['fare', 'has value', '$ 21'], ['buses', 'has slot', 'to station'], ['time', 'has value', '7 pm'], ['events', 'has slot', 'subcategory'], ['departure date', 'has value', 'march 5th'], ['sports', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['6 : 20 am', 'has domain', 'flights'], ['count', 'has value', '4'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['philadelphia', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['category', 'has value', 'sports'], ['aka university city', 'has domain', 'hotels'], ['event location', 'has value', 'lincoln financial field'], ['from station', 'has value', 'port authority station'], ['eagles vs cowboys', 'has domain', 'events'], ['this saturday', 'has domain', 'flights'], ['outbound departure time', 'has value', '6 : 20 am'], ['philadelphia', 'refers to same concept as', 'philly'], ['1', 'has domain', 'events'], ['1 lincoln financial field way', 'has domain', 'events'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2091\n", + "dialogue: \"user\": \"could you look for exciting things to do ?\"\n", + "\"system\": \"do you prefer a type of activity over others ?\"\n", + "\"user\": \"i enjoy music activities .\"\n", + "\"system\": \"is there any specific metropolis i ought to look in ?\"\n", + "\"user\": \"i ' d like an activity near philadelphia on march 2nd .\"\n", + "\"system\": \"there is a well received activity called blueface occurring at the fillmore philadelphia on march 2nd at 7 pm .\"\n", + "\"user\": \"where is the location of the activity ?\"\n", + "\"system\": \"the activity is located at 29 east allen street .\"\n", + "\"user\": \"give me more information regarding the activity .\"\n", + "\"system\": \"it is a hip hop activity .\"\n", + "\"user\": \"that is perfect for me .\"\n", + "\"system\": \"would you like to purchase tickets for the activity ?\"\n", + "\"user\": \"perhaps at a later time .\"\n", + "\"system\": \"could i assist you with something else ?\"\n", + "\"user\": \"could you assist me in looking for a bus headed there today ?\"\n", + "\"system\": \"where will you depart from ?\"\n", + "\"user\": \"i am departing from new york city .\"\n", + "\"system\": \"i discovered 7 buses for you . what do you think of the bus departing at 7 : 40 am with 0 transfers that cost $ 21 ?\"\n", + "\"user\": \"what is the name of the bus station i will depart from ?\"\n", + "\"system\": \"the starting station is port authority station .\"\n", + "\"user\": \"do you have some alternative buses ?\"\n", + "\"system\": \"what do you think of the bus leaving at 8 am with 0 transfers that costs $ 26 ?\"\n", + "\"user\": \"that ' s perfect . can you get me a roundtrip flight with three seats on delta airlines that flies out today ?\"\n", + "\"system\": \"what date would you like to go on the return flight ?\"\n", + "\"user\": \"i intend to come back on the day after tomorrow .\"\n", + "\"system\": \"i discovered 1 flight for you . there is a ticket for a delta airlines flight costing $ 116 that takes off at 6 : 20 am local time . its return flight leaves at 4 : 20 am local time .\"\n", + "\"user\": \"okay . can you search for hotels nearby ? i require three rooms .\"\n", + "\"system\": \"there is a lovely 3 star hotel called aka university city .\"\n", + "\"user\": \"where is the hotel located ?\"\n", + "\"system\": \"the hotel ' s location is cira centre south , 2929 walnut street .\"\n", + "\"user\": \"do you have other hotels that fit my requirements ?\"\n", + "\"system\": \"there is a 3 star hotel named aloft philadelphia airport .\"\n", + "\"user\": \"how much does it cost ?\"\n", + "\"system\": \"the price is $ 216 per day .\"\n", + "\"user\": \"that ' s wonderful . i ' d like to buy tickets to the activity you mentioned .\"\n", + "\"system\": \"please verify the following information : a reservation for 3 tickets to blueface occurring at philadelphia on march 2nd .\"\n", + "\"user\": \"yeah , that ' s fine with me .\"\n", + "\"system\": \"your booking has been verified . have fun there !\"\n", + "\"user\": \"thank you for your assistance ; that ' s all .\"\n", + "\"system\": \"have a pleasant afternoon .\"\n", + "\n", + "terms: ['7', 'buses', '29 east allen street', 'new york city', 'airlines', 'time', 'hip hop', '6 : 20 am', '8 am', 'delta airlines', '$ 116', '7 : 40 am', '$ 26', '$ 216', 'aloft philadelphia airport', 'today', 'march 2nd', 'music', 'philadelphia', 'the fillmore philadelphia', 'hotels', '4 : 20 am', 'blueface', '$ 21', 'aka university city', 'cira centre south , 2929 walnut street', 'transfers', '7 pm', 'day after tomorrow', '3', '0', 'port authority station', 'three', 'date', '1', 'price']\n", + "relations: [['city of event', 'has value', 'philadelphia'], ['fare', 'has value', '$ 26'], ['from location', 'has value', 'new york city'], ['buses', 'has slot', 'leaving time'], ['events', 'has slot', 'findevents'], ['buses', 'has slot', 'from location'], ['the fillmore philadelphia', 'has domain', 'events'], ['0', 'has domain', 'buses'], ['8 am', 'has domain', 'buses'], ['flights', 'has slot', 'departure date'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['hotels', 'has slot', 'star rating'], ['airlines', 'has value', 'delta airlines'], ['$ 116', 'has domain', 'flights'], ['delta airlines', 'has domain', 'flights'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'address of location'], ['hotels', 'has slot', 'street address'], ['cira centre south , 2929 walnut street', 'has domain', 'hotels'], ['buses', 'has slot', 'from station'], ['date', 'has value', 'march 2nd'], ['hotels', 'has slot', 'place name'], ['event location', 'has value', 'the fillmore philadelphia'], ['port authority station', 'has domain', 'buses'], ['flights', 'has slot', 'count'], ['count', 'has value', '7'], ['flights', 'has slot', 'passengers'], ['inbound departure time', 'has value', '4 : 20 am'], ['hotels', 'has slot', 'price per night'], ['departure date', 'has value', 'today'], ['march 2nd', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['7 pm', 'has domain', 'events'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['blueface', 'has domain', 'events'], ['flights', 'has slot', 'price'], ['1', 'refers to same concept as', 'one'], ['3', 'has domain', 'flights'], ['today', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['passengers', 'has value', '3'], ['number of rooms', 'has value', '3'], ['leaving time', 'has value', '8 am'], ['hip hop', 'has domain', 'events'], ['7', 'has domain', 'buses'], ['$ 216', 'has domain', 'hotels'], ['buses', 'has slot', 'fare'], ['music', 'has domain', 'events'], ['flights', 'has slot', 'outbound departure time'], ['category', 'has value', 'music'], ['flights', 'has slot', 'airlines'], ['day after tomorrow', 'has domain', 'flights'], ['hotels', 'has slot', 'searchhotel'], ['$ 21', 'has domain', 'buses'], ['flights', 'has slot', 'searchroundtripflights'], ['return date', 'has value', 'day after tomorrow'], ['star rating', 'has value', '3'], ['29 east allen street', 'has domain', 'events'], ['flights', 'has slot', 'inbound departure time'], ['place name', 'has value', 'aka university city'], ['events', 'has slot', 'buyeventtickets'], ['subcategory', 'has value', 'hip hop'], ['hotels', 'has slot', 'number of rooms'], ['events', 'has slot', 'category'], ['4 : 20 am', 'has domain', 'flights'], ['3', 'has domain', 'hotels'], ['events', 'has slot', 'date'], ['flights', 'has slot', 'return date'], ['leaving time', 'has value', '7 : 40 am'], ['price', 'has value', '$ 116'], ['3', 'has domain', 'events'], ['count', 'has value', '1'], ['today', 'has domain', 'flights'], ['$ 26', 'has domain', 'buses'], ['1', 'has domain', 'flights'], ['3', 'refers to same concept as', 'three'], ['event name', 'has value', 'blueface'], ['fare', 'has value', '$ 21'], ['place name', 'has value', 'aloft philadelphia airport'], ['time', 'has value', '7 pm'], ['events', 'has slot', 'subcategory'], ['street address', 'has value', 'cira centre south , 2929 walnut street'], ['address of location', 'has value', '29 east allen street'], ['buses', 'has slot', 'leaving date'], ['new york city', 'has domain', 'buses'], ['6 : 20 am', 'has domain', 'flights'], ['7 : 40 am', 'has domain', 'buses'], ['aloft philadelphia airport', 'has domain', 'hotels'], ['price per night', 'has value', '$ 216'], ['philadelphia', 'has domain', 'events'], ['aka university city', 'has domain', 'hotels'], ['leaving date', 'has value', 'today'], ['from station', 'has value', 'port authority station'], ['outbound departure time', 'has value', '6 : 20 am'], ['events', 'has slot', 'event name']]\n", + "\n", + "dialogue id: sgd-validation-2235\n", + "dialogue: \"user\": \"i ' ve got my old college friends visiting and we ' re looking to go to a show . i ' ll need three tickets .\"\n", + "\"system\": \"is there a particular event you ' re interested in ? is there a certain date i should search ?\"\n", + "\"user\": \"the show i want to see is the lemonheads which is on the 6th of this month .\"\n", + "\"system\": \"okay , and what city should i look in ?\"\n", + "\"user\": \"we ' re going to be in philly .\"\n", + "\"system\": \"let ' s confirm the details : we ' re booking 3 tickets for the lemonheads on march 6th in philadelphia .\"\n", + "\"user\": \"yes , that sounds good . where is this show playing ?\"\n", + "\"system\": \"your tickets are booked . enjoy the show ! the concert is happening at the foundry .\"\n", + "\"user\": \"thanks for your help . i ' d also like to find a bus ride there .\"\n", + "\"system\": \"are you departing on march 6th ? where will you be leaving from ?\"\n", + "\"user\": \"i ' m leaving from washington and i ' d like to leave later today .\"\n", + "\"system\": \"i found a bus departing at 7 : 10 am with 0 transfers for $ 30 .\"\n", + "\"user\": \"what bus station am i leaving from and where will i be arriving ?\"\n", + "\"system\": \"the bus departs from union station and arrives at intercity terminal .\"\n", + "\"user\": \"okay that ' s fine . i ' d like to get tickets on this bus .\"\n", + "\"system\": \"okay , let ' s confirm the details : you ' re getting 3 tickets for the bus from washington bound for philadelphia that departs on march 1st at 7 : 10 am .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"okay , you ' re all set . your tickets are booked .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , that ' s all for now , thanks .\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['the foundry', 'transfers', 'the lemonheads', 'union station', 'philadelphia', 'march 1st', 'washington', '3', 'intercity terminal', '7 : 10 am', '6th of this month', 'philly', 'march 6th', '0', 'later today', 'three', 'date', '$ 30']\n", + "relations: [['buses', 'has slot', 'to station'], ['city of event', 'has value', 'philadelphia'], ['buses', 'has slot', 'leaving time'], ['7 : 10 am', 'has domain', 'buses'], ['leaving date', 'has value', 'march 6th'], ['city of event', 'has value', 'philly'], ['later today', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['union station', 'has domain', 'buses'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['event name', 'has value', 'the lemonheads'], ['leaving date', 'has value', 'march 1st'], ['date', 'has value', 'march 6th'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['march 6th', 'has domain', 'buses'], ['$ 30', 'has domain', 'buses'], ['to location', 'has value', 'philadelphia'], ['events', 'has slot', 'buyeventtickets'], ['philadelphia', 'has domain', 'buses'], ['the foundry', 'has domain', 'events'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['intercity terminal', 'has domain', 'buses'], ['march 6th', 'has domain', 'events'], ['philadelphia', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['3', 'has domain', 'buses'], ['the lemonheads', 'has domain', 'events'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '7 : 10 am'], ['3', 'has domain', 'events'], ['to station', 'has value', 'intercity terminal'], ['buses', 'has slot', 'transfers'], ['leaving date', 'has value', 'later today'], ['philly', 'has domain', 'events'], ['buses', 'has slot', 'from station'], ['philadelphia', 'refers to same concept as', 'philly'], ['3', 'refers to same concept as', 'three'], ['6th of this month', 'has domain', 'events'], ['date', 'has value', '6th of this month'], ['fare', 'has value', '$ 30'], ['events', 'has slot', 'event name'], ['event location', 'has value', 'the foundry'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2236\n", + "dialogue: \"user\": \"i need to make some event reservations . can you help me out please .\"\n", + "\"system\": \"sure , i would love to help create these reservations for you . let ' s start with the city you would like to search and what type of event did you have in mind ?\"\n", + "\"user\": \"let ' s check in philadelphia for any conan gray events .\"\n", + "\"system\": \"any particular dates you would prefer me to search ?\"\n", + "\"user\": \"yes , definitely needing march 13th .\"\n", + "\"system\": \"alright , and how many tickets would you to reserve ?\"\n", + "\"user\": \"just need four tickets at this time .\"\n", + "\"system\": \"i understand . please confirm that we are purchasing 4 tickets for the conan gray show in philadelphia on march 13th . is this correct ?\"\n", + "\"user\": \"yes , you got it . please proceed and buy .\"\n", + "\"system\": \"wonderful news , i was able to confirm your reservations . i hope you enjoy your show .\"\n", + "\"user\": \"thanks , find out where the event is taking place .\"\n", + "\"system\": \"sure thing , i show the event will be held at the fillmore philadelphia .\"\n", + "\"user\": \"awesome , thanks . can you also help me figure out how to get there . i ' m thinking a bus from nyc , if that ' s possible .\"\n", + "\"system\": \"i can definitely check for you . do you plan to depart on march 13th ?\"\n", + "\"user\": \"i would prefer to head out next friday .\"\n", + "\"system\": \"alright , there is 7 buses that may work for you . first up is the 7 : 40 am with 0 transfers for $ 21 . this one seems efficient per your reqeust .\"\n", + "\"user\": \"which station would i leave from and arrive at ?\"\n", + "\"system\": \"your departure station will be port authority station and you would arrive at intercity terminal .\"\n", + "\"user\": \"this sounds doable . let ' s reserve this now .\"\n", + "\"system\": \"great , glad to help . please confirm 4 tickets for the bus departing new york to philadelphia on march 8th at 7 : 40 am . is this correct ?\"\n", + "\"user\": \"yes , perfect .\"\n", + "\"system\": \"alright , i was able to confirm your bus tickets .\"\n", + "\"user\": \"thanks , this was a big help today .\"\n", + "\"system\": \"your welcome . can i assist you with anything else at this time ?\"\n", + "\"user\": \"nope , that was all .\"\n", + "\"system\": \"alright , have a great day .\"\n", + "\n", + "terms: ['7', 'buses', 'march 13th', '7 : 40 am', 'new york', 'conan gray', 'philadelphia', 'the fillmore philadelphia', '$ 21', 'four', 'next friday', 'transfers', 'nyc', 'events', 'intercity terminal', '4', '0', 'port authority station', 'march 8th']\n", + "relations: [['event location', 'has value', 'the fillmore philadelphia'], ['leaving date', 'has value', 'next friday'], ['port authority station', 'has domain', 'buses'], ['fare', 'has value', '$ 21'], ['buses', 'has slot', 'to station'], ['city of event', 'has value', 'philadelphia'], ['new york', 'refers to same concept as', 'ny'], ['next friday', 'has domain', 'buses'], ['count', 'has value', '7'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'new york'], ['from location', 'has value', 'nyc'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['$ 21', 'has domain', 'buses'], ['the fillmore philadelphia', 'has domain', 'events'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 13th'], ['7 : 40 am', 'has domain', 'buses'], ['event name', 'has value', 'conan gray'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['leaving date', 'has value', 'march 8th'], ['nyc', 'has domain', 'buses'], ['7', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['to location', 'has value', 'philadelphia'], ['events', 'has slot', 'buyeventtickets'], ['philadelphia', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['intercity terminal', 'has domain', 'buses'], ['4', 'has domain', 'events'], ['philadelphia', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['date', 'has value', 'march 13th'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['march 13th', 'has domain', 'buses'], ['from station', 'has value', 'port authority station'], ['leaving time', 'has value', '7 : 40 am'], ['conan gray', 'has domain', 'events'], ['to station', 'has value', 'intercity terminal'], ['buses', 'has slot', 'transfers'], ['march 13th', 'has domain', 'events'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['number of seats', 'has value', '4'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2237\n", + "dialogue: \"user\": \"there ' s an event i want to reserve tickets for .\"\n", + "\"system\": \"what date do you plan to attend , and how many tickets do you need ?\"\n", + "\"user\": \"i want to go on the 12th , and i need one ticket .\"\n", + "\"system\": \"which event is this ? and what city is it in ?\"\n", + "\"user\": \"it ' s madonna brooklyn , and it should be in ny .\"\n", + "\"system\": \"i ' ll get you 1 ticket for madonna brooklyn in new york on march 12th , is that right ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"i ' ve reserved the ticket . have a fun time there !\"\n", + "\"user\": \"i also need a bus to get there . i ' ll need tickets for three people . i ' m leaving next monday from washington .\"\n", + "\"system\": \"there are 8 buses that match . there ' s a bus leaving at 8 : 10 am with 0 transfers for $ 38 .\"\n", + "\"user\": \"what else is there ? how about if i leave from philadelphia ?\"\n", + "\"system\": \"there ' s a bus leaving at 8 : 30 am with 0 transfers for $ 25 .\"\n", + "\"user\": \"what are the departure and arrival stations ?\"\n", + "\"system\": \"the departure station is intercity terminal and arrival is port authority station .\"\n", + "\"user\": \"okay , that works .\"\n", + "\"system\": \"do you want me to get you bus tickets ?\"\n", + "\"user\": \"yes , please do .\"\n", + "\"system\": \"i ' ll get you 3 tickets for philadelphia to new york for march 4th at 8 : 30 am . is this correct ?\"\n", + "\"user\": \"yeah , everything ' s correct .\"\n", + "\"system\": \"i ' ve purchased the tickets .\"\n", + "\"user\": \"thanks a lot . that ' s all the help i need .\"\n", + "\"system\": \"have a terrific day .\"\n", + "\n", + "terms: ['ny', 'buses', 'march 4th', 'three', 'the 12th', 'new york', 'philadelphia', '8 : 30 am', 'date', 'washington', 'madonna brooklyn', 'one', '8', 'march 12th', 'transfers', '3', 'intercity terminal', '$ 25', '0', 'port authority station', 'next monday', '$ 38', '1', '8 : 10 am']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['event name', 'has value', 'madonna brooklyn'], ['buses', 'has slot', 'to station'], ['to location', 'has value', 'new york'], ['$ 25', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'next monday'], ['leaving time', 'has value', '8 : 10 am'], ['leaving time', 'has value', '8 : 30 am'], ['count', 'has value', '8'], ['ny', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['date', 'has value', 'march 12th'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['new york', 'has domain', 'buses'], ['leaving date', 'has value', 'march 4th'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['new york', 'has domain', 'events'], ['number of seats', 'has value', '1'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['$ 38', 'has domain', 'buses'], ['philadelphia', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['events', 'has slot', 'city of event'], ['fare', 'has value', '$ 38'], ['from location', 'has value', 'philadelphia'], ['intercity terminal', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['next monday', 'has domain', 'buses'], ['city of event', 'has value', 'ny'], ['3', 'has domain', 'buses'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['1', 'refers to same concept as', 'one'], ['the 12th', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['march 12th', 'has domain', 'events'], ['date', 'has value', 'the 12th'], ['from station', 'has value', 'intercity terminal'], ['buses', 'has slot', 'from station'], ['8 : 30 am', 'has domain', 'buses'], ['march 4th', 'has domain', 'buses'], ['1', 'has domain', 'events'], ['fare', 'has value', '$ 25'], ['3', 'refers to same concept as', 'three'], ['events', 'has slot', 'event name'], ['madonna brooklyn', 'has domain', 'events'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2238\n", + "dialogue: \"user\": \"i want to buy four tickets for the match of sounders vs timbers . the event should be around seattle , wa .\"\n", + "\"system\": \"can you tell me the date of the event you are interested in ?\"\n", + "\"user\": \"i am interested to find the event for 8th of this month .\"\n", + "\"system\": \"can you please confirm that you want to buy 4 tickets for the match of sounders vs timbers , which happens on march 8th in seattle ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your requested tickets have been booked . enjoy your time at the event !\"\n", + "\"user\": \"can you tell me when the event starts ?\"\n", + "\"system\": \"the event should be starting at 8 pm .\"\n", + "\"user\": \"what is the location of the event ? can you tell me the address of the venue ?\"\n", + "\"system\": \"the address of the venue is 800 occidental avenue south . the event will be happening at centurylink field .\"\n", + "\"user\": \"i appreciate your help very much .\"\n", + "\"system\": \"is there something else i can help you with for today ?\"\n", + "\"user\": \"i need to find a bus to go there .\"\n", + "\"system\": \"are you planning to leave on march 8th ?\"\n", + "\"user\": \"no , because i want to leave on march 6th .\"\n", + "\"system\": \"from where will you be leaving from ?\"\n", + "\"user\": \"i will leave for my trip from portland .\"\n", + "\"system\": \"how would you like taking the bus which has 0 transfers and leaves at 8 : 40 am ? the ticket for this bus costs $ 26 .\"\n", + "\"user\": \"this seems nice . i want to make a booking for this bus .\"\n", + "\"system\": \"can you please confirm that you want tickets for 4 people for the bus which leaves from portland on march 6th at 8 : 40 am to go to seattle ?\"\n", + "\"user\": \"yes , that suits me well .\"\n", + "\"system\": \"your requested tickets have been booked .\"\n", + "\"user\": \"i appreciate your help very much .\"\n", + "\"system\": \"is there something else you want me to help you with ?\"\n", + "\"user\": \"nothing . i am thankful for the help you have provided to me !\"\n", + "\"system\": \"have a wonderful time !\"\n", + "\n", + "terms: ['transfers', 'time', '800 occidental avenue south', '8th of this month', 'seattle', '4', 'seattle , wa', 'centurylink field', '8 : 40 am', 'march 6th', '0', '$ 26', 'four', 'sounders vs timbers', '8 pm', 'date', 'portland', 'march 8th']\n", + "relations: [['fare', 'has value', '$ 26'], ['number of seats', 'has value', '4'], ['sounders vs timbers', 'has domain', 'events'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'march 6th'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['8 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['march 8th', 'has domain', 'events'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['address of location', 'has value', '800 occidental avenue south'], ['8 pm', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['portland', 'has domain', 'buses'], ['4', 'refers to same concept as', 'four'], ['march 6th', 'has domain', 'buses'], ['leaving date', 'has value', 'march 8th'], ['time', 'has value', '8 pm'], ['4', 'has domain', 'buses'], ['city of event', 'has value', 'seattle'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['seattle , wa', 'has domain', 'events'], ['4', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['city of event', 'has value', 'seattle , wa'], ['seattle', 'refers to same concept as', 'seattle , wa'], ['event location', 'has value', 'centurylink field'], ['date', 'has value', '8th of this month'], ['leaving time', 'has value', '8 : 40 am'], ['date', 'has value', 'march 8th'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['centurylink field', 'has domain', 'events'], ['seattle', 'has domain', 'buses'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'transfers'], ['seattle', 'has domain', 'events'], ['travelers', 'has value', '4'], ['$ 26', 'has domain', 'buses'], ['event name', 'has value', 'sounders vs timbers'], ['800 occidental avenue south', 'has domain', 'events'], ['to location', 'has value', 'seattle'], ['8th of this month', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2239\n", + "dialogue: \"user\": \"help me book event tickets\"\n", + "\"system\": \"which date are you booking for ?\"\n", + "\"user\": \"i want three tickets for 9th of this month\"\n", + "\"system\": \"tell me the city and event type you have in mind\"\n", + "\"user\": \"i want to book local natives around san diego\"\n", + "\"system\": \"booking 3 tickets to local natives in san diego on march 9th\"\n", + "\"user\": \"cool , sounds perfect\"\n", + "\"system\": \"booking conformed . enjoy .\"\n", + "\"user\": \"thanks . i also need help in finding a bus to go there\"\n", + "\"system\": \"the date is march 9th right ?\"\n", + "\"user\": \"no , it is 5th of march\"\n", + "\"system\": \"where are you traveling from ?\"\n", + "\"user\": \"i travel from la\"\n", + "\"system\": \"i have 10 buses for you . how about the 7 : 40 am bus with 0 transfers for $ 28 ?\"\n", + "\"user\": \"what is the bus station of departure ?\"\n", + "\"system\": \"it is union station\"\n", + "\"user\": \"what about the arrival station ?\"\n", + "\"system\": \"it is santa fe depot\"\n", + "\"user\": \"cool , book this one\"\n", + "\"system\": \"booking 3 seats on the los angeles to san diego bus on march 5th at 7 : 40 am\"\n", + "\"user\": \"sounds perfect to me\"\n", + "\"system\": \"booking successful\"\n", + "\"user\": \"thanks a ton . that would be all .\"\n", + "\"system\": \"have a great trip !\"\n", + "\n", + "terms: ['transfers', 'los angeles', 'three', '3', 'buses', 'march 5th', '$ 28', 'march 9th', '0', '7 : 40 am', '10', 'local natives', 'date', 'san diego']\n", + "relations: [['buses', 'has slot', 'to station'], ['san diego', 'has domain', 'events'], ['to station', 'has value', 'santa fe depot'], ['march 5th', 'has domain', 'buses'], ['count', 'has value', '10'], ['$ 28', 'has domain', 'buses'], ['from location', 'has value', 'la'], ['buses', 'has slot', 'leaving time'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['5th of march', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['march 9th', 'has domain', 'events'], ['leaving date', 'has value', '5th of march'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['7 : 40 am', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['city of event', 'has value', 'san diego'], ['number of seats', 'has value', '3'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['la', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['leaving date', 'has value', 'march 9th'], ['events', 'has slot', 'city of event'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['leaving date', 'has value', 'march 5th'], ['9th of this month', 'has domain', 'events'], ['from location', 'has value', 'los angeles'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '7 : 40 am'], ['3', 'has domain', 'events'], ['local natives', 'has domain', 'events'], ['date', 'has value', 'march 9th'], ['buses', 'has slot', 'transfers'], ['event name', 'has value', 'local natives'], ['buses', 'has slot', 'from station'], ['fare', 'has value', '$ 28'], ['los angeles', 'has domain', 'buses'], ['to location', 'has value', 'san diego'], ['3', 'refers to same concept as', 'three'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare'], ['date', 'has value', '9th of this month']]\n", + "\n", + "dialogue id: sgd-validation-2240\n", + "dialogue: \"user\": \"i want to book tickets to rams vs cardinals on 10th of this month\"\n", + "\"system\": \"which city and how many tickets ?\"\n", + "\"user\": \"booking 3 tickets to los angeles\"\n", + "\"system\": \"booking 3 tickets to rams vs cardinals on march 10th in los angeles\"\n", + "\"user\": \"cool , what is the venue\"\n", + "\"system\": \"tickets confirmed . the event takes place at la memorial coliseum at 3911 figueroa street\"\n", + "\"user\": \"i need to find a bus there from anaheim , ca\"\n", + "\"system\": \"on march 10th ?\"\n", + "\"user\": \"no on 5th of march\"\n", + "\"system\": \"i found 10 buses for you . how about the 6 : 10 am bus with 0 transfers that costs $ 13 ?\"\n", + "\"user\": \"what is the arrival and departure stations ?\"\n", + "\"system\": \"bus leaves from anaheim intermodal center and arrives at union station\"\n", + "\"user\": \"sounds perfect to me\"\n", + "\"system\": \"should i buy the tickets ?\"\n", + "\"user\": \"yes , do that .\"\n", + "\"system\": \"booking 3 tickets from anaheim to los angeles on march 5th at 6 : 10 am\"\n", + "\"user\": \"sounds perfect\"\n", + "\"system\": \"booking is confirmed\"\n", + "\"user\": \"thanks . that would be all\"\n", + "\"system\": \"have a great trip .\"\n", + "\n", + "terms: ['transfers', 'los angeles', '6 : 10 am', 'anaheim', '3', 'la', 'buses', 'march 5th', 'la memorial coliseum', '0', 'march 10th', '10', 'anaheim intermodal center', '$ 13', 'rams vs cardinals']\n", + "relations: [['buses', 'has slot', 'to station'], ['march 5th', 'has domain', 'buses'], ['date', 'has value', 'march 10th'], ['leaving time', 'has value', '6 : 10 am'], ['buses', 'has slot', 'leaving time'], ['event name', 'has value', 'rams vs cardinals'], ['from location', 'has value', 'anaheim , ca'], ['6 : 10 am', 'has domain', 'buses'], ['fare', 'has value', '$ 13'], ['buses', 'has slot', 'count'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['event location', 'has value', 'la memorial coliseum'], ['buses', 'has slot', 'leaving date'], ['to station', 'has value', 'union station'], ['5th of march', 'has domain', 'buses'], ['la memorial coliseum', 'has domain', 'events'], ['union station', 'has domain', 'buses'], ['leaving date', 'has value', '5th of march'], ['buses', 'has slot', 'to location'], ['date', 'has value', '10th of this month'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['$ 13', 'has domain', 'buses'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['10', 'has domain', 'buses'], ['address of location', 'has value', '3911 figueroa street'], ['anaheim , ca', 'has domain', 'buses'], ['from station', 'has value', 'anaheim intermodal center'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['leaving date', 'has value', 'march 5th'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['to location', 'has value', 'los angeles'], ['3911 figueroa street', 'has domain', 'events'], ['march 10th', 'has domain', 'buses'], ['3', 'has domain', 'events'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'anaheim'], ['buses', 'has slot', 'from station'], ['march 10th', 'has domain', 'events'], ['10th of this month', 'has domain', 'events'], ['rams vs cardinals', 'has domain', 'events'], ['anaheim intermodal center', 'has domain', 'buses'], ['leaving date', 'has value', 'march 10th'], ['los angeles', 'has domain', 'buses'], ['los angeles', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-2241\n", + "dialogue: \"user\": \"i want to reserve a ticket .\"\n", + "\"system\": \"what kind of event .\"\n", + "\"user\": \"joe hisaishi .\"\n", + "\"system\": \"what day ? how many tickets ?\"\n", + "\"user\": \"i need 2 tickets for next monday .\"\n", + "\"system\": \"what city ?\"\n", + "\"user\": \"ny .\"\n", + "\"system\": \"i found 2 tickets for joe hisaishi in new york on march 4th .\"\n", + "\"user\": \"yes , that is perfect . where is the event ? what is the name of the venue .\"\n", + "\"system\": \"your reservation is confirmed . the address is 881 7th avenue at stern auditorium / perelman stage .\"\n", + "\"user\": \"thanks ! i need 1 bus ticket from philly on the 1st of march .\"\n", + "\"system\": \"i found an option leaving at 8 : 30 am with 0 transfers . the ticket is $ 24 .\"\n", + "\"user\": \"that sounds great ! reserve me the seat .\"\n", + "\"system\": \"please confirm , 1 ticket from philadelphia to new york on march 1st at 8 : 30 am .\"\n", + "\"user\": \"yes , that is good . what are the names of the bus stations ?\"\n", + "\"system\": \"your ticket is reserved . you are leaving from intercity terminal and arriving at port authority station .\"\n", + "\"user\": \"thanks for everything .\"\n", + "\"system\": \"anything else ?\"\n", + "\"user\": \"no , that is all .\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['881 7th avenue', 'transfers', 'stern auditorium / perelman stage', 'philadelphia', '8 : 30 am', 'march 1st', 'intercity terminal', '1', 'joe hisaishi', '2', 'philly', '0', 'port authority station', '$ 24', 'next monday', 'new york', 'march 4th', '1st of march']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['events', 'has slot', 'event name'], ['to location', 'has value', 'new york'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 30 am'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['ny', 'has domain', 'events'], ['1st of march', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['881 7th avenue', 'has domain', 'events'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['joe hisaishi', 'has domain', 'events'], ['buses', 'has slot', 'travelers'], ['new york', 'has domain', 'events'], ['leaving date', 'has value', 'march 1st'], ['date', 'has value', 'next monday'], ['fare', 'has value', '$ 24'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['address of location', 'has value', '881 7th avenue'], ['leaving date', 'has value', '1st of march'], ['date', 'has value', 'march 4th'], ['events', 'has slot', 'buyeventtickets'], ['philadelphia', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['from location', 'has value', 'philadelphia'], ['event location', 'has value', 'stern auditorium / perelman stage'], ['intercity terminal', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['city of event', 'has value', 'ny'], ['2', 'refers to same concept as', '$ 2'], ['from location', 'has value', 'philly'], ['next monday', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['to station', 'has value', 'port authority station'], ['philly', 'has domain', 'buses'], ['events', 'has slot', 'address of location'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['from station', 'has value', 'intercity terminal'], ['event name', 'has value', 'joe hisaishi'], ['$ 24', 'has domain', 'buses'], ['8 : 30 am', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['philadelphia', 'refers to same concept as', 'philly'], ['stern auditorium / perelman stage', 'has domain', 'events'], ['march 4th', 'has domain', 'events'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2242\n", + "dialogue: \"user\": \"i want to get tickets for an event on the 3rd .\"\n", + "\"system\": \"how many ticket ?\"\n", + "\"user\": \"i ' ll need three .\"\n", + "\"system\": \"is there a particular city or event i should look for ?\"\n", + "\"user\": \"yes , joe hisaishi in the new york city area .\"\n", + "\"system\": \"you would like 3 tickets to see joe hisaishi on march 3rd in new york . is that correct ?\"\n", + "\"user\": \"yes . where is the venue ?\"\n", + "\"system\": \"at stern auditorium / perelman stage . your tickets are confirmed . have a great time !\"\n", + "\"user\": \"what ' s the address ?\"\n", + "\"system\": \"881 7th avenue .\"\n", + "\"user\": \"great ! can you find a bus going there . i ' m leaving from washington on the 1st of march .\"\n", + "\"system\": \"there ' s one leaving at 8 : 10 am with 0 transfers for $ 37 .\"\n", + "\"user\": \"that works for me .\"\n", + "\"system\": \"did you need anything else ?\"\n", + "\"user\": \"yes , i ' d like to reserve the bus tickets .\"\n", + "\"system\": \"to confirm : you would like 3 tickets for the bus from washington to new york leaving at 8 : 10 am march 1st .\"\n", + "\"user\": \"you got it .\"\n", + "\"system\": \"your tickets are confirmed .\"\n", + "\"user\": \"which bus station do i leave from and which will i arrive at ?\"\n", + "\"system\": \"the bus leaves from union station and arrives at the port authority station .\"\n", + "\"user\": \"thank you so much ! that ' s all for now .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['transfers', 'stern auditorium / perelman stage', 'union station', 'the 3rd', '8 : 10 am', 'march 1st', 'washington', '3', 'joe hisaishi', '0', '$ 37', 'port authority station', 'new york city', 'three', 'new york', 'march 3rd', '1st of march']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['fare', 'has value', '$ 37'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['to location', 'has value', 'new york'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 10 am'], ['date', 'has value', 'the 3rd'], ['1st of march', 'has domain', 'buses'], ['date', 'has value', 'march 3rd'], ['buses', 'has slot', 'from location'], ['the 3rd', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['new york', 'has domain', 'buses'], ['from station', 'has value', 'union station'], ['881 7th avenue', 'has domain', 'events'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['union station', 'has domain', 'buses'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['joe hisaishi', 'has domain', 'events'], ['buses', 'has slot', 'travelers'], ['new york', 'has domain', 'events'], ['travelers', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['new york city', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['address of location', 'has value', '881 7th avenue'], ['leaving date', 'has value', '1st of march'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['event location', 'has value', 'stern auditorium / perelman stage'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['city of event', 'has value', 'new york city'], ['3', 'has domain', 'buses'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['3', 'has domain', 'events'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'transfers'], ['$ 37', 'has domain', 'buses'], ['event name', 'has value', 'joe hisaishi'], ['buses', 'has slot', 'from station'], ['3', 'refers to same concept as', 'three'], ['march 3rd', 'has domain', 'events'], ['stern auditorium / perelman stage', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2243\n", + "dialogue: \"user\": \"i would like to reserve tickets to the mets vs diamondbacks for nyc .\"\n", + "\"system\": \"what number of tickets do you want and which date ?\"\n", + "\"user\": \"i would like on march 5th for 1 ticket .\"\n", + "\"system\": \"please confirm a ticket for the mets vs diamondbacks 1 ticket for march 5th in new york .\"\n", + "\"user\": \"yes , that will be good for me .\"\n", + "\"system\": \"the reservation is confirmed , have a nice time .\"\n", + "\"user\": \"thanks for your help . will you help me search for a bus there ?\"\n", + "\"system\": \"will you be leaving march 5th and where from ?\"\n", + "\"user\": \"i will be leaving the 2nd of march from philadelphia .\"\n", + "\"system\": \"i have 8 buses . what about one leaving 8 : 30 am for $ 24 with 0 transfers ?\"\n", + "\"user\": \"what bus station am i reaching and leaving from ?\"\n", + "\"system\": \"the origin is intercity terminal and is going to port authority station .\"\n", + "\"user\": \"that is good , and i will reserve the bus .\"\n", + "\"system\": \"please confirm for a bus leaving march 2nd at 8 : 30 am for 1 person new york to philadelphia .\"\n", + "\"user\": \"yes , that is good for me .\"\n", + "\"system\": \"the ticket is confirmed .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"can i assist you with anything else ?\"\n", + "\"user\": \"no , thanks for the help .\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['transfers', 'nyc', 'philadelphia', '8 : 30 am', 'intercity terminal', 'one', 'buses', 'march 5th', '8', '0', 'mets vs diamondbacks', 'port authority station', '2nd of march', '$ 24', 'new york', 'date', '1', 'march 2nd']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['march 5th', 'has domain', 'buses'], ['to location', 'has value', 'new york'], ['march 5th', 'has domain', 'events'], ['march 2nd', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 30 am'], ['count', 'has value', '8'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['new york', 'has domain', 'events'], ['number of seats', 'has value', '1'], ['fare', 'has value', '$ 24'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['philadelphia', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['event name', 'has value', 'mets vs diamondbacks'], ['nyc', 'has domain', 'events'], ['events', 'has slot', 'city of event'], ['from location', 'has value', 'philadelphia'], ['intercity terminal', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', 'march 2nd'], ['leaving date', 'has value', 'march 5th'], ['2nd of march', 'has domain', 'buses'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['to station', 'has value', 'port authority station'], ['1', 'refers to same concept as', 'one'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['from station', 'has value', 'intercity terminal'], ['leaving date', 'has value', '2nd of march'], ['8 : 30 am', 'has domain', 'buses'], ['$ 24', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['mets vs diamondbacks', 'has domain', 'events'], ['1', 'has domain', 'events'], ['date', 'has value', 'march 5th'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2244\n", + "dialogue: \"user\": \"i want 1 tickets for giants vs marlins on 10th of march\"\n", + "\"system\": \"in which city ?\"\n", + "\"user\": \"sorry , i prefer mets vs pirates on march 12th . i ' d like around ny\"\n", + "\"system\": \"1 ticket for mets vs pirates in new york , on march 12th . is it correct ?\"\n", + "\"user\": \"yes , it ' s correct ! what time is the event and where is it ?\"\n", + "\"system\": \"it starts at 6 pm . the event is at 123 - 01 roosevelt avenue . your ticket is booked ! have a good time there !\"\n", + "\"user\": \"thank you ! i need a bus to get there .\"\n", + "\"system\": \"what ' s the city of origin ?\"\n", + "\"user\": \"the city of departure is philly\"\n", + "\"system\": \"is the departure day march 12th ?\"\n", + "\"user\": \"no , the departure day is the 8th\"\n", + "\"system\": \"there ' s a bus at 8 : 30 am , it costs $ 23 and has 0 transfers\"\n", + "\"user\": \"what is the departure station ? which station does the bus arrive at ?\"\n", + "\"system\": \"the departure station is intercity terminal . the bus arrives at port authority station\"\n", + "\"user\": \"are there bus available on 7th of march from washington ?\"\n", + "\"system\": \"there are 8 buses . the 8 : 10 am bus costs $ 38 and has 0 transfers\"\n", + "\"user\": \"yes , that ' s good for me ! i want to book it !\"\n", + "\"system\": \"1 ticket on the bus from washington to new york , on march 7th at 8 : 10 am . do you confirm ?\"\n", + "\"user\": \"yes , i confirm ! what is the departure station ? which station does the bus arrive at ?\"\n", + "\"system\": \"the departure station is union station . the bus arrives at port authority station . you ticket is booked !\"\n", + "\"user\": \"thank you so much ! it ' s all !\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['march 7th', 'buses', 'time', 'union station', '$ 23', '6 pm', 'new york', 'giants vs marlins', 'mets vs pirates', '123 - 01 roosevelt avenue', '8 : 30 am', 'washington', '8', 'march 12th', 'intercity terminal', '0', 'port authority station', '$ 38', '1', '8 : 10 am', '7th of march']\n", + "relations: [['event name', 'has value', 'mets vs pirates'], ['leaving date', 'has value', 'march 12th'], ['port authority station', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['new york', 'refers to same concept as', 'ny'], ['the 8th', 'has domain', 'buses'], ['to location', 'has value', 'new york'], ['buses', 'has slot', 'leaving time'], ['7th of march', 'has domain', 'buses'], ['leaving time', 'has value', '8 : 30 am'], ['leaving time', 'has value', '8 : 10 am'], ['mets vs pirates', 'has domain', 'events'], ['leaving date', 'has value', '7th of march'], ['count', 'has value', '8'], ['ny', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['date', 'has value', 'march 12th'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['new york', 'has domain', 'buses'], ['from station', 'has value', 'union station'], ['union station', 'has domain', 'buses'], ['date', 'has value', '10th of march'], ['from location', 'has value', 'washington'], ['travelers', 'has value', '1'], ['event name', 'has value', 'giants vs marlins'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['washington', 'has domain', 'buses'], ['new york', 'has domain', 'events'], ['buses', 'has slot', 'travelers'], ['buses', 'has slot', 'to location'], ['number of seats', 'has value', '1'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['giants vs marlins', 'has domain', 'events'], ['march 7th', 'has domain', 'buses'], ['$ 38', 'has domain', 'buses'], ['10th of march', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['address of location', 'has value', '123 - 01 roosevelt avenue'], ['events', 'has slot', 'city of event'], ['intercity terminal', 'has domain', 'buses'], ['fare', 'has value', '$ 38'], ['buses', 'has slot', 'buybusticket'], ['fare', 'has value', '$ 23'], ['city of event', 'has value', 'ny'], ['from location', 'has value', 'philly'], ['6 pm', 'has domain', 'events'], ['leaving date', 'has value', 'march 7th'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['march 12th', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['8 : 10 am', 'has domain', 'buses'], ['philly', 'has domain', 'buses'], ['time', 'has value', '6 pm'], ['events', 'has slot', 'address of location'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['march 12th', 'has domain', 'events'], ['from station', 'has value', 'intercity terminal'], ['buses', 'has slot', 'from station'], ['8 : 30 am', 'has domain', 'buses'], ['123 - 01 roosevelt avenue', 'has domain', 'events'], ['1', 'has domain', 'events'], ['leaving date', 'has value', 'the 8th'], ['$ 23', 'has domain', 'buses'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2245\n", + "dialogue: \"user\": \"i ' d like to reserve tickets to an event .\"\n", + "\"system\": \"how many tickets do you want and what city do you want me to search in ?\"\n", + "\"user\": \"i ' d like three tickets to something in nyc .\"\n", + "\"system\": \"what kind of event are you looking for and what would you like to go ?\"\n", + "\"user\": \"i ' d like to go along to low on the 11th of march .\"\n", + "\"system\": \"okay so to be sure , you ' d like 3 tickets to low in new york on march 11th .\"\n", + "\"user\": \"yes that ' s correct . when does it start and where is the venue located ?\"\n", + "\"system\": \"your tickets have been booked and i ' m sure you will enjoy yourself . it starts at 8 : 30 pm at 17 eastern parkway , brooklyn .\"\n", + "\"user\": \"i think i ' ll take the bus there . can you help me find tickets for the 2nd of march ?\"\n", + "\"system\": \"where will you be departing from ?\"\n", + "\"user\": \"i ' ll be leaving from washington .\"\n", + "\"system\": \"there are 8 buses that match your criteria . one leaves at 8 : 10 am and has 0 transfers . the cost of a ticket is $ 32 .\"\n", + "\"user\": \"what is the mane of the station i ' ll depart from ?\"\n", + "\"system\": \"the bus leaves from union station .\"\n", + "\"user\": \"what is the destination station called ?\"\n", + "\"system\": \"it ' s called port authority station\"\n", + "\"user\": \"can you find me any other buses ?\"\n", + "\"system\": \"there is a bus leaving at 8 : 20 am that has 0 transfers and costs $ 34 .\"\n", + "\"user\": \"i like this bus better . please go ahead and buy tickets .\"\n", + "\"system\": \"okay no problem . so that ' s 3 tickets for the bus leaving at 8 : 20 am on march 2nd from washington to new york .\"\n", + "\"user\": \"yes that ' s correct .\"\n", + "\"system\": \"your tickets have been confirmed .\"\n", + "\"user\": \"thanks for your help . that ' s all for now .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['11th of march', 'march 11th', 'buses', 'union station', '2nd of march', 'new york', 'march 2nd', '8 : 20 am', 'low', 'washington', '$ 32', '8', '17 eastern parkway , brooklyn', '8 : 30 pm', 'transfers', 'nyc', '3', '0', '$ 34', 'three', '8 : 10 am']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['to location', 'has value', 'new york'], ['march 2nd', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 10 am'], ['count', 'has value', '8'], ['11th of march', 'has domain', 'events'], ['event name', 'has value', 'low'], ['$ 32', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['new york', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['date', 'has value', 'march 11th'], ['events', 'has slot', 'time'], ['new york', 'has domain', 'events'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['$ 34', 'has domain', 'buses'], ['date', 'has value', '11th of march'], ['low', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['nyc', 'has domain', 'events'], ['fare', 'has value', '$ 32'], ['events', 'has slot', 'city of event'], ['march 11th', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', 'march 2nd'], ['3', 'has domain', 'buses'], ['2nd of march', 'has domain', 'buses'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['17 eastern parkway , brooklyn', 'has domain', 'events'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['3', 'has domain', 'events'], ['events', 'has slot', 'address of location'], ['fare', 'has value', '$ 34'], ['buses', 'has slot', 'transfers'], ['address of location', 'has value', '17 eastern parkway , brooklyn'], ['time', 'has value', '8 : 30 pm'], ['8 : 20 am', 'has domain', 'buses'], ['leaving date', 'has value', '2nd of march'], ['buses', 'has slot', 'from station'], ['leaving time', 'has value', '8 : 20 am'], ['3', 'refers to same concept as', 'three'], ['8 : 30 pm', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2246\n", + "dialogue: \"user\": \"i ' d like to get tickets to an event .\"\n", + "\"system\": \"in what city ?\"\n", + "\"user\": \"it ' s in long beach , ca .\"\n", + "\"system\": \"do you have an event and date in mind ?\"\n", + "\"user\": \"yes it ' s the long beach jazz festival on the 3rd of march .\"\n", + "\"system\": \"how many tickets do you want .\"\n", + "\"user\": \"just one ticket .\"\n", + "\"system\": \"you would like me to purchase 1 ticket for the long beach jazz festival taking place in long beach on march 3rd . is that correct ?\"\n", + "\"user\": \"yes , you got it .\"\n", + "\"system\": \"your ticket has been confirmed .\"\n", + "\"user\": \"what ' s the name and address of the place the jazz festival is at ?\"\n", + "\"system\": \"rainbow lagoon park at 400 east shoreline drive .\"\n", + "\"user\": \"thank you so much !\"\n", + "\"system\": \"is there anything else i can do for you ?\"\n", + "\"user\": \"can you find me a bus to go there ?\"\n", + "\"system\": \"did you want to leave march 3rd ?\"\n", + "\"user\": \"no , i want to go tomorrow , from sacramento .\"\n", + "\"system\": \"there ' s one leaving at 7 : 40 am with 1 transfer for $ 70 .\"\n", + "\"user\": \"where does it leave from and arrive ?\"\n", + "\"system\": \"you ' d leave from sacramento valley station and arrive at the downtown station .\"\n", + "\"user\": \"sounds good . can you make a reservation ?\"\n", + "\"system\": \"to verify : you would like 1 ticket on the bus from sacramento to long beach leaving at 7 : 40 am on march 2nd .\"\n", + "\"user\": \"yes that ' s right .\"\n", + "\"system\": \"your ticket is confirmed .\"\n", + "\"user\": \"thank you so much .\"\n", + "\"system\": \"is there anything else you need ?\"\n", + "\"user\": \"not now . thanks again .\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['long beach jazz festival', 'tomorrow', 'long beach', 'one', 'march 2nd', 'long beach , ca', 'sacramento valley station', 'sacramento', '400 east shoreline drive', 'downtown station', '7 : 40 am', '3rd of march', 'date', '1', 'march 3rd', '$ 70']\n", + "relations: [['buses', 'has slot', 'to station'], ['events', 'has slot', 'event name'], ['leaving date', 'has value', 'march 3rd'], ['from location', 'has value', 'sacramento'], ['march 2nd', 'has domain', 'buses'], ['city of event', 'has value', 'long beach , ca'], ['rainbow lagoon park', 'has domain', 'events'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['address of location', 'has value', '400 east shoreline drive'], ['tomorrow', 'has domain', 'buses'], ['city of event', 'has value', 'long beach'], ['date', 'has value', 'march 3rd'], ['buses', 'has slot', 'leaving date'], ['buses', 'has slot', 'from location'], ['3rd of march', 'has domain', 'events'], ['fare', 'has value', '$ 70'], ['date', 'has value', '3rd of march'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['number of seats', 'has value', '1'], ['buses', 'has slot', 'findbus'], ['from station', 'has value', 'sacramento valley station'], ['events', 'has slot', 'buyeventtickets'], ['sacramento', 'has domain', 'buses'], ['$ 70', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['to station', 'has value', 'downtown station'], ['long beach', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['400 east shoreline drive', 'has domain', 'events'], ['transfers', 'has value', '1'], ['leaving date', 'has value', 'march 2nd'], ['long beach', 'has domain', 'events'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['to location', 'has value', 'long beach'], ['1', 'refers to same concept as', 'one'], ['event location', 'has value', 'rainbow lagoon park'], ['leaving time', 'has value', '7 : 40 am'], ['events', 'has slot', 'address of location'], ['long beach , ca', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['1', 'has domain', 'buses'], ['march 3rd', 'has domain', 'buses'], ['downtown station', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['1', 'has domain', 'events'], ['long beach jazz festival', 'has domain', 'events'], ['march 3rd', 'has domain', 'events'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['event name', 'has value', 'long beach jazz festival'], ['leaving date', 'has value', 'tomorrow'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2247\n", + "dialogue: \"user\": \"3 of us need something to do next monday .\"\n", + "\"system\": \"where are you guys going to be ?\"\n", + "\"user\": \"we ' ll be in ny .\"\n", + "\"system\": \"what do you have in mind ?\"\n", + "\"user\": \"how about laura osnes .\"\n", + "\"system\": \"3 tickets to see laura osnes in new york on march 4th ?\"\n", + "\"user\": \"yes . where is she performing ? and at what time ?\"\n", + "\"system\": \"6 : 30 pm at sony hall . your seats are reserved .\"\n", + "\"user\": \"nice . i think we need to get a bus there .\"\n", + "\"system\": \"from where are you leaving ?\"\n", + "\"user\": \"i ' m cutting out from philadelphia .\"\n", + "\"system\": \"on march 4th ?\"\n", + "\"user\": \"on the day after tomorrow .\"\n", + "\"system\": \"i have an 8 : 30 am bus with 0 transfers for $ 21 .\"\n", + "\"user\": \"what stations does it use ?\"\n", + "\"system\": \"it goes from intercity terminal to the port authority station .\"\n", + "\"user\": \"how about a bus from washington .\"\n", + "\"system\": \"there ' s an 8 : 10 am with 0 transfers for $ 37 .\"\n", + "\"user\": \"bingo . grab that one .\"\n", + "\"system\": \"3 seats on a 8 : 10 am washington to new york bus on march 3rd ?\"\n", + "\"user\": \"yes , that ' s it . give me the stations .\"\n", + "\"system\": \"it goes from union station to the port authority station . you have your seats .\"\n", + "\"user\": \"excellent . good job .\"\n", + "\"system\": \"what else do you have for me .\"\n", + "\"user\": \"nothing . chill out .\"\n", + "\"system\": \"i ' m chilling . thanks .\"\n", + "\n", + "terms: ['ny', 'time', '8 : 10 am', 'march 4th', 'union station', 'new york', 'philadelphia', '8 : 30 am', 'washington', '$ 21', 'sony hall', 'transfers', 'laura osnes', 'day after tomorrow', 'intercity terminal', '0', '$ 37', 'port authority station', 'next monday', 'march 3rd']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['fare', 'has value', '$ 37'], ['new york', 'refers to same concept as', 'ny'], ['event name', 'has value', 'laura osnes'], ['fare', 'has value', '$ 21'], ['buses', 'has slot', 'to station'], ['events', 'has slot', 'event name'], ['leaving date', 'has value', 'march 3rd'], ['to location', 'has value', 'new york'], ['day after tomorrow', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 10 am'], ['leaving time', 'has value', '8 : 30 am'], ['time', 'has value', '6 : 30 pm'], ['ny', 'has domain', 'events'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['$ 21', 'has domain', 'buses'], ['from station', 'has value', 'union station'], ['union station', 'has domain', 'buses'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['new york', 'has domain', 'events'], ['travelers', 'has value', '3'], ['date', 'has value', 'next monday'], ['leaving date', 'has value', 'day after tomorrow'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['3', 'refers to same concept as', '$ 3'], ['date', 'has value', 'march 4th'], ['events', 'has slot', 'buyeventtickets'], ['philadelphia', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['from location', 'has value', 'philadelphia'], ['intercity terminal', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['6 : 30 pm', 'has domain', 'events'], ['city of event', 'has value', 'ny'], ['sony hall', 'has domain', 'events'], ['3', 'has domain', 'buses'], ['next monday', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['event location', 'has value', 'sony hall'], ['3', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['march 3rd', 'has domain', 'buses'], ['$ 37', 'has domain', 'buses'], ['from station', 'has value', 'intercity terminal'], ['march 4th', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['8 : 30 am', 'has domain', 'buses'], ['laura osnes', 'has domain', 'events'], ['march 4th', 'has domain', 'events'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2248\n", + "dialogue: \"user\": \"i want to buy event tickets for something please .\"\n", + "\"system\": \"on what date please ?\"\n", + "\"user\": \"something on the 10th of march in seattle , wa .\"\n", + "\"system\": \"for how many people and what event in particular ?\"\n", + "\"user\": \"i want two tickets for huskies vs warriors .\"\n", + "\"system\": \"confirming 2 seats for the huskies vs warriors event in seattle on march 10th .\"\n", + "\"user\": \"thank you , that ' s great .\"\n", + "\"system\": \"the tickets have been purchased .\"\n", + "\"user\": \"terrific . i need a bus ticket now .\"\n", + "\"system\": \"from where ? and is this for march 10th ?\"\n", + "\"user\": \"no , march 2nd from vancouver , bc .\"\n", + "\"system\": \"i have 10 options for you . there is a 6 : 40 am departure , 0 transfers , for $ 28 .\"\n", + "\"user\": \"something else please ?\"\n", + "\"system\": \"i also have a bus which leaves at 8 : 10 am and that ' s a $ 26 fare , 0 transfers .\"\n", + "\"user\": \"what are the bus stations for that one ?\"\n", + "\"system\": \"it goes from king street station to pacific central station .\"\n", + "\"user\": \"all right , great .\"\n", + "\"system\": \"shall i buy tickets for you ?\"\n", + "\"user\": \"definitely , please do .\"\n", + "\"system\": \"confirming a march 2nd bus trip from vancouver to seattle at 8 : 10 am , purchasing 2 fares .\"\n", + "\"user\": \"thank you , perfect .\"\n", + "\"system\": \"the tickets have been reserved .\"\n", + "\"user\": \"thank you again .\"\n", + "\"system\": \"may i do anything else for you ?\"\n", + "\"user\": \"no , thanks again .\"\n", + "\"system\": \"it ' s my pleasure .\"\n", + "\n", + "terms: ['2', 'fare', 'huskies vs warriors', '10th of march', 'vancouver', '$ 26', 'pacific central station', 'march 2nd', 'vancouver , bc', 'seattle , wa', 'march 10th', 'king street station', 'transfers', 'seattle', '6 : 40 am', '$ 28', '0', 'two', '10', 'date', '8 : 10 am']\n", + "relations: [['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 26'], ['pacific central station', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['date', 'has value', 'march 10th'], ['travelers', 'has value', '2'], ['march 2nd', 'has domain', 'buses'], ['$ 28', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 10 am'], ['number of seats', 'has value', '2'], ['from location', 'has value', 'vancouver'], ['2', 'has domain', 'events'], ['buses', 'has slot', 'fare'], ['from location', 'has value', 'vancouver , bc'], ['leaving time', 'has value', '6 : 40 am'], ['from station', 'has value', 'pacific central station'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['to station', 'has value', 'king street station'], ['2', 'refers to same concept as', 'two'], ['date', 'has value', '10th of march'], ['buses', 'has slot', 'to location'], ['king street station', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['event name', 'has value', 'huskies vs warriors'], ['buses', 'has slot', 'findbus'], ['vancouver , bc', 'has domain', 'buses'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['vancouver', 'refers to same concept as', 'vancouver , bc'], ['10th of march', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['city of event', 'has value', 'seattle'], ['events', 'has slot', 'city of event'], ['seattle , wa', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['city of event', 'has value', 'seattle , wa'], ['leaving date', 'has value', 'march 2nd'], ['vancouver', 'has domain', 'buses'], ['seattle', 'refers to same concept as', 'seattle , wa'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['seattle', 'has domain', 'buses'], ['march 10th', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['seattle', 'has domain', 'events'], ['buses', 'has slot', 'from station'], ['march 10th', 'has domain', 'events'], ['fare', 'has value', '$ 28'], ['$ 26', 'has domain', 'buses'], ['leaving date', 'has value', 'march 10th'], ['huskies vs warriors', 'has domain', 'events'], ['to location', 'has value', 'seattle'], ['events', 'has slot', 'event name'], ['6 : 40 am', 'has domain', 'buses'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-2249\n", + "dialogue: \"user\": \"i would like to book tickets to an event .\"\n", + "\"system\": \"is there a specific event you would like ? how many tickets and in which city ?\"\n", + "\"user\": \"i want 1 ticket to see local natives in san diego .\"\n", + "\"system\": \"do you have a date in mind ?\"\n", + "\"user\": \"i was thinking march 14th .\"\n", + "\"system\": \"okay , i am booking 1 ticket to see local natives in san diego on march 14th . is this correct ?\"\n", + "\"user\": \"yes , that works for me .\"\n", + "\"system\": \"your tickets have been booked successfully . enjoy the show !\"\n", + "\"user\": \"can you find me a bus going there on march 4th ?\"\n", + "\"system\": \"where are you leaving from ?\"\n", + "\"user\": \"i ' m leaving from sacramento , ca .\"\n", + "\"system\": \"i found 8 buses for you . a bus is leaving at 10 : 20 am with 1 transfer for $ 66 . how does that sound ?\"\n", + "\"user\": \"is there anything else ?\"\n", + "\"system\": \"there is a bus leaving at 10 : 50 am with 1 transfer for $ 64 . how does that sound ?\"\n", + "\"user\": \"which station does it leave from ?\"\n", + "\"system\": \"it leaves from sacramento valley station .\"\n", + "\"user\": \"that sounds good . i would like to reserve this bus .\"\n", + "\"system\": \"okay , i am booking 1 ticket for a bus traveling from sacramento to san diego on march 4th at 10 : 50 am . is this correct ?\"\n", + "\"user\": \"yes , that sounds great . which station do i arrive at ?\"\n", + "\"system\": \"your ticket has been successfully booked . you will arrive at santa fe depot .\"\n", + "\"user\": \"thank you for all your help . that ' s all i need .\"\n", + "\"system\": \"my pleasure . have a great day !\"\n", + "\n", + "terms: ['$ 64', 'sacramento , ca', 'santa fe depot', 'march 14th', '$ 66', 'buses', 'sacramento valley station', '10 : 20 am', '8', '10 : 50 am', 'sacramento', 'local natives', 'date', '1', 'march 4th', 'san diego']\n", + "relations: [['buses', 'has slot', 'to station'], ['san diego', 'has domain', 'events'], ['to station', 'has value', 'santa fe depot'], ['$ 66', 'has domain', 'buses'], ['from location', 'has value', 'sacramento'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['10 : 20 am', 'has domain', 'buses'], ['count', 'has value', '8'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['date', 'has value', 'march 14th'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['march 14th', 'has domain', 'events'], ['sacramento , ca', 'has domain', 'buses'], ['leaving time', 'has value', '10 : 50 am'], ['buses', 'has slot', 'travelers'], ['number of seats', 'has value', '1'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['city of event', 'has value', 'san diego'], ['fare', 'has value', '$ 66'], ['from station', 'has value', 'sacramento valley station'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['events', 'has slot', 'city of event'], ['$ 64', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['from location', 'has value', 'sacramento , ca'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '10 : 20 am'], ['local natives', 'has domain', 'events'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['march 4th', 'has domain', 'buses'], ['event name', 'has value', 'local natives'], ['fare', 'has value', '$ 64'], ['buses', 'has slot', 'from station'], ['1', 'has domain', 'events'], ['10 : 50 am', 'has domain', 'buses'], ['to location', 'has value', 'san diego'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2250\n", + "dialogue: \"user\": \"i need help in booking event tickets\"\n", + "\"system\": \"tell me the date and number of tickets . do you have an event in mind ?\"\n", + "\"user\": \"i want three tickets to padres vs brewers event on 8th of march\"\n", + "\"system\": \"which city are you looking for ?\"\n", + "\"user\": \"i want four ticket in san diego\"\n", + "\"system\": \"booking 4 tickets for padres vs brewers event in san diego on march 8th\"\n", + "\"user\": \"cool , what is the address ?\"\n", + "\"system\": \"booking confirmed . the address is 100 park boulevard\"\n", + "\"user\": \"what is the time\"\n", + "\"system\": \"it starts at 6 : 30 pm\"\n", + "\"user\": \"thanks , i also need to find a bus going there on the 6th from anaheim , ca\"\n", + "\"system\": \"i have found 9 buses for you . how about the 6 am one with 0 transfers that costs $ 21 ?\"\n", + "\"user\": \"tell the arrival and departure stations\"\n", + "\"system\": \"it starts from anaheim intermodal center and reaches santa fe depot\"\n", + "\"user\": \"sounds perfect to me\"\n", + "\"system\": \"should i buy the tickets ?\"\n", + "\"user\": \"yes , do that .\"\n", + "\"system\": \"booking 4 tickets on the bus from anaheim to san diego on march 6th at 6 am\"\n", + "\"user\": \"sounds perfect to me\"\n", + "\"system\": \"ticket is confirmed .\"\n", + "\"user\": \"thanks , that would be all .\"\n", + "\"system\": \"have a nice trip !\"\n", + "\n", + "terms: ['transfers', 'anaheim intermodal center', '6 am', 'anaheim', '4', 'buses', 'the 6th', '9', '0', 'march 6th', '$ 21', 'four', 'padres vs brewers', 'three', 'date', 'san diego']\n", + "relations: [['8th of march', 'has domain', 'events'], ['fare', 'has value', '$ 21'], ['san diego', 'has domain', 'events'], ['address of location', 'has value', '100 park boulevard'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'santa fe depot'], ['padres vs brewers', 'has domain', 'events'], ['the 6th', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['time', 'has value', '6 : 30 pm'], ['leaving date', 'has value', 'march 6th'], ['from location', 'has value', 'anaheim , ca'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['$ 21', 'has domain', 'buses'], ['100 park boulevard', 'has domain', 'events'], ['buses', 'has slot', 'to location'], ['march 8th', 'has domain', 'events'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['leaving date', 'has value', 'the 6th'], ['buses', 'has slot', 'travelers'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['anaheim', 'has domain', 'buses'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['city of event', 'has value', 'san diego'], ['number of seats', 'has value', '3'], ['transfers', 'has value', '0'], ['march 6th', 'has domain', 'buses'], ['4', 'refers to same concept as', 'four'], ['anaheim , ca', 'has domain', 'buses'], ['from station', 'has value', 'anaheim intermodal center'], ['4', 'has domain', 'buses'], ['date', 'has value', '8th of march'], ['events', 'has slot', 'buyeventtickets'], ['event name', 'has value', 'padres vs brewers'], ['events', 'has slot', 'city of event'], ['4', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['6 am', 'has domain', 'buses'], ['6 : 30 pm', 'has domain', 'events'], ['count', 'has value', '9'], ['date', 'has value', 'march 8th'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '6 am'], ['3', 'has domain', 'events'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'anaheim'], ['9', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['anaheim intermodal center', 'has domain', 'buses'], ['to location', 'has value', 'san diego'], ['3', 'refers to same concept as', 'three'], ['number of seats', 'has value', '4'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2251\n", + "dialogue: \"user\": \"i ' m looking for tickets to an event .\"\n", + "\"system\": \"what is the name of the event , the location of the event , and how many tickets do you need ?\"\n", + "\"user\": \"i need one ticket for yunger in sacramento .\"\n", + "\"system\": \"when do you want to go ?\"\n", + "\"user\": \"i want to go on the 13th .\"\n", + "\"system\": \"okay , confirm the details . you want to purchase 1 ticket for yunger in sacramento on march 13th .\"\n", + "\"user\": \"yes , that is correct . where is the event taking place at and what is its address ?\"\n", + "\"system\": \"i have purchased the ticket . the event is taking place at holy diver , which is located at 1517 21st street .\"\n", + "\"user\": \"okay , thank you ! i ' d like to find a bus going there .\"\n", + "\"system\": \"are you departing on march 13th ? where are you departing from ?\"\n", + "\"user\": \"no , i ' m leaving on the 8th of this month from san francisco .\"\n", + "\"system\": \"there is a bus leaving at 7 : 20 am with 0 transfers for $ 19 .\"\n", + "\"user\": \"what bus station do i depart from and arrive at ?\"\n", + "\"system\": \"the bus departs from salesforce transit center and arrives at sacramento valley station .\"\n", + "\"user\": \"thank you , that sounds good .\"\n", + "\"system\": \"do you want to purchase tickets for the bus ?\"\n", + "\"user\": \"yes , i do .\"\n", + "\"system\": \"okay , confirm the details . you want to purchase 1 ticket for the bus departing from san francisco to sacramento on march 8th at 7 : 20 am .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"i have purchased the ticket .\"\n", + "\"user\": \"thank you for your help .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , thank you .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['march 13th', 'transfers', 'salesforce transit center', '$ 19', 'yunger', 'the 13th', '1517 21st street', '8th of this month', '7 : 20 am', 'one', 'sacramento valley station', 'sacramento', '0', '1', 'san francisco', 'holy diver', 'march 8th']\n", + "relations: [['buses', 'has slot', 'to station'], ['to location', 'has value', 'sacramento'], ['from station', 'has value', 'salesforce transit center'], ['yunger', 'has domain', 'events'], ['the 13th', 'has domain', 'events'], ['sacramento valley station', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '7 : 20 am'], ['7 : 20 am', 'has domain', 'buses'], ['san francisco', 'refers to same concept as', 'sfo'], ['address of location', 'has value', '1517 21st street'], ['fare', 'has value', '$ 19'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['march 8th', 'has domain', 'buses'], ['event location', 'has value', 'holy diver'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['to station', 'has value', 'sacramento valley station'], ['salesforce transit center', 'has domain', 'buses'], ['leaving date', 'has value', 'march 13th'], ['buses', 'has slot', 'travelers'], ['number of seats', 'has value', '1'], ['holy diver', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', '8th of this month'], ['leaving date', 'has value', 'march 8th'], ['events', 'has slot', 'buyeventtickets'], ['sacramento', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['event name', 'has value', 'yunger'], ['sacramento', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['date', 'has value', 'march 13th'], ['city of event', 'has value', 'sacramento'], ['date', 'has value', 'the 13th'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['1517 21st street', 'has domain', 'events'], ['march 13th', 'has domain', 'buses'], ['$ 19', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['events', 'has slot', 'address of location'], ['1', 'has domain', 'buses'], ['from location', 'has value', 'san francisco'], ['buses', 'has slot', 'transfers'], ['8th of this month', 'has domain', 'buses'], ['march 13th', 'has domain', 'events'], ['buses', 'has slot', 'from station'], ['1', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2252\n", + "dialogue: \"user\": \"i ' m going on a short trip by myself . can you see what events are happening on the 8th of this month in san fran ?\"\n", + "\"system\": \"sure , what kind of event ?\"\n", + "\"user\": \"i wanted to go see remo drive actually .\"\n", + "\"system\": \"ok , how many tickets do you need ?\"\n", + "\"user\": \"just one ticket .\"\n", + "\"system\": \"alright . to confirm , you want 1 ticket to remo drive in san francisco on march 8th . is that right ?\"\n", + "\"user\": \"yes , that ' s right . what ' s the venue address and when does it start ?\"\n", + "\"system\": \"the address is 777 valencia street and it starts at 6 : 30 pm . your ticket is confirmed . hope you have a good time !\"\n", + "\"user\": \"thanks , can you also look up a bus for me to get there ?\"\n", + "\"system\": \"sure , where are you leaving from and would it be for march 8th ?\"\n", + "\"user\": \"no , i ' d be leaving on march 4th from lax actually .\"\n", + "\"system\": \"ok , i found a bus with 0 transfers for $ 44 that leaves at 6 : 20 am . does that work ?\"\n", + "\"user\": \"maybe , what station does it go to and from ?\"\n", + "\"system\": \"it goes from union station to salesforce transit center .\"\n", + "\"user\": \"hm , what else can you find ?\"\n", + "\"system\": \"there ' s also one with 0 transfers for $ 50 that leaves at 8 : 20 am .\"\n", + "\"user\": \"ok , that one sounds better . can you reserve a ticket for me ?\"\n", + "\"system\": \"sure . to confirm , you want 1 bus ticket from los angeles to san francisco on march 4th at 8 : 20 am . is that right ?\"\n", + "\"user\": \"yes , that ' s right .\"\n", + "\"system\": \"ok , your ticket is confirmed .\"\n", + "\"user\": \"great , thanks . what station does this bus go to and from ?\"\n", + "\"system\": \"it also goes from union station to salesforce transit center .\"\n", + "\"user\": \"ok , thanks for your help . that ' s all .\"\n", + "\"system\": \"sure , have a good day .\"\n", + "\n", + "terms: ['san fran', 'los angeles', 'lax', 'time', '6 : 20 am', 'march 4th', 'union station', '8th of this month', '8 : 20 am', 'salesforce transit center', '$ 50', '6 : 30 pm', 'one', '777 valencia street', 'transfers', 'events', '0', '$ 44', 'remo drive', '1', 'san francisco', 'march 8th']\n", + "relations: [['buses', 'has slot', 'to station'], ['to station', 'has value', 'salesforce transit center'], ['fare', 'has value', '$ 50'], ['buses', 'has slot', 'leaving time'], ['6 : 20 am', 'has domain', 'buses'], ['time', 'has value', '6 : 30 pm'], ['$ 50', 'has domain', 'buses'], ['from location', 'has value', 'lax'], ['san francisco', 'refers to same concept as', 'sfo'], ['event name', 'has value', 'remo drive'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['city of event', 'has value', 'san francisco'], ['remo drive', 'has domain', 'events'], ['leaving date', 'has value', 'march 4th'], ['san francisco', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['march 8th', 'has domain', 'events'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['salesforce transit center', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['number of seats', 'has value', '1'], ['san francisco', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'march 8th'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'city of event'], ['$ 44', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['6 : 30 pm', 'has domain', 'events'], ['leaving time', 'has value', '6 : 20 am'], ['date', 'has value', '8th of this month'], ['from location', 'has value', 'los angeles'], ['date', 'has value', 'march 8th'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['1', 'refers to same concept as', 'one'], ['los angeles', 'refers to same concept as', 'lax'], ['to location', 'has value', 'san francisco'], ['777 valencia street', 'has domain', 'events'], ['fare', 'has value', '$ 44'], ['events', 'has slot', 'address of location'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['8 : 20 am', 'has domain', 'buses'], ['march 4th', 'has domain', 'buses'], ['city of event', 'has value', 'san fran'], ['buses', 'has slot', 'from station'], ['leaving time', 'has value', '8 : 20 am'], ['lax', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['1', 'has domain', 'events'], ['san fran', 'has domain', 'events'], ['8th of this month', 'has domain', 'events'], ['address of location', 'has value', '777 valencia street'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2253\n", + "dialogue: \"user\": \"i need to reserve tickets for an event please .\"\n", + "\"system\": \"how many tickets do you need ? which city should i search in ?\"\n", + "\"user\": \"i need four tickets around lax please .\"\n", + "\"system\": \"what type of event do you prefer ? do you have a date in mind ?\"\n", + "\"user\": \"i ' d like to see jordan rakei on the 3rd of this month .\"\n", + "\"system\": \"you want 4 tickets to jordan rakei on march 3rd in los angeles , correct ?\"\n", + "\"user\": \"yes that is correct . what is the address ? what time does it start ?\"\n", + "\"system\": \"your tickets are reserved . the show starts at 8 : 30 pm and is located at 5970 santa monica boulevard .\"\n", + "\"user\": \"can you find me a bus ?\"\n", + "\"system\": \"do you want to depart on march 3rd ?\"\n", + "\"user\": \"i want to leave this saturday .\"\n", + "\"system\": \"where are you departing from ?\"\n", + "\"user\": \"i ' m leaving from san diego .\"\n", + "\"system\": \"i found 10 buses . there is one with 0 transfers at 6 : 10 am which costs $ 29 .\"\n", + "\"user\": \"sounds good , please make a reservation .\"\n", + "\"system\": \"you want 4 tickets for the 6 : 10 am bus leaving san diego on march 2nd for los angeles , correct ?\"\n", + "\"user\": \"yes that is correct thank you .\"\n", + "\"system\": \"your tickets are confirmed .\"\n", + "\"user\": \"thank you ! that is all i needed .\"\n", + "\"system\": \"okay have a great day , goodbye !\"\n", + "\n", + "terms: ['los angeles', 'lax', '3rd of this month', 'buses', '5970 santa monica boulevard', 'time', 'san diego', '6 : 10 am', 'jordan rakei', '$ 29', 'march 2nd', 'this saturday', 'four', '8 : 30 pm', 'transfers', '4', '0', '10', 'date', 'march 3rd']\n", + "relations: [['event name', 'has value', 'jordan rakei'], ['number of seats', 'has value', '4'], ['leaving date', 'has value', 'march 3rd'], ['3rd of this month', 'has domain', 'events'], ['leaving time', 'has value', '6 : 10 am'], ['march 2nd', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'this saturday'], ['6 : 10 am', 'has domain', 'buses'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['city of event', 'has value', 'los angeles'], ['date', 'has value', 'march 3rd'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['5970 santa monica boulevard', 'has domain', 'events'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['4', 'refers to same concept as', 'four'], ['4', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'city of event'], ['fare', 'has value', '$ 29'], ['4', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', 'march 2nd'], ['this saturday', 'has domain', 'buses'], ['los angeles', 'refers to same concept as', 'lax'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['to location', 'has value', 'los angeles'], ['city of event', 'has value', 'lax'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'transfers'], ['march 3rd', 'has domain', 'buses'], ['time', 'has value', '8 : 30 pm'], ['$ 29', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['jordan rakei', 'has domain', 'events'], ['date', 'has value', '3rd of this month'], ['address of location', 'has value', '5970 santa monica boulevard'], ['from location', 'has value', 'san diego'], ['los angeles', 'has domain', 'events'], ['8 : 30 pm', 'has domain', 'events'], ['march 3rd', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10'], ['lax', 'has domain', 'events']]\n", + "\n", + "dialogue id: sgd-validation-2254\n", + "dialogue: \"user\": \"hey , i ' m dying to see toto . i need 1 ticket to a show of theirs in philly .\"\n", + "\"system\": \"fine , what date ?\"\n", + "\"user\": \"i ' m looking at the 7th .\"\n", + "\"system\": \"to be clear : 1 for toto on march 7th in philadelphia .\"\n", + "\"user\": \"perfect , that ' s good .\"\n", + "\"system\": \"you have your ticket , all set .\"\n", + "\"user\": \"fine , i am leaving new york city and need a bus to get to the concert on next monday .\"\n", + "\"system\": \"sure , there are 7 , what about the 7 : 40 am one , it ' s $ 23 and has 0 transfers .\"\n", + "\"user\": \"sure , why not make a day of it . reserve it .\"\n", + "\"system\": \"here ' s what i heard : 1 for bus leaving new york to philadelphia on march 4th at 7 : 40 am .\"\n", + "\"user\": \"great , what stations are involved in all this bus magic ?\"\n", + "\"system\": \"you ' ll depart at port authority station and get off the bus at intercity terminal in philly\"\n", + "\"user\": \"perfect , thanks so much .\"\n", + "\"system\": \"anything more for you ?\"\n", + "\"user\": \"not at all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['march 7th', '7', 'philly', 'new york city', 'march 4th', '$ 23', '7 : 40 am', 'new york', 'philadelphia', 'the 7th', 'one', 'transfers', 'intercity terminal', 'toto', '0', 'port authority station', 'next monday', 'date', '1']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['city of event', 'has value', 'philadelphia'], ['count', 'has value', '7'], ['from location', 'has value', 'new york city'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'next monday'], ['from location', 'has value', 'new york'], ['toto', 'has domain', 'events'], ['city of event', 'has value', 'philly'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['new york city', 'has domain', 'buses'], ['leaving date', 'has value', 'march 4th'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['number of seats', 'has value', '1'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['7', 'has domain', 'buses'], ['to location', 'has value', 'philadelphia'], ['events', 'has slot', 'buyeventtickets'], ['philadelphia', 'has domain', 'buses'], ['events', 'has slot', 'city of event'], ['march 7th', 'has domain', 'events'], ['intercity terminal', 'has domain', 'buses'], ['philadelphia', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['next monday', 'has domain', 'buses'], ['fare', 'has value', '$ 23'], ['event name', 'has value', 'toto'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['date', 'has value', 'the 7th'], ['1', 'refers to same concept as', 'one'], ['from station', 'has value', 'port authority station'], ['leaving time', 'has value', '7 : 40 am'], ['to station', 'has value', 'intercity terminal'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['philly', 'has domain', 'events'], ['march 4th', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['philadelphia', 'refers to same concept as', 'philly'], ['1', 'has domain', 'events'], ['date', 'has value', 'march 7th'], ['$ 23', 'has domain', 'buses'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare'], ['the 7th', 'has domain', 'events']]\n", + "\n", + "dialogue id: sgd-validation-2255\n", + "dialogue: \"user\": \"i need event tickets .\"\n", + "\"system\": \"was there a date you were interested in ?\"\n", + "\"user\": \"i ' d like something on march 11th .\"\n", + "\"system\": \"how many tickets do you need and to what type of event ? what city should i look in ?\"\n", + "\"user\": \"i would like to go to the crooked colours event in new york . i need 1 ticket .\"\n", + "\"system\": \"could you confirm that you want to book tickets for crooked colours ? there is 1 ticket in the reservation . the event date is march 11th and this takes place in new york .\"\n", + "\"user\": \"sounds good .\"\n", + "\"system\": \"your reservation was confirmed . have a fantastic time .\"\n", + "\"user\": \"would you help me find a bus going there ?\"\n", + "\"system\": \"would you like to leave march 11th ?\"\n", + "\"user\": \"i want to leave march 6th .\"\n", + "\"system\": \"where will you leave from ?\"\n", + "\"user\": \"i want to leave from washington .\"\n", + "\"system\": \"what about the bus leaving at 8 : 10 am ? it has 0 transfers and costs $ 32 .\"\n", + "\"user\": \"sounds good to me . reserve this bus for me .\"\n", + "\"system\": \"could you confirm that you want a ticket on the bus leaving from washington to new york on march 6th at 8 : 10 am ? it ' s for 1 person .\"\n", + "\"user\": \"sounds good to me . what bus station will i leave from and which station will i reach ?\"\n", + "\"system\": \"your ticket has been confirmed . the destination station is port authority station and you are leaving from union station .\"\n", + "\"user\": \"thank you for helping .\"\n", + "\"system\": \"could i assist with something else ?\"\n", + "\"user\": \"no , but thank you for helping .\"\n", + "\"system\": \"have an awesome day .\"\n", + "\n", + "terms: ['transfers', 'march 11th', 'union station', 'washington', 'crooked colours', '1', '$ 32', 'march 6th', '0', 'port authority station', 'date', 'new york', '8 : 10 am']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['to location', 'has value', 'new york'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 10 am'], ['leaving date', 'has value', 'march 11th'], ['leaving date', 'has value', 'march 6th'], ['$ 32', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['from station', 'has value', 'union station'], ['union station', 'has domain', 'buses'], ['from location', 'has value', 'washington'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['crooked colours', 'has domain', 'events'], ['washington', 'has domain', 'buses'], ['date', 'has value', 'march 11th'], ['0', 'has domain', 'buses'], ['new york', 'has domain', 'events'], ['buses', 'has slot', 'travelers'], ['number of seats', 'has value', '1'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['march 6th', 'has domain', 'buses'], ['march 11th', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['fare', 'has value', '$ 32'], ['events', 'has slot', 'city of event'], ['march 11th', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['event name', 'has value', 'crooked colours'], ['to station', 'has value', 'port authority station'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['1', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2256\n", + "dialogue: \"user\": \"hello . can you find me some events in philadelphia ?\"\n", + "\"system\": \"on what day ?\"\n", + "\"user\": \"on the 4th of march .\"\n", + "\"system\": \"any specific event ? how many tickets ?\"\n", + "\"user\": \"i want 1 ticket for the phillies vs pirates match .\"\n", + "\"system\": \"sure . you want to get 1 ticket to see the phillies vs pirates game in philadelphia on march 4th ?\"\n", + "\"user\": \"works for me .\"\n", + "\"system\": \"i confirmed the tickets . have a good time there .\"\n", + "\"user\": \"can you find me a bus to get there ? make it for the 1st of this month .\"\n", + "\"system\": \"where will you leave ?\"\n", + "\"user\": \"i leave from nyc .\"\n", + "\"system\": \"want this $ 21 0 transfer bus that leaves at 7 : 40 am ?\"\n", + "\"user\": \"sure thing . i ' d like to reserve the bus .\"\n", + "\"system\": \"okay , you want 1 ticket for the bus that leaves from new york to philadelphia on march 1st at 7 : 40 am ?\"\n", + "\"user\": \"yes , works for me .\"\n", + "\"system\": \"i ' ve confirmed your ticket .\"\n", + "\"user\": \"what bus stations will i travel between ?\"\n", + "\"system\": \"you will go from port authority station to intercity terminal .\"\n", + "\"user\": \"okay , great . thanks for the help . i need nothing more .\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['1st of this month', 'nyc', 'philadelphia', 'events', 'march 1st', 'intercity terminal', 'new york', '0', '7 : 40 am', '$ 21', 'port authority station', '4th of march', 'phillies vs pirates', '1', 'march 4th']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['fare', 'has value', '$ 21'], ['buses', 'has slot', 'to station'], ['city of event', 'has value', 'philadelphia'], ['events', 'has slot', 'event name'], ['date', 'has value', '4th of march'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'new york'], ['from location', 'has value', 'nyc'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['$ 21', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['7 : 40 am', 'has domain', 'buses'], ['number of seats', 'has value', '1'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['nyc', 'has domain', 'buses'], ['date', 'has value', 'march 4th'], ['events', 'has slot', 'buyeventtickets'], ['1st of this month', 'has domain', 'buses'], ['to location', 'has value', 'philadelphia'], ['philadelphia', 'has domain', 'buses'], ['events', 'has slot', 'city of event'], ['intercity terminal', 'has domain', 'buses'], ['philadelphia', 'has domain', 'events'], ['4th of march', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['events', 'has slot', 'number of seats'], ['leaving date', 'has value', '1st of this month'], ['events', 'has slot', 'date'], ['from station', 'has value', 'port authority station'], ['leaving time', 'has value', '7 : 40 am'], ['to station', 'has value', 'intercity terminal'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['event name', 'has value', 'phillies vs pirates'], ['1', 'has domain', 'events'], ['phillies vs pirates', 'has domain', 'events'], ['march 4th', 'has domain', 'events'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2257\n", + "dialogue: \"user\": \"get me three event tickets .\"\n", + "\"system\": \"what city do you want ?\"\n", + "\"user\": \"find me an event in los angeles .\"\n", + "\"system\": \"do you have a particular event in mind ?\"\n", + "\"user\": \"try to find me the lights event .\"\n", + "\"system\": \"what day do you want to go ?\"\n", + "\"user\": \"i wish to go wednesday next week .\"\n", + "\"system\": \"you want 3 tickets to lights on march 6th in los angeles . is that right ?\"\n", + "\"user\": \"that is right .\"\n", + "\"system\": \"your tickets are ordered . have fun !\"\n", + "\"user\": \"i need a bus to get there .\"\n", + "\"system\": \"are you departing on march 6th and what city are you departing from ?\"\n", + "\"user\": \"i am departing long beach , ca on the 5th of march .\"\n", + "\"system\": \"search revealed 10 results . there is a bus with 0 transfers , a departure time of 6 : 40 am and a price of $ 13 .\"\n", + "\"user\": \"what else do you have ?\"\n", + "\"system\": \"there is a bus with 0 transfers , a departure time of 7 : 40 am and a price of $ 13 .\"\n", + "\"user\": \"that works for me . get me a bus reservation .\"\n", + "\"system\": \"you want 3 tickets for a bus departing long beach at 7 : 40 am on march 5th and arrives in los angeles . is that right ?\"\n", + "\"user\": \"that is right . what is the departing bus station ?\"\n", + "\"system\": \"your ticket is booked and you are departing downtown station .\"\n", + "\"user\": \"thanks a bunch . that is everything for now .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['5th of march', 'transfers', 'los angeles', 'lights', 'wednesday next week', 'long beach', '3', '6 : 40 am', 'long beach , ca', 'march 5th', 'march 6th', '0', '7 : 40 am', 'downtown station', '10', 'three', '$ 13']\n", + "relations: [['event name', 'has value', 'lights'], ['march 5th', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'march 6th'], ['buses', 'has slot', 'fare'], ['leaving time', 'has value', '6 : 40 am'], ['fare', 'has value', '$ 13'], ['buses', 'has slot', 'count'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['date', 'has value', 'wednesday next week'], ['buses', 'has slot', 'leaving date'], ['wednesday next week', 'has domain', 'events'], ['5th of march', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['leaving date', 'has value', '5th of march'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['$ 13', 'has domain', 'buses'], ['7 : 40 am', 'has domain', 'buses'], ['date', 'has value', 'march 6th'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['lights', 'has domain', 'events'], ['march 6th', 'has domain', 'buses'], ['10', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'city of event'], ['long beach', 'has domain', 'buses'], ['from location', 'has value', 'long beach , ca'], ['march 6th', 'has domain', 'events'], ['from station', 'has value', 'downtown station'], ['buses', 'has slot', 'buybusticket'], ['los angeles', 'refers to same concept as', 'la'], ['3', 'has domain', 'buses'], ['long beach , ca', 'has domain', 'buses'], ['leaving date', 'has value', 'march 5th'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['to location', 'has value', 'los angeles'], ['leaving time', 'has value', '7 : 40 am'], ['3', 'has domain', 'events'], ['from location', 'has value', 'long beach'], ['buses', 'has slot', 'transfers'], ['downtown station', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['3', 'refers to same concept as', 'three'], ['los angeles', 'has domain', 'events'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['events', 'has slot', 'event name'], ['6 : 40 am', 'has domain', 'buses'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-2258\n", + "dialogue: \"user\": \"i want to reserve 2 tickets to an event in la .\"\n", + "\"system\": \"is there a specific event you would like ?\"\n", + "\"user\": \"i want to see jordan rakei .\"\n", + "\"system\": \"which date did you have in mind ?\"\n", + "\"user\": \"i was thinking the 11th of this month .\"\n", + "\"system\": \"okay , i am reserving 2 tickets to see jordan rakei in los angeles on march 11th . is this correct ?\"\n", + "\"user\": \"no , actually , i want to see the trojans vs bulldogs .\"\n", + "\"system\": \"okay , i am reserving 2 tickets to see the trojans vs bulldogs . is this correct ?\"\n", + "\"user\": \"yes , that works for me .\"\n", + "\"system\": \"your tickets have been reserved . enjoy the game !\"\n", + "\"user\": \"what is the address ?\"\n", + "\"system\": \"the address is 3911 figueroa street .\"\n", + "\"user\": \"thank you for all your help . can you find me a bus going there on the 9th of march , leaving from sf ?\"\n", + "\"system\": \"i found 10 buses for you . there is a bus leaving at 7 am with 0 transfers for $ 44 . does this work for you ?\"\n", + "\"user\": \"that sounds good . i would like to buy a ticket .\"\n", + "\"system\": \"okay , i am buying 2 tickets for a bus traveling from san francisco to los angeles on march 9th at 7 am . is this correct ?\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"your tickets have been purchased successfully .\"\n", + "\"user\": \"which station do i arrive at ?\"\n", + "\"system\": \"you will arrive at union station .\"\n", + "\"user\": \"thank you for your help .\"\n", + "\"system\": \"is there anything else i can help you with ?\"\n", + "\"user\": \"no , that ' s all . thanks !\"\n", + "\"system\": \"have a great day !\"\n", + "\n", + "terms: ['3911 figueroa street', 'march 11th', 'los angeles', 'buses', '2', 'march 9th', 'union station', 'la', 'jordan rakei', '7 am', 'trojans vs bulldogs', 'sf', 'transfers', '9th of march', '11th of this month', '0', '$ 44', '10', 'date', 'san francisco']\n", + "relations: [['event name', 'has value', 'jordan rakei'], ['buses', 'has slot', 'to station'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['leaving date', 'has value', '9th of march'], ['buses', 'has slot', 'leaving time'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['march 9th', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['11th of this month', 'has domain', 'events'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['date', 'has value', 'march 11th'], ['buses', 'has slot', 'travelers'], ['san francisco', 'refers to same concept as', 'san fran'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['address of location', 'has value', '3911 figueroa street'], ['events', 'has slot', 'buyeventtickets'], ['from location', 'has value', 'sf'], ['leaving date', 'has value', 'march 9th'], ['events', 'has slot', 'city of event'], ['march 11th', 'has domain', 'events'], ['$ 44', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['la', 'has domain', 'events'], ['sf', 'has domain', 'buses'], ['city of event', 'has value', 'la'], ['los angeles', 'refers to same concept as', 'la'], ['leaving time', 'has value', '7 am'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['9th of march', 'has domain', 'buses'], ['to location', 'has value', 'los angeles'], ['3911 figueroa street', 'has domain', 'events'], ['fare', 'has value', '$ 44'], ['date', 'has value', '11th of this month'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'san francisco'], ['7 am', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['jordan rakei', 'has domain', 'events'], ['los angeles', 'has domain', 'events'], ['trojans vs bulldogs', 'has domain', 'events'], ['event name', 'has value', 'trojans vs bulldogs'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n", + "dialogue id: sgd-validation-2259\n", + "dialogue: \"user\": \"i am looking to get some tickets for ben harper on march 14th . i ' m a big fan and i want to go . the event is in new york city .\"\n", + "\"system\": \"how many tickets do you want ?\"\n", + "\"user\": \"just one ticket on the 8th .\"\n", + "\"system\": \"please confirm : booking 1 ticket for ben harper on march 8th in new york .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"the ticket has been booked .\"\n", + "\"user\": \"thanks a lot ! i will also need to find a bus to get there . look for something on the 6th of march for one person .\"\n", + "\"system\": \"where will you leave from ?\"\n", + "\"user\": \"i will leave from washington .\"\n", + "\"system\": \"there is a bus that departs at 8 : 10 am and has 0 transfers . it has a cost of $ 32 .\"\n", + "\"user\": \"from which station does it departs and to which one it arrives ?\"\n", + "\"system\": \"it departs from union station and arrives to port authority station .\"\n", + "\"user\": \"that is great , please book the ticket .\"\n", + "\"system\": \"please confirm : booking 1 bus ticket from washington to new york on march 6th at 8 : 10 am .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"the ticket has been booked .\"\n", + "\"user\": \"thanks a lot , that would be all .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['transfers', 'union station', '6th of march', 'march 14th', 'washington', 'one', '$ 32', '0', 'march 6th', 'new york city', 'port authority station', 'ben harper', 'the 8th', 'new york', '1', '8 : 10 am', 'march 8th']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['to location', 'has value', 'new york'], ['date', 'has value', 'the 8th'], ['buses', 'has slot', 'leaving time'], ['the 8th', 'has domain', 'events'], ['leaving time', 'has value', '8 : 10 am'], ['leaving date', 'has value', 'march 6th'], ['$ 32', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['date', 'has value', 'march 14th'], ['buses', 'has slot', 'leaving date'], ['from station', 'has value', 'union station'], ['leaving date', 'has value', '6th of march'], ['new york', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['march 8th', 'has domain', 'events'], ['march 14th', 'has domain', 'events'], ['buses', 'has slot', 'travelers'], ['washington', 'has domain', 'buses'], ['new york', 'has domain', 'events'], ['0', 'has domain', 'buses'], ['new york city', 'has domain', 'events'], ['number of seats', 'has value', '1'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['march 6th', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['fare', 'has value', '$ 32'], ['events', 'has slot', 'city of event'], ['buses', 'has slot', 'buybusticket'], ['city of event', 'has value', 'new york city'], ['6th of march', 'has domain', 'buses'], ['city of event', 'has value', 'new york'], ['date', 'has value', 'march 8th'], ['event name', 'has value', 'ben harper'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['1', 'refers to same concept as', 'one'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['1', 'has domain', 'events'], ['ben harper', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2260\n", + "dialogue: \"user\": \"i would like tickets for an event\"\n", + "\"system\": \"for which event ? in which city ? which day do you want to go there ?\"\n", + "\"user\": \"the event is girl in red in la . i ' d like to go there on thursday next week .\"\n", + "\"system\": \"how many tickets would you like ?\"\n", + "\"user\": \"i need one ticket . the day is the 2nd of march\"\n", + "\"system\": \"1 ticket for girl in red in los angeles , on march 2nd . is it correct ?\"\n", + "\"user\": \"yes , it ' s correct ! what time is the event ? where will the event take place ?\"\n", + "\"system\": \"it ' s at 8 : 30 pm . it will take place in 1234 west 7th street . your ticket is booked ! have a good time there !\"\n", + "\"user\": \"now i need a bus to go there\"\n", + "\"system\": \"what ' s the city of departure ? do you want to leave on march 2nd ?\"\n", + "\"user\": \"no , i want to leave on the 1st , from long beach , ca\"\n", + "\"system\": \"there ' s a bus at 6 : 40 am , it costs $ 11 and has 0 transfers .\"\n", + "\"user\": \"what ' s the origin station ? where the bus reaches in ?\"\n", + "\"system\": \"the origin station is downtown station , and the bus reaches in union station\"\n", + "\"user\": \"yes , it ' s fine for me ! i want to book .\"\n", + "\"system\": \"1 ticket on the bus from long beach to los angeles , on march 1st at 6 : 40 am . do you confirm ?\"\n", + "\"user\": \"yes , i confirm . thank you\"\n", + "\"system\": \"your ticket is booked !\"\n", + "\"user\": \"thanks a lot for helping !\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"no , it ' s all for now , thanks\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['transfers', 'los angeles', 'thursday next week', '8 : 30 pm', 'the 1st', 'long beach', 'la', '6 : 40 am', 'march 1st', 'one', '$ 11', '1234 west 7th street', '0', 'downtown station', 'girl in red', 'time', 'march 2nd']\n", + "relations: [['buses', 'has slot', 'to station'], ['date', 'has value', '2nd of march'], ['march 2nd', 'has domain', 'buses'], ['leaving date', 'has value', 'the 1st'], ['buses', 'has slot', 'leaving time'], ['event name', 'has value', 'girl in red'], ['buses', 'has slot', 'fare'], ['leaving time', 'has value', '6 : 40 am'], ['march 2nd', 'has domain', 'events'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['fare', 'has value', '$ 11'], ['1234 west 7th street', 'has domain', 'events'], ['union station', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['number of seats', 'has value', '1'], ['$ 11', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['events', 'has slot', 'buyeventtickets'], ['thursday next week', 'has domain', 'events'], ['date', 'has value', 'thursday next week'], ['events', 'has slot', 'city of event'], ['from station', 'has value', 'downtown station'], ['from location', 'has value', 'long beach , ca'], ['long beach', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['la', 'has domain', 'events'], ['address of location', 'has value', '1234 west 7th street'], ['city of event', 'has value', 'la'], ['girl in red', 'has domain', 'events'], ['leaving date', 'has value', 'march 2nd'], ['long beach , ca', 'has domain', 'buses'], ['los angeles', 'refers to same concept as', 'la'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['to location', 'has value', 'los angeles'], ['1', 'refers to same concept as', 'one'], ['2nd of march', 'has domain', 'events'], ['the 1st', 'has domain', 'buses'], ['from location', 'has value', 'long beach'], ['events', 'has slot', 'address of location'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['time', 'has value', '8 : 30 pm'], ['downtown station', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['los angeles', 'has domain', 'buses'], ['date', 'has value', 'march 2nd'], ['1', 'has domain', 'events'], ['los angeles', 'has domain', 'events'], ['8 : 30 pm', 'has domain', 'events'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['events', 'has slot', 'event name'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-2261\n", + "dialogue: \"user\": \"i want to see a game in sd ! padres vs brewers .\"\n", + "\"system\": \"on what day ?\"\n", + "\"user\": \"monday next week .\"\n", + "\"system\": \"how many tickets ?\"\n", + "\"user\": \"three tickets please .\"\n", + "\"system\": \"please confirm the following details : booking 3 tickets for the padres vs brewers game on march 4th in san diego .\"\n", + "\"user\": \"yes that ' s good , what ' s the address and when does it start ?\"\n", + "\"system\": \"the reservation has gone through successfully ! the address is 100 park boulevard and the game starts at 7 pm .\"\n", + "\"user\": \"thanks for the assistance . can you find a bus ? it ' s for a group of 4 . i want to leave from long beach , ca , the day after tomorrow .\"\n", + "\"system\": \"how about a bus with 0 stops , departing at 7 am , and costs $ 29 ?\"\n", + "\"user\": \"okay , what bus station is it leaving from ? what bus station am i arriving at ?\"\n", + "\"system\": \"the destination station is santa fe depot and you will be departing from downtown station .\"\n", + "\"user\": \"sounds great . book the bus .\"\n", + "\"system\": \"please confirm the following details : booking 4 tickets for the bus leaving long beach on march 3rd , 7 am , and arriving in san diego .\"\n", + "\"user\": \"yes , that works .\"\n", + "\"system\": \"your tickets have been confirmed !\"\n", + "\"user\": \"thanks for the help !\"\n", + "\"system\": \"may i assist you further ?\"\n", + "\"user\": \"no , i ' m fine , goodbye !\"\n", + "\"system\": \"have a wonderful day !\"\n", + "\n", + "terms: ['march 3rd', '7 pm', 'santa fe depot', 'day after tomorrow', 'long beach', '3', '4', 'long beach , ca', 'sd', '7 am', '$ 29', '0', 'downtown station', 'padres vs brewers', '100 park boulevard', 'march 4th', 'san diego']\n", + "relations: [['buses', 'has slot', 'to station'], ['san diego', 'has domain', 'events'], ['address of location', 'has value', '100 park boulevard'], ['to station', 'has value', 'santa fe depot'], ['events', 'has slot', 'event name'], ['leaving date', 'has value', 'march 3rd'], ['padres vs brewers', 'has domain', 'events'], ['time', 'has value', '7 pm'], ['day after tomorrow', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['100 park boulevard', 'has domain', 'events'], ['7 pm', 'has domain', 'events'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['santa fe depot', 'has domain', 'buses'], ['leaving date', 'has value', 'day after tomorrow'], ['buses', 'has slot', 'findbus'], ['city of event', 'has value', 'san diego'], ['number of seats', 'has value', '3'], ['transfers', 'has value', '0'], ['monday next week', 'has domain', 'events'], ['sd', 'has domain', 'events'], ['4', 'has domain', 'buses'], ['date', 'has value', 'march 4th'], ['events', 'has slot', 'buyeventtickets'], ['event name', 'has value', 'padres vs brewers'], ['events', 'has slot', 'city of event'], ['city of event', 'has value', 'sd'], ['from location', 'has value', 'long beach , ca'], ['fare', 'has value', '$ 29'], ['from station', 'has value', 'downtown station'], ['buses', 'has slot', 'buybusticket'], ['long beach', 'has domain', 'buses'], ['long beach , ca', 'has domain', 'buses'], ['leaving time', 'has value', '7 am'], ['san diego', 'refers to same concept as', 'sd'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['from location', 'has value', 'long beach'], ['3', 'has domain', 'events'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'transfers'], ['$ 29', 'has domain', 'buses'], ['date', 'has value', 'monday next week'], ['march 3rd', 'has domain', 'buses'], ['7 am', 'has domain', 'buses'], ['downtown station', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['to location', 'has value', 'san diego'], ['3', 'refers to same concept as', 'three'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['march 4th', 'has domain', 'events'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2262\n", + "dialogue: \"user\": \"i want to book seat for an event .\"\n", + "\"system\": \"when and what kind of event ?\"\n", + "\"user\": \"i want to see the girl in red on the 3rd of march .\"\n", + "\"system\": \"how many in your party ?\"\n", + "\"user\": \"i need three seats .\"\n", + "\"system\": \"what city will you be visiting ?\"\n", + "\"user\": \"find me tickets in philadelphia please .\"\n", + "\"system\": \"okay you want 3 seats for girl in red in philadelphia on march 3rd , do i have that right ?\"\n", + "\"user\": \"yes , could you tell me where it will be and give me the address ?\"\n", + "\"system\": \"your seats have been reserved and you will be going to the foundry located at 29 east allen street 2nd floor .\"\n", + "\"user\": \"your help is appreciated . i need to find a bus there .\"\n", + "\"system\": \"may i assume that you will be leaving on march 3rd ?\"\n", + "\"user\": \"no i was going to go on the 1st .\"\n", + "\"system\": \"where will you be departing from ?\"\n", + "\"user\": \"i will be in washington .\"\n", + "\"system\": \"i located 8 possible buses . what about a $ 30 0 transfer that leaves at 7 : 10 am ?\"\n", + "\"user\": \"what stations would i be dealing with ?\"\n", + "\"system\": \"you would leave from union station and arrive at intercity terminal .\"\n", + "\"user\": \"that will work get me a seat on that bus .\"\n", + "\"system\": \"you want 3 tickets from washington to philadelphia on march 1st with a 7 : 10 am departure time is that right ?\"\n", + "\"user\": \"exactly correct .\"\n", + "\"system\": \"your seats have been reserved .\"\n", + "\"user\": \"thank you more than you know .\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"thanks but you can go now .\"\n", + "\"system\": \"have a super duper day .\"\n", + "\n", + "terms: ['the foundry', 'union station', 'philadelphia', 'the 1st', 'march 1st', 'washington', '3', 'intercity terminal', 'buses', '7 : 10 am', '8', '29 east allen street 2nd floor', '0', '3rd of march', 'girl in red', 'three', 'march 3rd', '$ 30']\n", + "relations: [['buses', 'has slot', 'to station'], ['city of event', 'has value', 'philadelphia'], ['leaving date', 'has value', 'march 3rd'], ['leaving date', 'has value', 'the 1st'], ['buses', 'has slot', 'leaving time'], ['7 : 10 am', 'has domain', 'buses'], ['count', 'has value', '8'], ['event name', 'has value', 'girl in red'], ['buses', 'has slot', 'count'], ['date', 'has value', 'march 3rd'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from station', 'has value', 'union station'], ['29 east allen street 2nd floor', 'has domain', 'events'], ['3rd of march', 'has domain', 'events'], ['union station', 'has domain', 'buses'], ['date', 'has value', '3rd of march'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['washington', 'has domain', 'buses'], ['address of location', 'has value', '29 east allen street 2nd floor'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['$ 30', 'has domain', 'buses'], ['to location', 'has value', 'philadelphia'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['the foundry', 'has domain', 'events'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['intercity terminal', 'has domain', 'buses'], ['philadelphia', 'has domain', 'buses'], ['philadelphia', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['girl in red', 'has domain', 'events'], ['3', 'has domain', 'buses'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '7 : 10 am'], ['the 1st', 'has domain', 'buses'], ['3', 'has domain', 'events'], ['events', 'has slot', 'address of location'], ['to station', 'has value', 'intercity terminal'], ['buses', 'has slot', 'transfers'], ['march 3rd', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['3', 'refers to same concept as', 'three'], ['fare', 'has value', '$ 30'], ['march 3rd', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['event location', 'has value', 'the foundry'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2263\n", + "dialogue: \"user\": \"i want to buy tickets for an event .\"\n", + "\"system\": \"is there a specific date you are interested for the event to happen ? which city do you want me to look for the event ?\"\n", + "\"user\": \"i want to buy 2 tickets for the event called buddy guy on march 4th . the event should be happening around ny .\"\n", + "\"system\": \"can you please confirm that you want to buy 2 tickets for the buddy guy event on march 4th in new york ?\"\n", + "\"user\": \"yes , that is what i want . can you tell me when the event starts ?\"\n", + "\"system\": \"your requested tickets have been booked . enjoy your time at the event . the event should be starting at 7 pm .\"\n", + "\"user\": \"i appreciate your help very much . can you find me a bus so i can go there ?\"\n", + "\"system\": \"can you tell me from where you will be leaving from ? are you willing to leave on march 4th ?\"\n", + "\"user\": \"the location from where i will leave is philly , and i will be leaving on the 3rd .\"\n", + "\"system\": \"there are 8 buses which match your request . how would you like taking the bus which has 0 transfers and leaves at 8 : 30 am ? the ticket for this bus costs $ 21 .\"\n", + "\"user\": \"that seems nice .\"\n", + "\"system\": \"do you want to have tickets bought for this bus ?\"\n", + "\"user\": \"yes i want to buy tickets for this bus .\"\n", + "\"system\": \"can you please confirm that you want to buy tickets for 2 people for the bus which leaves from philadelphia on march 3rd at 8 : 30 am to go to new york ?\"\n", + "\"user\": \"yes that is correct . can you tell me the bus station that i will arrive at ?\"\n", + "\"system\": \"your requested tickets have been booked . you will be arriving at port authority station .\"\n", + "\"user\": \"can you tell me the bus station from where i will be leaving from ?\"\n", + "\"system\": \"the station from where your bus will leave from is intercity terminal .\"\n", + "\"user\": \"i appreciate your help very much . that would be all .\"\n", + "\"system\": \"have a good time !\"\n", + "\n", + "terms: ['buddy guy', 'ny', 'buses', '2', 'philly', 'time', 'march 4th', 'the 3rd', 'new york', 'philadelphia', '8 : 30 am', '8', '$ 21', 'transfers', '7 pm', 'intercity terminal', '0', 'port authority station', 'date', 'march 3rd']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['fare', 'has value', '$ 21'], ['buses', 'has slot', 'to station'], ['events', 'has slot', 'event name'], ['2', 'has domain', 'buses'], ['leaving date', 'has value', 'march 3rd'], ['time', 'has value', '7 pm'], ['travelers', 'has value', '2'], ['to location', 'has value', 'new york'], ['the 3rd', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 30 am'], ['number of seats', 'has value', '2'], ['count', 'has value', '8'], ['2', 'has domain', 'events'], ['ny', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['$ 21', 'has domain', 'buses'], ['7 pm', 'has domain', 'events'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['new york', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['date', 'has value', 'march 4th'], ['events', 'has slot', 'buyeventtickets'], ['buddy guy', 'has domain', 'events'], ['8', 'has domain', 'buses'], ['philadelphia', 'has domain', 'buses'], ['events', 'has slot', 'city of event'], ['from location', 'has value', 'philadelphia'], ['intercity terminal', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['city of event', 'has value', 'ny'], ['2', 'refers to same concept as', '$ 2'], ['from location', 'has value', 'philly'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['to station', 'has value', 'port authority station'], ['philly', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['march 3rd', 'has domain', 'buses'], ['from station', 'has value', 'intercity terminal'], ['march 4th', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['8 : 30 am', 'has domain', 'buses'], ['philadelphia', 'refers to same concept as', 'philly'], ['event name', 'has value', 'buddy guy'], ['leaving date', 'has value', 'the 3rd'], ['march 4th', 'has domain', 'events'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2264\n", + "dialogue: \"user\": \"i ' d like to book two tickets to an event . i ' m free on the 10th of this month .\"\n", + "\"system\": \"where would you like me to search and what kind of event are you looking for ?\"\n", + "\"user\": \"i ' d really love to see the whitecaps vs kansas city in vancouver , bc .\"\n", + "\"system\": \"okay so that ' s 2 tickets to the whitecaps vs kansas city on march 10th in vancouver .\"\n", + "\"user\": \"i ' ve just realised , my friend will be on holiday so i only need one ticket .\"\n", + "\"system\": \"sure no problem . so you just need 1 ticket to whitecaps vs kansas city .\"\n", + "\"user\": \"yes that ' s right .\"\n", + "\"system\": \"your reservation has been confirmed and i hope you enjoy yourself !\"\n", + "\"user\": \"now i just need to find a bus to take me there .\"\n", + "\"system\": \"will you be leaving on march 10th ?\"\n", + "\"user\": \"i ' ll be leaving next monday .\"\n", + "\"system\": \"where would you like to depart from ?\"\n", + "\"user\": \"i ' d like to leave from portland , or the day after tomorrow .\"\n", + "\"system\": \"there is a bus leaving at 6 : 50 am with 0 transfers that costs $ 45 .\"\n", + "\"user\": \"that ' s a little early for me , are there any other buses available ?\"\n", + "\"system\": \"one leaves at 8 : 10 am with 0 transfers that costs $ 47 .\"\n", + "\"user\": \"that ' s better . please go ahead and book the tickets .\"\n", + "\"system\": \"okay sure . so you ' d like 1 ticket on the bus to vancouver leaving portland at 8 : 10 am on march 3rd .\"\n", + "\"user\": \"yes that ' s correct .\"\n", + "\"system\": \"your ticket has been booked successfully .\"\n", + "\"user\": \"what are the names of the stations i ' ll be leaving from and travelling to ?\"\n", + "\"system\": \"you will be leaving from portland bus station and travelling to pacific central station .\"\n", + "\"user\": \"thanks for confirming .\"\n", + "\"system\": \"do you need anything else ?\"\n", + "\"user\": \"not right now thanks .\"\n", + "\"system\": \"enjoy your day .\"\n", + "\n", + "terms: ['buses', '2', '8 : 10 am', 'portland', '10th of this month', 'vancouver', 'whitecaps vs kansas city', '$ 45', 'pacific central station', 'vancouver , bc', 'portland , or', 'one', 'march 10th', '6 : 50 am', '$ 47', 'transfers', 'day after tomorrow', '0', 'two', 'portland bus station', 'next monday', '1', 'march 3rd']\n", + "relations: [['buses', 'has slot', 'to station'], ['leaving time', 'has value', '6 : 50 am'], ['pacific central station', 'has domain', 'buses'], ['leaving date', 'has value', 'march 3rd'], ['date', 'has value', 'march 10th'], ['from station', 'has value', 'portland bus station'], ['day after tomorrow', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'next monday'], ['leaving time', 'has value', '8 : 10 am'], ['number of seats', 'has value', '2'], ['from location', 'has value', 'portland , or'], ['to station', 'has value', 'pacific central station'], ['2', 'has domain', 'events'], ['$ 45', 'has domain', 'buses'], ['to location', 'has value', 'vancouver'], ['fare', 'has value', '$ 45'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['fare', 'has value', '$ 47'], ['portland', 'refers to same concept as', 'portland , or'], ['portland , or', 'has domain', 'buses'], ['2', 'refers to same concept as', 'two'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['date', 'has value', '10th of this month'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['whitecaps vs kansas city', 'has domain', 'events'], ['number of seats', 'has value', '1'], ['leaving date', 'has value', 'day after tomorrow'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['portland', 'has domain', 'buses'], ['portland bus station', 'has domain', 'buses'], ['vancouver', 'refers to same concept as', 'vancouver , bc'], ['vancouver , bc', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'city of event'], ['6 : 50 am', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['next monday', 'has domain', 'buses'], ['from location', 'has value', 'portland'], ['vancouver', 'has domain', 'buses'], ['city of event', 'has value', 'vancouver , bc'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['city of event', 'has value', 'vancouver'], ['march 10th', 'has domain', 'buses'], ['1', 'refers to same concept as', 'one'], ['vancouver', 'has domain', 'events'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['march 3rd', 'has domain', 'buses'], ['event name', 'has value', 'whitecaps vs kansas city'], ['buses', 'has slot', 'from station'], ['march 10th', 'has domain', 'events'], ['10th of this month', 'has domain', 'events'], ['$ 47', 'has domain', 'buses'], ['leaving date', 'has value', 'march 10th'], ['1', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2265\n", + "dialogue: \"user\": \"i ' m looking to go to a mariners vs rays game in seattle wa . could you help me get 2 tickets ? i want to take a friend with me .\"\n", + "\"system\": \"is there a particular date you want tickets for ?\"\n", + "\"user\": \"yeah . how about something on the 6th .\"\n", + "\"system\": \"okay . just to confirm , you want 2 tickets for a mariners vs rays game in seattle on march 6th . does this all sound correct to you ?\"\n", + "\"user\": \"yes . that all sounds good to me .\"\n", + "\"system\": \"alright , i was able to confirm your ticket purchase . should be a fun time !\"\n", + "\"user\": \"great . thanks for doing that . could we find a bus going there ? i ' m going to need a ride .\"\n", + "\"system\": \"sure thing . do you want me to find one on the day of the game , march 6th ?\"\n", + "\"user\": \"how about something on march 1st so i can check out the city and stuff . i ' m going to be leaving from portland .\"\n", + "\"system\": \"i was able to find 8 busses leaving on that date . one is leaving in the morning at 8 : 40 am and has 0 transfers . it comes to a total of $ 34 . does that sound any good ?\"\n", + "\"user\": \"yeah , that will work fine .\"\n", + "\"system\": \"should i go ahead and by tickets ?\"\n", + "\"user\": \"yes please , that would be great .\"\n", + "\"system\": \"okay . just to confirm everything before making the purchase , you want 2 bus tickets going from portland to seattle . it will be leaving on march 1st at 8 : 40 am . does this all sound right to you ?\"\n", + "\"user\": \"yeah , sounds good to me . what bus station will i be arriving at ?\"\n", + "\"system\": \"the bus station in seattle is king street station . i was able to confirm your ticket purchase .\"\n", + "\"user\": \"good deal . what station am i going to be departing from ?\"\n", + "\"system\": \"the departing bus will be at the portland bus station .\"\n", + "\"user\": \"great . thanks for your assistance . i should be all set for my trip now .\"\n", + "\"system\": \"enjoy your day !\"\n", + "\n", + "terms: ['mariners vs rays', 'transfers', 'march 1st', '8 : 40 am', 'seattle', 'the 6th', '2', '8', 'march 6th', '0', 'king street station', '$ 34', 'portland bus station', 'date', 'portland', 'seattle wa']\n", + "relations: [['buses', 'has slot', 'to station'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['from station', 'has value', 'portland bus station'], ['buses', 'has slot', 'leaving time'], ['number of seats', 'has value', '2'], ['leaving date', 'has value', 'march 6th'], ['count', 'has value', '8'], ['2', 'has domain', 'events'], ['the 6th', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['8 : 40 am', 'has domain', 'buses'], ['to station', 'has value', 'king street station'], ['buses', 'has slot', 'to location'], ['king street station', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['date', 'has value', 'march 6th'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['portland', 'has domain', 'buses'], ['portland bus station', 'has domain', 'buses'], ['march 6th', 'has domain', 'buses'], ['$ 34', 'has domain', 'buses'], ['city of event', 'has value', 'seattle'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['events', 'has slot', 'city of event'], ['march 6th', 'has domain', 'events'], ['seattle wa', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['date', 'has value', 'the 6th'], ['march 1st', 'has domain', 'buses'], ['event name', 'has value', 'mariners vs rays'], ['leaving time', 'has value', '8 : 40 am'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['seattle', 'has domain', 'buses'], ['fare', 'has value', '$ 34'], ['buses', 'has slot', 'transfers'], ['seattle', 'has domain', 'events'], ['city of event', 'has value', 'seattle wa'], ['seattle', 'refers to same concept as', 'seattle wa'], ['buses', 'has slot', 'from station'], ['to location', 'has value', 'seattle'], ['mariners vs rays', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2266\n", + "dialogue: \"user\": \"i want 2 tickets for the thee oh sees event in new york\"\n", + "\"system\": \"which date should i book the tickets for .\"\n", + "\"user\": \"how about day after tomorrow ?\"\n", + "\"system\": \"booking 2 tickets for thee oh sees on march 3rd in new york\"\n", + "\"user\": \"cool , what is the address ?\"\n", + "\"system\": \"booking confirmed . the address is 261 driggs avenue , brooklyn\"\n", + "\"user\": \"find me a bus to there from washington\"\n", + "\"system\": \"the date is march 3rd right ?\"\n", + "\"user\": \"i leave this saturday\"\n", + "\"system\": \"i have 8 buses for you . how about one leaving at 8 : 10 am with 0 transfers for $ 32\"\n", + "\"user\": \"which is the arrival station ?\"\n", + "\"system\": \"it is port authority station\"\n", + "\"user\": \"show me some other bus\"\n", + "\"system\": \"how about the 8 : 20 am bus with 0 transfers that costs $ 34\"\n", + "\"user\": \"cool , book this one .\"\n", + "\"system\": \"booking 2 tickets on the washington to new york bus on march 2nd at 8 : 20 am\"\n", + "\"user\": \"sounds perfect to me\"\n", + "\"system\": \"booking confirmed\"\n", + "\"user\": \"which is the departure station ?\"\n", + "\"system\": \"it is union station\"\n", + "\"user\": \"thanks a lot . that would be all\"\n", + "\"system\": \"have a fantastic trip\"\n", + "\n", + "terms: ['8 : 20 am', 'transfers', '8 : 10 am', 'day after tomorrow', 'washington', 'buses', 'thee oh sees', '2', '8', '0', 'date', 'new york', 'march 3rd', 'march 2nd']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['leaving date', 'has value', 'march 3rd'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['to location', 'has value', 'new york'], ['march 2nd', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 10 am'], ['number of seats', 'has value', '2'], ['count', 'has value', '8'], ['2', 'has domain', 'events'], ['event name', 'has value', 'thee oh sees'], ['leaving date', 'has value', 'this saturday'], ['$ 32', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['date', 'has value', 'march 3rd'], ['day after tomorrow', 'has domain', 'events'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['new york', 'has domain', 'buses'], ['from station', 'has value', 'union station'], ['union station', 'has domain', 'buses'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['new york', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['$ 34', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['fare', 'has value', '$ 32'], ['events', 'has slot', 'city of event'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', 'march 2nd'], ['date', 'has value', 'day after tomorrow'], ['this saturday', 'has domain', 'buses'], ['city of event', 'has value', 'new york'], ['address of location', 'has value', '261 driggs avenue , brooklyn'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['events', 'has slot', 'address of location'], ['fare', 'has value', '$ 34'], ['buses', 'has slot', 'transfers'], ['march 3rd', 'has domain', 'buses'], ['261 driggs avenue , brooklyn', 'has domain', 'events'], ['thee oh sees', 'has domain', 'events'], ['8 : 20 am', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['leaving time', 'has value', '8 : 20 am'], ['march 3rd', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2267\n", + "dialogue: \"user\": \"i am looking for 2 tickets to giants vs dodgers on saturday this week\"\n", + "\"system\": \"what city should i search in\"\n", + "\"user\": \"please search in san fran\"\n", + "\"system\": \"please confirm your purchase of 2 tickets for giants vs dodgers in san francisco on march 2nd\"\n", + "\"user\": \"yes please\"\n", + "\"system\": \"your ticket is booked\"\n", + "\"user\": \"can you also find me a bus to get there today\"\n", + "\"system\": \"where are you traveling from\"\n", + "\"user\": \"i am traveling from long beach , ca\"\n", + "\"system\": \"i found a ticket for $ 47 with 0 transfer departing at 6 : 50 am\"\n", + "\"user\": \"ok perfect\"\n", + "\"system\": \"would you like to buy a ticket\"\n", + "\"user\": \"yes please\"\n", + "\"system\": \"please confirm your bus ticket for 2 people from long beach to san francisco on march 1st at 6 : 50 am\"\n", + "\"user\": \"yes please\"\n", + "\"system\": \"your ticket is booked\"\n", + "\"user\": \"what bus station will i arrive to\"\n", + "\"system\": \"you will arrive at salesforce transit center\"\n", + "\"user\": \"what bus station am i leaving from\"\n", + "\"system\": \"you will leave from downtown station\"\n", + "\"user\": \"thank you\"\n", + "\"system\": \"have a nice day\"\n", + "\n", + "terms: ['giants vs dodgers', 'march 1st', 'long beach', '2', '0', '$ 47', 'san francisco']\n", + "relations: [['buses', 'has slot', 'to station'], ['leaving time', 'has value', '6 : 50 am'], ['to station', 'has value', 'salesforce transit center'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['date', 'has value', 'saturday this week'], ['buses', 'has slot', 'leaving time'], ['number of seats', 'has value', '2'], ['giants vs dodgers', 'has domain', 'events'], ['2', 'has domain', 'events'], ['san francisco', 'refers to same concept as', 'sfo'], ['march 2nd', 'has domain', 'events'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['city of event', 'has value', 'san francisco'], ['fare', 'has value', '$ 47'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['salesforce transit center', 'has domain', 'buses'], ['event name', 'has value', 'giants vs dodgers'], ['leaving date', 'has value', 'march 1st'], ['san francisco', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'city of event'], ['6 : 50 am', 'has domain', 'buses'], ['from location', 'has value', 'long beach , ca'], ['long beach', 'has domain', 'buses'], ['from station', 'has value', 'downtown station'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['long beach , ca', 'has domain', 'buses'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['leaving date', 'has value', 'today'], ['to location', 'has value', 'san francisco'], ['from location', 'has value', 'long beach'], ['today', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['downtown station', 'has domain', 'buses'], ['city of event', 'has value', 'san fran'], ['buses', 'has slot', 'from station'], ['date', 'has value', 'march 2nd'], ['$ 47', 'has domain', 'buses'], ['san fran', 'has domain', 'events'], ['saturday this week', 'has domain', 'events'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2268\n", + "dialogue: \"user\": \"i need to get tickets to the timbers vs earthquakes on march 14th in portland .\"\n", + "\"system\": \"no problem . how many tickets would you like ?\"\n", + "\"user\": \"i need 3 tickets to the game .\"\n", + "\"system\": \"okay , no problem . please confirm the following : booking 3 tickets for the timbers vs earthquakes event happening in portland on march 14th . correct ?\"\n", + "\"user\": \"yup , that ' s it . can you tell me the name of the place the game is happening ?\"\n", + "\"system\": \"your tickets have been purchased ! the event is taking place at providence park . have a great time !\"\n", + "\"user\": \"thanks a lot , really appreciate it . can you also help me find a bus headed out that way ?\"\n", + "\"system\": \"are you leaving on march 14th ?\"\n", + "\"user\": \"no , i ' ll be traveling on march 13th . i need to find a bus headed out of vancouver .\"\n", + "\"system\": \"there is a bus departing at 9 : 20 am with 0 transfers . a ticket will cost you $ 43 .\"\n", + "\"user\": \"sounds good . can tell me the names of the departure and arrival stations ?\"\n", + "\"system\": \"the bus will be leaving from pacific central station and arriving at portland bus station .\"\n", + "\"user\": \"okay , sounds great . why don ' t we go ahead and purchase tickets now .\"\n", + "\"system\": \"okay , just confirm the following for me : you are purchasing 3 tickets for the bus departing from vancouver to portland at 9 : 20 am on march 13th . correct ?\"\n", + "\"user\": \"yup , that ' s exactly right .\"\n", + "\"system\": \"your ticket has been confirmed . enjoy your trip !\"\n", + "\"user\": \"thanks a lot , i appreciate the help !\"\n", + "\"system\": \"is there anything else i can help you with today ?\"\n", + "\"user\": \"no , that ' s it . thanks a lot .\"\n", + "\"system\": \"my pleasure . have a great day .\"\n", + "\n", + "terms: ['march 13th', 'timbers vs earthquakes', 'transfers', '$ 43', 'march 14th', '3', 'vancouver', '0', 'pacific central station', 'providence park', 'portland bus station', 'portland', '9 : 20 am']\n", + "relations: [['leaving date', 'has value', 'march 14th'], ['buses', 'has slot', 'to station'], ['pacific central station', 'has domain', 'buses'], ['to station', 'has value', 'portland bus station'], ['city of event', 'has value', 'portland'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'vancouver'], ['timbers vs earthquakes', 'has domain', 'events'], ['from station', 'has value', 'pacific central station'], ['buses', 'has slot', 'from location'], ['date', 'has value', 'march 14th'], ['buses', 'has slot', 'leaving date'], ['march 14th', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['march 14th', 'has domain', 'events'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 13th'], ['travelers', 'has value', '3'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['portland bus station', 'has domain', 'buses'], ['event location', 'has value', 'providence park'], ['portland', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['portland', 'has domain', 'events'], ['to location', 'has value', 'portland'], ['providence park', 'has domain', 'events'], ['$ 43', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['vancouver', 'has domain', 'buses'], ['3', 'has domain', 'buses'], ['events', 'has slot', 'number of seats'], ['event name', 'has value', 'timbers vs earthquakes'], ['events', 'has slot', 'date'], ['march 13th', 'has domain', 'buses'], ['3', 'has domain', 'events'], ['leaving time', 'has value', '9 : 20 am'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['fare', 'has value', '$ 43'], ['9 : 20 am', 'has domain', 'buses'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2269\n", + "dialogue: \"user\": \"help me book tickets to an event\"\n", + "\"system\": \"tell me the city and number of tickets\"\n", + "\"user\": \"i want 2 tickets in philadelphia\"\n", + "\"system\": \"is there a event and date in particular\"\n", + "\"user\": \"yes , i want to see phillies vs diamondbacks on 4th of march\"\n", + "\"system\": \"booking 2 tickets to phillies vs diamondbacks in philadelphia on march 4th\"\n", + "\"user\": \"sounds perfect to me\"\n", + "\"system\": \"booking confirmed . enjoy\"\n", + "\"user\": \"thanks . i also need to find a bus for one from washington on 1st of march\"\n", + "\"system\": \"i found 8 buses for you . how about one at 7 : 10 am with 0 transfers that costs $ 30 ?\"\n", + "\"user\": \"which is the arrival station ?\"\n", + "\"system\": \"it is intercity terminal\"\n", + "\"user\": \"what about the departure station ?\"\n", + "\"system\": \"it is union station\"\n", + "\"user\": \"cool , book this bus .\"\n", + "\"system\": \"booking 1 ticket on the washington to philadelphia bus on march 1st at 7 : 10 am\"\n", + "\"user\": \"cool , sounds perfect\"\n", + "\"system\": \"your ticket is booked .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"is there anything else i can help with ?\"\n", + "\"user\": \"no , thanks again .\"\n", + "\"system\": \"have a great trip .\"\n", + "\n", + "terms: ['transfers', 'philadelphia', 'march 1st', 'phillies vs diamondbacks', 'washington', 'one', 'buses', '2', '7 : 10 am', '8', '0', 'date', '1', '$ 30']\n", + "relations: [['buses', 'has slot', 'to station'], ['city of event', 'has value', 'philadelphia'], ['events', 'has slot', 'event name'], ['date', 'has value', '4th of march'], ['buses', 'has slot', 'leaving time'], ['7 : 10 am', 'has domain', 'buses'], ['number of seats', 'has value', '2'], ['count', 'has value', '8'], ['2', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['1st of march', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['from station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['union station', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', '1st of march'], ['event name', 'has value', 'phillies vs diamondbacks'], ['$ 30', 'has domain', 'buses'], ['date', 'has value', 'march 4th'], ['events', 'has slot', 'buyeventtickets'], ['phillies vs diamondbacks', 'has domain', 'events'], ['8', 'has domain', 'buses'], ['to location', 'has value', 'philadelphia'], ['events', 'has slot', 'city of event'], ['intercity terminal', 'has domain', 'buses'], ['philadelphia', 'has domain', 'buses'], ['philadelphia', 'has domain', 'events'], ['4th of march', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '7 : 10 am'], ['1', 'refers to same concept as', 'one'], ['to station', 'has value', 'intercity terminal'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['buses', 'has slot', 'from station'], ['fare', 'has value', '$ 30'], ['march 4th', 'has domain', 'events'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2270\n", + "dialogue: \"user\": \"i ' d like to book 1 ticket for an event happening in the nyc area on the 6th of march .\"\n", + "\"system\": \"okay , which event do you need tickets for ?\"\n", + "\"user\": \"i need four tickets for vertical horizon , please .\"\n", + "\"system\": \"okay , so you would like to book 4 tickets for vertical horizon taking place in new york on march 6th , correct ?\"\n", + "\"user\": \"yeah , that ' s right .\"\n", + "\"system\": \"your tickets for this event have been booked . enjoy your time !\"\n", + "\"user\": \"great , thanks ! what ' s the venue ' s address ?\"\n", + "\"system\": \"it ' s address is 235 west 46th street .\"\n", + "\"user\": \"what ' s the name of the venue where it ' s taking place at ?\"\n", + "\"system\": \"the location of the event is sony hall .\"\n", + "\"user\": \"awesome , thanks for that . could you find me a bus that leaves from washington and goes there ?\"\n", + "\"system\": \"sure , are you planning on leaving on march 6th ?\"\n", + "\"user\": \"no , i ' ll be leaving on monday next week .\"\n", + "\"system\": \"okay , there are 8 available buses for you . there ' s one that leaves at 8 : 10 am , has 0 transfers and costs $ 38 to ride .\"\n", + "\"user\": \"where does it go to ?\"\n", + "\"system\": \"the bus arrives at port authority station .\"\n", + "\"user\": \"okay , i ' d like to book a ticket for this bus .\"\n", + "\"system\": \"alright , please just confirm that you want to book a ticket for 4 people for the bus that leaves from washington on march 4th at 8 : 10 am and arrives in new york .\"\n", + "\"user\": \"yup , that sounds right , but which station does the bus leave from ?\"\n", + "\"system\": \"okay then , your ticket has been booked ! the bus leaves from union station .\"\n", + "\"user\": \"great , thanks !\"\n", + "\"system\": \"anything else you need help with today ?\"\n", + "\"user\": \"nope , that ' s all i needed today , thanks !\"\n", + "\"system\": \"no problem , have a nice day then !\"\n", + "\n", + "terms: ['235 west 46th street', 'buses', 'march 6th', 'monday next week', 'march 4th', 'union station', 'new york', 'vertical horizon', 'washington', 'one', '8', 'four', 'sony hall', 'transfers', 'nyc', '6th of march', '4', '0', 'port authority station', '$ 38', '1', '8 : 10 am']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['235 west 46th street', 'has domain', 'events'], ['to location', 'has value', 'new york'], ['vertical horizon', 'has domain', 'events'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 10 am'], ['leaving date', 'has value', 'march 6th'], ['count', 'has value', '8'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['from station', 'has value', 'union station'], ['union station', 'has domain', 'buses'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['washington', 'has domain', 'buses'], ['monday next week', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['new york', 'has domain', 'events'], ['number of seats', 'has value', '1'], ['date', 'has value', 'march 6th'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['march 6th', 'has domain', 'buses'], ['$ 38', 'has domain', 'buses'], ['4', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['date', 'has value', '6th of march'], ['nyc', 'has domain', 'events'], ['address of location', 'has value', '235 west 46th street'], ['events', 'has slot', 'city of event'], ['events', 'has slot', 'event location'], ['fare', 'has value', '$ 38'], ['4', 'has domain', 'events'], ['march 6th', 'has domain', 'events'], ['leaving date', 'has value', 'monday next week'], ['buses', 'has slot', 'buybusticket'], ['8', 'has domain', 'buses'], ['sony hall', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['1', 'refers to same concept as', 'one'], ['event location', 'has value', 'sony hall'], ['events', 'has slot', 'address of location'], ['buses', 'has slot', 'transfers'], ['6th of march', 'has domain', 'events'], ['march 4th', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['travelers', 'has value', '4'], ['1', 'has domain', 'events'], ['event name', 'has value', 'vertical horizon'], ['number of seats', 'has value', '4'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2271\n", + "dialogue: \"user\": \"i need to reserve two event tickets .\"\n", + "\"system\": \"when and where are you going and what type of event would you like ?\"\n", + "\"user\": \"can you find me a mets vs braves event in ny on the 10th .\"\n", + "\"system\": \"please confirm you want me to book 2 tickets for the mets vs braves event on march 10th in new york .\"\n", + "\"user\": \"what is the start time of the event and address ?\"\n", + "\"system\": \"the location is 123 - 01 roosevelt avenue and starts at 7 : 30 pm . your booking was a success . please enjoy your event .\"\n", + "\"user\": \"great . can you help me with a bus to take me there ?\"\n", + "\"system\": \"will you be leaving on march 10th ?\"\n", + "\"user\": \"leaving on the 5th .\"\n", + "\"system\": \"leaving from where ?\"\n", + "\"user\": \"leaving from washington .\"\n", + "\"system\": \"there is a bus with 0 transfers departing at 8 : 10 am for $ 36 .\"\n", + "\"user\": \"great . please reserve me tickets .\"\n", + "\"system\": \"please confirm you want me to book 2 tickets on the bus leaving from washington to new york on march 5th at 8 : 10 am .\"\n", + "\"user\": \"that ' s right . which are my departing and arrival stations ?\"\n", + "\"system\": \"the departure station is union station and arrives at port authority station . your booking was a success .\"\n", + "\"user\": \"thanks so much !\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"thanks . that was all for now .\"\n", + "\"system\": \"please enjoy your day .\"\n", + "\n", + "terms: ['ny', '2', 'time', 'the 10th', 'union station', 'new york', 'mets vs braves', '7 : 30 pm', '123 - 01 roosevelt avenue', 'washington', 'march 10th', 'the 5th', 'transfers', '$ 36', 'march 5th', '0', 'port authority station', 'two', '8 : 10 am']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['march 5th', 'has domain', 'buses'], ['2', 'has domain', 'buses'], ['date', 'has value', 'march 10th'], ['travelers', 'has value', '2'], ['to location', 'has value', 'new york'], ['fare', 'has value', '$ 36'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 10 am'], ['date', 'has value', 'the 10th'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['ny', 'has domain', 'events'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['from station', 'has value', 'union station'], ['2', 'refers to same concept as', 'two'], ['the 10th', 'has domain', 'events'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['union station', 'has domain', 'buses'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['new york', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['events', 'has slot', 'buyeventtickets'], ['address of location', 'has value', '123 - 01 roosevelt avenue'], ['events', 'has slot', 'city of event'], ['buses', 'has slot', 'buybusticket'], ['event name', 'has value', 'mets vs braves'], ['city of event', 'has value', 'ny'], ['leaving date', 'has value', 'march 5th'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['the 5th', 'has domain', 'buses'], ['8 : 10 am', 'has domain', 'buses'], ['march 10th', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['events', 'has slot', 'address of location'], ['7 : 30 pm', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['$ 36', 'has domain', 'buses'], ['time', 'has value', '7 : 30 pm'], ['buses', 'has slot', 'from station'], ['march 10th', 'has domain', 'events'], ['123 - 01 roosevelt avenue', 'has domain', 'events'], ['leaving date', 'has value', 'march 10th'], ['leaving date', 'has value', 'the 5th'], ['mets vs braves', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2272\n", + "dialogue: \"user\": \"i ' m looking to buy tickets for an upcoming event .\"\n", + "\"system\": \"ok . is there something in particular you have in mind ? when would you like to go , and with how many people ?\"\n", + "\"user\": \"i ' m thinking about grabbing 2 tickets to a giants vs brewers game . is there one going on next wednesday ?\"\n", + "\"system\": \"i ' ll take a look . what city are you thinking ?\"\n", + "\"user\": \"anything around sf would be suitable .\"\n", + "\"system\": \"ok . just to confirm everything , you are looking for 2 tickets to a giants vs brewers game on march 6th in san francisco . does that sound right ?\"\n", + "\"user\": \"yeah , that ' s what i ' m looking for . what time is it going on at ?\"\n", + "\"system\": \"it ' s starting at 7 pm . i was able to confirm your ticket purchase .\"\n", + "\"user\": \"great , thank you . could we look into a bus going there ? i want to leave on the 1st if you can find anything .\"\n", + "\"system\": \"where will you be departing from ?\"\n", + "\"user\": \"long beach would be the best point of departure .\"\n", + "\"system\": \"okay . i found one leaving early at 6 : 50 am with 0 transfers . it comes to a total of $ 47 . does that work for you ?\"\n", + "\"user\": \"yeah , that ' ll work out fine . let ' s go ahead and reserve it .\"\n", + "\"system\": \"ok . just to make sure everything is correct before i make a reservation , the bus is leaving from long beach and arriving at san francisco . it is leaving on march 1st at 6 : 50 am . you want tickets for 2 people . does that sound good ?\"\n", + "\"user\": \"yes , sounds great . let ' s book it !\"\n", + "\"system\": \"alright , i was able to confirm your ticket purchase .\"\n", + "\"user\": \"what bus station will we be arriving at ?\"\n", + "\"system\": \"the bus station you ' ll arrive at in sf is the salesforce transit center .\"\n", + "\"user\": \"great . thanks a lot for the assistance . i should be all set for now .\"\n", + "\"system\": \"enjoy your day !\"\n", + "\n", + "terms: ['transfers', 'salesforce transit center', '7 pm', 'the 1st', 'march 1st', 'long beach', '2', 'march 6th', '0', 'sf', '6 : 50 am', 'giants vs brewers', '$ 47', 'time', 'san francisco', 'next wednesday']\n", + "relations: [['buses', 'has slot', 'to station'], ['leaving time', 'has value', '6 : 50 am'], ['to station', 'has value', 'salesforce transit center'], ['city of event', 'has value', 'sf'], ['2', 'has domain', 'buses'], ['time', 'has value', '7 pm'], ['travelers', 'has value', '2'], ['leaving date', 'has value', 'the 1st'], ['buses', 'has slot', 'leaving time'], ['number of seats', 'has value', '2'], ['next wednesday', 'has domain', 'events'], ['2', 'has domain', 'events'], ['san francisco', 'refers to same concept as', 'sfo'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['san francisco', 'has domain', 'buses'], ['city of event', 'has value', 'san francisco'], ['date', 'has value', 'next wednesday'], ['event name', 'has value', 'giants vs brewers'], ['fare', 'has value', '$ 47'], ['7 pm', 'has domain', 'events'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['salesforce transit center', 'has domain', 'buses'], ['leaving date', 'has value', 'march 1st'], ['san francisco', 'has domain', 'events'], ['date', 'has value', 'march 6th'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['giants vs brewers', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'city of event'], ['long beach', 'has domain', 'buses'], ['6 : 50 am', 'has domain', 'buses'], ['march 6th', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['sf', 'has domain', 'events'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['the 1st', 'has domain', 'buses'], ['from location', 'has value', 'long beach'], ['to location', 'has value', 'san francisco'], ['buses', 'has slot', 'transfers'], ['$ 47', 'has domain', 'buses'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2273\n", + "dialogue: \"user\": \"my intention is to reserve the tickets for an event and it would be better if you could do it for me\"\n", + "\"system\": \"i can , just tell me the event you want to watch , the tickets ' number and the date you wanna be there\"\n", + "\"user\": \"the date is march 4th and my need is for one ticket . the event i was thinking about going to is nycfc vs dynamo\"\n", + "\"system\": \"can you also tell me where to look ?\"\n", + "\"user\": \"the area i wanna go to is nyc\"\n", + "\"system\": \"confirm me the reservation you asked me . you want 1 ticket for nycfc vs dynamo happening in new york on march 4th\"\n", + "\"user\": \"yes , i need it\"\n", + "\"system\": \"you have it\"\n", + "\"user\": \"where do i have to show up ?\"\n", + "\"system\": \"write down the address , it ' s 1 east 161 street\"\n", + "\"user\": \"when do i have to be there ?\"\n", + "\"system\": \"starting time is 6 : 30 pm\"\n", + "\"user\": \"noted . i could travel by bus , what do you say ?\"\n", + "\"system\": \"i say that ' s it ' s a green idea ! where will you leave from on that day ?\"\n", + "\"user\": \"i ' ll be in philly\"\n", + "\"system\": \"were you thinking to leave on march 4th ?\"\n", + "\"user\": \"no , actually i will leave later today\"\n", + "\"system\": \"then you have 8 buses you can travel on . the first one departs at 8 : 30 am it has 0 transfers . if you need to know the price too , i can tell you that it ' s $ 24\"\n", + "\"user\": \"give me the leaving station ' s name\"\n", + "\"system\": \"it ' s intercity terminal\"\n", + "\"user\": \"now the station i will stop\"\n", + "\"system\": \"it ' s port authority station\"\n", + "\"user\": \"i think i know everything i need\"\n", + "\"system\": \"then you should reserve the ticket\"\n", + "\"user\": \"yes , i really should\"\n", + "\"system\": \"look if everything is correct . you need to buy 1 ticket on the bus leaving from philadelphia on march 1st at 8 : 30 am , to reach new york\"\n", + "\"user\": \"it ' s absolutely correct\"\n", + "\"system\": \"tickets are absolutely yours\"\n", + "\"user\": \"great ! you helped me a lot ! bye now\"\n", + "\"system\": \"have a good day\"\n", + "\n", + "terms: ['transfers', 'philadelphia', '8 : 30 am', 'time', 'march 1st', 'one', '1', 'nycfc vs dynamo', 'buses', '8', '0', 'date', 'new york', 'march 4th']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['events', 'has slot', 'event name'], ['to location', 'has value', 'new york'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 30 am'], ['time', 'has value', '6 : 30 pm'], ['count', 'has value', '8'], ['later today', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['nycfc vs dynamo', 'has domain', 'events'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['new york', 'has domain', 'events'], ['leaving date', 'has value', 'march 1st'], ['number of seats', 'has value', '1'], ['fare', 'has value', '$ 24'], ['buses', 'has slot', 'findbus'], ['1 east 161 street', 'has domain', 'events'], ['transfers', 'has value', '0'], ['date', 'has value', 'march 4th'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['nyc', 'has domain', 'events'], ['event name', 'has value', 'nycfc vs dynamo'], ['events', 'has slot', 'city of event'], ['intercity terminal', 'has domain', 'buses'], ['from location', 'has value', 'philadelphia'], ['philadelphia', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['6 : 30 pm', 'has domain', 'events'], ['from location', 'has value', 'philly'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['address of location', 'has value', '1 east 161 street'], ['city of event', 'has value', 'nyc'], ['events', 'has slot', 'date'], ['to station', 'has value', 'port authority station'], ['1', 'refers to same concept as', 'one'], ['philly', 'has domain', 'buses'], ['events', 'has slot', 'address of location'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['leaving date', 'has value', 'later today'], ['from station', 'has value', 'intercity terminal'], ['march 4th', 'has domain', 'buses'], ['$ 24', 'has domain', 'buses'], ['8 : 30 am', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['philadelphia', 'refers to same concept as', 'philly'], ['1', 'has domain', 'events'], ['march 4th', 'has domain', 'events'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2274\n", + "dialogue: \"user\": \"i would like to reserve event tickets .\"\n", + "\"system\": \"what city should i look in and what event do you like ?\"\n", + "\"user\": \"i would like nycfc vs earthquakes on the 4th in ny .\"\n", + "\"system\": \"what number of tickets would you like ?\"\n", + "\"user\": \"i would like one ticket .\"\n", + "\"system\": \"please confirm tickets for nycfc vs earthquakes 1 ticket march 4th in new york .\"\n", + "\"user\": \"yes , that is good and when does it start and where ?\"\n", + "\"system\": \"the reservation is confirmed . have a nice time . the event is at yankee stadium for 6 pm .\"\n", + "\"user\": \"thanks for your help . please help me search for a bus there .\"\n", + "\"system\": \"where are you departing from and will it be on march 4th ?\"\n", + "\"user\": \"i am departing from washington on march 1st .\"\n", + "\"system\": \"i have 8 buses for you leaving 8 : 10 am costing $ 37 with 0 transfers .\"\n", + "\"user\": \"what is the bus station i am departing from ?\"\n", + "\"system\": \"the starting station is union station .\"\n", + "\"user\": \"that is good . i ' d like to reserve the bus .\"\n", + "\"system\": \"please confirm a ticket for a bus leaving from washington to new york march 1st at 8 : 10 am for 1 person .\"\n", + "\"user\": \"yes , that is good . what is the bus station i ' m reaching ?\"\n", + "\"system\": \"the ticket is confirmed for the destination of port authority station .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"can i assist you with anything else ?\"\n", + "\"user\": \"no , thanks for the help .\"\n", + "\"system\": \"have a wonderful day .\"\n", + "\n", + "terms: ['march 1st', 'ny', 'buses', 'time', 'march 4th', 'union station', '6 pm', 'new york', 'washington', 'one', '8', 'nycfc vs earthquakes', 'transfers', 'the 4th', '0', 'yankee stadium', '$ 37', 'port authority station', '1', '8 : 10 am']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['fare', 'has value', '$ 37'], ['new york', 'refers to same concept as', 'ny'], ['buses', 'has slot', 'to station'], ['events', 'has slot', 'event name'], ['to location', 'has value', 'new york'], ['date', 'has value', 'the 4th'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 10 am'], ['count', 'has value', '8'], ['the 4th', 'has domain', 'events'], ['ny', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['nycfc vs earthquakes', 'has domain', 'events'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['from station', 'has value', 'union station'], ['new york', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['from location', 'has value', 'washington'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['new york', 'has domain', 'events'], ['leaving date', 'has value', 'march 1st'], ['number of seats', 'has value', '1'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['date', 'has value', 'march 4th'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['city of event', 'has value', 'ny'], ['6 pm', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['to station', 'has value', 'port authority station'], ['1', 'refers to same concept as', 'one'], ['event name', 'has value', 'nycfc vs earthquakes'], ['time', 'has value', '6 pm'], ['event location', 'has value', 'yankee stadium'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['$ 37', 'has domain', 'buses'], ['march 4th', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['yankee stadium', 'has domain', 'events'], ['1', 'has domain', 'events'], ['march 4th', 'has domain', 'events'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2275\n", + "dialogue: \"user\": \"i would like to buy 4 tickets for the nav with killy in philly .\"\n", + "\"system\": \"is there a date you are interested for the event to happen ?\"\n", + "\"user\": \"the event i am looking for should be next wednesday .\"\n", + "\"system\": \"can you please confirm that you want to buy 4 tickets for the nav with killy event which happens in philadelphia on march 6th ?\"\n", + "\"user\": \"yes , that is correct . can you tell me the time when the event starts ?\"\n", + "\"system\": \"your tickets have been reserved . have a good time at the event ! the event should start at 8 pm .\"\n", + "\"user\": \"i want you to find me a bus to go there . i will be leaving on 1st of march .\"\n", + "\"system\": \"can you tell me from where you will leave ?\"\n", + "\"user\": \"i will leave for my trip from new york .\"\n", + "\"system\": \"how would you like having a ticket for a bus with 0 transfers which departs at 7 : 40 am . the ticket for this bus costs $ 21 .\"\n", + "\"user\": \"is there some other bus you can suggest ? the date when i am planning to leave is 4th of march .\"\n", + "\"system\": \"you might consider also the bus which leaves at 8 am , and has 0 transfers . the ticket for this bus costs $ 21 .\"\n", + "\"user\": \"that is nice . i want to make a reservation for this bus .\"\n", + "\"system\": \"can you please confirm that you want to buy tickets for 4 people for the bus which leaves from new york on march 4th at 8 am to go to philadelphia ?\"\n", + "\"user\": \"yes that is what i want .\"\n", + "\"system\": \"your requested tickets have been reserved .\"\n", + "\"user\": \"i appreciate your help very much ! that would be all .\"\n", + "\"system\": \"have a good time !\"\n", + "\n", + "terms: ['transfers', 'philadelphia', 'time', 'nav with killy', '4', 'philly', 'march 6th', '0', '7 : 40 am', '$ 21', '4th of march', '8 pm', 'date', 'new york', 'march 4th', '1st of march', '8 am', 'next wednesday']\n", + "relations: [['fare', 'has value', '$ 21'], ['city of event', 'has value', 'philadelphia'], ['from location', 'has value', 'new york'], ['buses', 'has slot', 'leaving time'], ['next wednesday', 'has domain', 'events'], ['city of event', 'has value', 'philly'], ['1st of march', 'has domain', 'buses'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['leaving date', 'has value', 'march 4th'], ['$ 21', 'has domain', 'buses'], ['date', 'has value', 'next wednesday'], ['event name', 'has value', 'nav with killy'], ['nav with killy', 'has domain', 'events'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['7 : 40 am', 'has domain', 'buses'], ['8 am', 'has domain', 'buses'], ['date', 'has value', 'march 6th'], ['8 pm', 'has domain', 'events'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', '1st of march'], ['time', 'has value', '8 pm'], ['4', 'has domain', 'buses'], ['4th of march', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['to location', 'has value', 'philadelphia'], ['philadelphia', 'has domain', 'buses'], ['events', 'has slot', 'city of event'], ['4', 'has domain', 'events'], ['march 6th', 'has domain', 'events'], ['philadelphia', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', '4th of march'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '7 : 40 am'], ['buses', 'has slot', 'transfers'], ['philly', 'has domain', 'events'], ['march 4th', 'has domain', 'buses'], ['travelers', 'has value', '4'], ['philadelphia', 'refers to same concept as', 'philly'], ['leaving time', 'has value', '8 am'], ['number of seats', 'has value', '4'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2276\n", + "dialogue: \"user\": \"get me 2 tickets to jordan rakei on the 8th of march .\"\n", + "\"system\": \"what city do you want to go to ?\"\n", + "\"user\": \"i want to go to los angeles .\"\n", + "\"system\": \"you want 2 tickets to jordan rakei in los angeles on march 8th , correct ?\"\n", + "\"user\": \"no , change it to 1 ticket .\"\n", + "\"system\": \"you want 1 ticket for the march 8th event ?\"\n", + "\"user\": \"that is right .\"\n", + "\"system\": \"your ticket is booked . have fun !\"\n", + "\"user\": \"thanks a lot . i need a bus out of long beach to get there .\"\n", + "\"system\": \"are you departing march 8th ?\"\n", + "\"user\": \"no , i am departing on the 2nd of march .\"\n", + "\"system\": \"there is a bus with 0 transfers , a cost of $ 12 and a departure time of 6 : 40 am .\"\n", + "\"user\": \"what is the departing bus station ?\"\n", + "\"system\": \"the bus departs out of downtown station .\"\n", + "\"user\": \"that works for me . get me a bus ticket .\"\n", + "\"system\": \"you want a bus ticket for 1 person from long beach to los angeles on march 2nd with a departure time of 6 : 40 am . is that right ?\"\n", + "\"user\": \"that is correct . what is the arrival bus station ?\"\n", + "\"system\": \"your ticket is booked and you will arrive at union station .\"\n", + "\"user\": \"thanks a bunch .\"\n", + "\"system\": \"do you need more help ?\"\n", + "\"user\": \"no , that is all . thanks .\"\n", + "\"system\": \"have a good day .\"\n", + "\n", + "terms: ['transfers', 'los angeles', 'union station', 'long beach', 'jordan rakei', '6 : 40 am', 'march 2nd', '2', '2nd of march', '0', 'downtown station', '8th of march', '1', '$ 12', 'march 8th']\n", + "relations: [['8th of march', 'has domain', 'events'], ['event name', 'has value', 'jordan rakei'], ['buses', 'has slot', 'to station'], ['march 2nd', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['number of seats', 'has value', '2'], ['2', 'has domain', 'events'], ['buses', 'has slot', 'fare'], ['leaving time', 'has value', '6 : 40 am'], ['to station', 'has value', 'union station'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['fare', 'has value', '$ 12'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['$ 12', 'has domain', 'buses'], ['union station', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['march 8th', 'has domain', 'events'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['number of seats', 'has value', '1'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'march 8th'], ['date', 'has value', '8th of march'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'city of event'], ['long beach', 'has domain', 'buses'], ['from station', 'has value', 'downtown station'], ['buses', 'has slot', 'buybusticket'], ['leaving date', 'has value', 'march 2nd'], ['2nd of march', 'has domain', 'buses'], ['date', 'has value', 'march 8th'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['to location', 'has value', 'los angeles'], ['from location', 'has value', 'long beach'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['downtown station', 'has domain', 'buses'], ['leaving date', 'has value', '2nd of march'], ['buses', 'has slot', 'from station'], ['los angeles', 'has domain', 'buses'], ['jordan rakei', 'has domain', 'events'], ['1', 'has domain', 'events'], ['los angeles', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['6 : 40 am', 'has domain', 'buses']]\n", + "\n", + "dialogue id: sgd-validation-2277\n", + "dialogue: \"user\": \"i ' d like to order some tickets to an event .\"\n", + "\"system\": \"how many would you like ?\"\n", + "\"user\": \"i would just like to order one ticket .\"\n", + "\"system\": \"what city is this event in ?\"\n", + "\"user\": \"i ' m trying to find something in los angeles .\"\n", + "\"system\": \"do you have an event and date in mind already ?\"\n", + "\"user\": \"the event is on the 8th of march and it is called girl in red .\"\n", + "\"system\": \"okay . let me make sure i got it right . you want me to book 1 ticket to girl in red in los angeles on march 8th .\"\n", + "\"user\": \"yes , that ' s correct .\"\n", + "\"system\": \"i have confirmed your reservation . enjoy !\"\n", + "\"user\": \"where is the venue located ?\"\n", + "\"system\": \"the address for it is 1234 west 7th street .\"\n", + "\"user\": \"thank you . can you help me find a bus that goes out there ?\"\n", + "\"system\": \"sure . are you planning to leave on march 8th and from where ?\"\n", + "\"user\": \"i ' ll be departing sfo on the 1st hopefully .\"\n", + "\"system\": \"there ' s a bus leaving at 7 am on that day . it costs $ 50 and has 0 transfers .\"\n", + "\"user\": \"that ' s great . please book it for me .\"\n", + "\"system\": \"okay . to confirm : you want me to book a bus from san francisco to los angeles for 1 person . it should leave on march 1st at 7 am .\"\n", + "\"user\": \"yes , that ' s right . which station does the bus depart and which one does it reach ?\"\n", + "\"system\": \"i have booked your ticket . it leaves from salesforce transit center and arrives at union station .\"\n", + "\"user\": \"thanks for the help . that will be all .\"\n", + "\"system\": \"have a nice day !\"\n", + "\n", + "terms: ['transfers', 'salesforce transit center', 'los angeles', 'union station', '$ 50', 'the 1st', 'march 1st', 'one', '7 am', '1234 west 7th street', '0', '8th of march', 'girl in red', 'sfo', 'date', '1', 'san francisco', 'march 8th']\n", + "relations: [['8th of march', 'has domain', 'events'], ['buses', 'has slot', 'to station'], ['fare', 'has value', '$ 50'], ['from station', 'has value', 'salesforce transit center'], ['from location', 'has value', 'sfo'], ['leaving date', 'has value', 'the 1st'], ['buses', 'has slot', 'leaving time'], ['$ 50', 'has domain', 'buses'], ['event name', 'has value', 'girl in red'], ['san francisco', 'refers to same concept as', 'sfo'], ['to station', 'has value', 'union station'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 8th', 'has domain', 'buses'], ['san francisco', 'has domain', 'buses'], ['1234 west 7th street', 'has domain', 'events'], ['sfo', 'has domain', 'buses'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['union station', 'has domain', 'buses'], ['march 8th', 'has domain', 'events'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['salesforce transit center', 'has domain', 'buses'], ['leaving date', 'has value', 'march 1st'], ['number of seats', 'has value', '1'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['leaving date', 'has value', 'march 8th'], ['date', 'has value', '8th of march'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'city of event'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['los angeles', 'refers to same concept as', 'la'], ['address of location', 'has value', '1234 west 7th street'], ['girl in red', 'has domain', 'events'], ['leaving time', 'has value', '7 am'], ['date', 'has value', 'march 8th'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['to location', 'has value', 'los angeles'], ['1', 'refers to same concept as', 'one'], ['the 1st', 'has domain', 'buses'], ['events', 'has slot', 'address of location'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'san francisco'], ['7 am', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['1', 'has domain', 'events'], ['los angeles', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2278\n", + "dialogue: \"user\": \"i want to book three tickets for an event near lax\"\n", + "\"system\": \"is there a particular event you are looking for ?\"\n", + "\"user\": \"yes , spose it is\"\n", + "\"system\": \"any date in particular ?\"\n", + "\"user\": \"something this saturday would be perfect\"\n", + "\"system\": \"booking 3 tickets for spose in los angeles on march 2nd\"\n", + "\"user\": \"sounds perfect to me\"\n", + "\"system\": \"booking confirmed . enjoy !\"\n", + "\"user\": \"thanks . i also need to find a bus going there\"\n", + "\"system\": \"the date is march 2nd right ? where do you leave from\"\n", + "\"user\": \"i leave from long beach , ca on march 1st\"\n", + "\"system\": \"how about the 6 : 40 am bus with 0 transfers for $ 11 ?\"\n", + "\"user\": \"which is the arrival stop ?\"\n", + "\"system\": \"it is union station\"\n", + "\"user\": \"sounds good to me\"\n", + "\"system\": \"should i buy the tickets on this ?\"\n", + "\"user\": \"yes , do that\"\n", + "\"system\": \"booking 3 tickets on the bus from long beach to los angeles on march 1st at 6 : 40 am\"\n", + "\"user\": \"sounds perfect to me\"\n", + "\"system\": \"booking is successful\"\n", + "\"user\": \"what is the departure station ?\"\n", + "\"system\": \"it is downtown station\"\n", + "\"user\": \"thanks a ton . that would be all\"\n", + "\"system\": \"have a fantastic day !\"\n", + "\n", + "terms: ['spose', 'this saturday', 'transfers', 'los angeles', 'march 1st', 'long beach', '3', '6 : 40 am', 'long beach , ca', '$ 11', '0', 'three', 'date', 'march 2nd']\n", + "relations: [['buses', 'has slot', 'to station'], ['march 2nd', 'has domain', 'buses'], ['buses', 'has slot', 'leaving time'], ['buses', 'has slot', 'fare'], ['leaving time', 'has value', '6 : 40 am'], ['march 2nd', 'has domain', 'events'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['to station', 'has value', 'union station'], ['buses', 'has slot', 'leaving date'], ['fare', 'has value', '$ 11'], ['union station', 'has domain', 'buses'], ['event name', 'has value', 'spose'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['$ 11', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['date', 'has value', 'this saturday'], ['number of seats', 'has value', '3'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'city of event'], ['long beach', 'has domain', 'buses'], ['from location', 'has value', 'long beach , ca'], ['from station', 'has value', 'downtown station'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['leaving date', 'has value', 'march 2nd'], ['3', 'has domain', 'buses'], ['long beach , ca', 'has domain', 'buses'], ['los angeles', 'refers to same concept as', 'lax'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['to location', 'has value', 'los angeles'], ['city of event', 'has value', 'lax'], ['3', 'has domain', 'events'], ['from location', 'has value', 'long beach'], ['this saturday', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['spose', 'has domain', 'events'], ['downtown station', 'has domain', 'buses'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['date', 'has value', 'march 2nd'], ['3', 'refers to same concept as', 'three'], ['los angeles', 'has domain', 'events'], ['long beach', 'refers to same concept as', 'long beach , ca'], ['events', 'has slot', 'event name'], ['6 : 40 am', 'has domain', 'buses'], ['lax', 'has domain', 'events']]\n", + "\n", + "dialogue id: sgd-validation-2279\n", + "dialogue: \"user\": \"i want to get tickets to an event .\"\n", + "\"system\": \"what event would you like to get tickets to ? what city and what date would you like for me to search ?\"\n", + "\"user\": \"i ' m looking for the event pup in san diego for this saturday .\"\n", + "\"system\": \"how many tickets will you need ?\"\n", + "\"user\": \"get me 1 ticket .\"\n", + "\"system\": \"will you confirm the following for me ? you need to reserve 1 ticket to the pup event taking place in san diego on march 2nd ?\"\n", + "\"user\": \"yes . can you get me the starting time and the address of the event ?\"\n", + "\"system\": \"the event starts at 7 pm and is being held at 3090 polk avenue . your reservation is set , have a great time !\"\n", + "\"user\": \"good ! can you help me find a bus to the event ? i want to leave from los angeles on march 1st .\"\n", + "\"system\": \"i have found 10 buses . there is a 7 : 40 am departure . there are 0 transfers and the ticket costs $ 27 .\"\n", + "\"user\": \"sounds good . can you buy tickets for me ?\"\n", + "\"system\": \"can you confirm the following information ? i am reserving you 1 ticket on the los angeles to san diego bus that departs at 7 : 40 am on march 1st . is this correct ?\"\n", + "\"user\": \"yes it is . what is the departure station ?\"\n", + "\"system\": \"the bus will depart from union station . i have confirmed your ticket .\"\n", + "\"user\": \"what is the arrival station ?\"\n", + "\"system\": \"your bus will arrive at santa fe depot .\"\n", + "\"user\": \"thanks . that ' s all i need .\"\n", + "\"system\": \"you ' re welcome . have a good day .\"\n", + "\n", + "terms: ['los angeles', 'march 1st', 'buses', 'santa fe depot', 'time', 'san diego', 'union station', '7 : 40 am', 'march 2nd', 'this saturday', 'pup', 'transfers', '7 pm', '$ 27', '3090 polk avenue', '0', '10', 'date', '1']\n", + "relations: [['event name', 'has value', 'pup'], ['san diego', 'has domain', 'events'], ['$ 27', 'has domain', 'buses'], ['buses', 'has slot', 'to station'], ['to station', 'has value', 'santa fe depot'], ['time', 'has value', '7 pm'], ['buses', 'has slot', 'leaving time'], ['san diego', 'has domain', 'buses'], ['march 2nd', 'has domain', 'events'], ['buses', 'has slot', 'count'], ['3090 polk avenue', 'has domain', 'events'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['from station', 'has value', 'union station'], ['union station', 'has domain', 'buses'], ['7 pm', 'has domain', 'events'], ['travelers', 'has value', '1'], ['buses', 'has slot', 'to location'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['7 : 40 am', 'has domain', 'buses'], ['number of seats', 'has value', '1'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['pup', 'has domain', 'events'], ['date', 'has value', 'this saturday'], ['city of event', 'has value', 'san diego'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['address of location', 'has value', '3090 polk avenue'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'city of event'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['los angeles', 'refers to same concept as', 'la'], ['from location', 'has value', 'los angeles'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['leaving time', 'has value', '7 : 40 am'], ['events', 'has slot', 'address of location'], ['1', 'has domain', 'buses'], ['this saturday', 'has domain', 'events'], ['buses', 'has slot', 'transfers'], ['los angeles', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['date', 'has value', 'march 2nd'], ['1', 'has domain', 'events'], ['to location', 'has value', 'san diego'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10'], ['fare', 'has value', '$ 27']]\n", + "\n", + "dialogue id: sgd-validation-2280\n", + "dialogue: \"user\": \"please help me event reserve tickets .\"\n", + "\"system\": \"please let me know the event type , preferred date and the number of tickets you ' d like .\"\n", + "\"user\": \"please find 3 tickets to prettymuch on march 10th .\"\n", + "\"system\": \"which city should i search in ?\"\n", + "\"user\": \"please find something around sd .\"\n", + "\"system\": \"please confirm that you ' d like to reserve 3 tickets for prettymuch on march 10th , in san diego .\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"i have successfully made your reservation . enjoy yourselves !\"\n", + "\"user\": \"could you also find me a bus going there on march 9th ?\"\n", + "\"system\": \"what ' s your origin city ?\"\n", + "\"user\": \"my origin city is sacramento , ca .\"\n", + "\"system\": \"i found 8 buses that you may like . how does the 10 : 20 am bus which has 1 transfer and costs $ 71 , sound ?\"\n", + "\"user\": \"that will work for me . please reserve the bus .\"\n", + "\"system\": \"please confirm that you ' d like 3 tickets for the march 9th , 10 : 20 am bus from sacramento to san diego .\"\n", + "\"user\": \"that is correct . what ' s the destination station ?\"\n", + "\"system\": \"i have confirmed your ticket . the bus will be arriving at santa fe depot station .\"\n", + "\"user\": \"thank you very much . you ' ve been very helpful . that will be all .\"\n", + "\"system\": \"thank you , and do have yourself a wonderful day !\"\n", + "\n", + "terms: ['prettymuch', 'santa fe depot', '3', '1', 'buses', 'sd', '10 : 20 am', '8', 'sacramento', 'march 10th', 'march 9th', 'date', 'sacramento , ca', 'san diego', '$ 71']\n", + "relations: [['buses', 'has slot', 'to station'], ['san diego', 'has domain', 'events'], ['to station', 'has value', 'santa fe depot'], ['date', 'has value', 'march 10th'], ['from location', 'has value', 'sacramento'], ['buses', 'has slot', 'leaving time'], ['10 : 20 am', 'has domain', 'buses'], ['count', 'has value', '8'], ['san diego', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['buses', 'has slot', 'to location'], ['sacramento , ca', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['santa fe depot', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['city of event', 'has value', 'san diego'], ['number of seats', 'has value', '3'], ['sd', 'has domain', 'events'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['sacramento', 'has domain', 'buses'], ['leaving date', 'has value', 'march 9th'], ['events', 'has slot', 'city of event'], ['city of event', 'has value', 'sd'], ['fare', 'has value', '$ 71'], ['buses', 'has slot', 'buybusticket'], ['transfers', 'has value', '1'], ['3', 'has domain', 'buses'], ['san diego', 'refers to same concept as', 'sd'], ['from location', 'has value', 'sacramento , ca'], ['event name', 'has value', 'prettymuch'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['$ 71', 'has domain', 'buses'], ['leaving time', 'has value', '10 : 20 am'], ['3', 'has domain', 'events'], ['1', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['sacramento', 'refers to same concept as', 'sacramento , ca'], ['march 10th', 'has domain', 'events'], ['to location', 'has value', 'san diego'], ['prettymuch', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2281\n", + "dialogue: \"user\": \"i want to reserve tickets in philadelphia for something on sunday this week .\"\n", + "\"system\": \"what kind of event ? how many tickets ?\"\n", + "\"user\": \"3 tickets to owls vs bison .\"\n", + "\"system\": \"please confirm , 3 tickets for owls vs bison on march 3rd in philadelphia .\"\n", + "\"user\": \"yes , that is good . where is the event happening ?\"\n", + "\"system\": \"your reservation is confirmed . the event is going to be at lincoln financial field .\"\n", + "\"user\": \"thanks ! i need bus tickets from ny to get there .\"\n", + "\"system\": \"are you leaving on march 3rd ?\"\n", + "\"user\": \"no , i am leaving later today .\"\n", + "\"system\": \"i found 7 options including at bus leaving at 7 : 40 am with 0 transfers . the ticket is $ 21 .\"\n", + "\"user\": \"what bus station am i leaving from and arriving at ?\"\n", + "\"system\": \"you are leaving from port authority station and arriving at intercity terminal .\"\n", + "\"user\": \"that is perfect , make a reservation .\"\n", + "\"system\": \"please confirm , 3 bus tickets from new york to philadelphia on march 1st at 7 : 40 am .\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your tickets are confirmed .\"\n", + "\"user\": \"thanks for your help .\"\n", + "\"system\": \"do you need more from me ?\"\n", + "\"user\": \"no , thanks !\"\n", + "\"system\": \"have a nice day .\"\n", + "\n", + "terms: ['transfers', 'later today', 'owls vs bison', 'philadelphia', 'march 1st', '3', 'sunday this week', 'ny', '7', 'intercity terminal', '0', '7 : 40 am', '$ 21', 'port authority station', 'lincoln financial field', 'new york', 'march 3rd']\n", + "relations: [['port authority station', 'has domain', 'buses'], ['new york', 'refers to same concept as', 'ny'], ['fare', 'has value', '$ 21'], ['buses', 'has slot', 'to station'], ['city of event', 'has value', 'philadelphia'], ['leaving date', 'has value', 'march 3rd'], ['ny', 'has domain', 'buses'], ['count', 'has value', '7'], ['event name', 'has value', 'owls vs bison'], ['buses', 'has slot', 'leaving time'], ['from location', 'has value', 'ny'], ['from location', 'has value', 'new york'], ['later today', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['date', 'has value', 'march 3rd'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['new york', 'has domain', 'buses'], ['$ 21', 'has domain', 'buses'], ['date', 'has value', 'sunday this week'], ['buses', 'has slot', 'to location'], ['lincoln financial field', 'has domain', 'events'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['travelers', 'has value', '3'], ['leaving date', 'has value', 'march 1st'], ['7 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['7', 'has domain', 'buses'], ['to location', 'has value', 'philadelphia'], ['events', 'has slot', 'buyeventtickets'], ['philadelphia', 'has domain', 'buses'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['intercity terminal', 'has domain', 'buses'], ['philadelphia', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['march 1st', 'has domain', 'buses'], ['sunday this week', 'has domain', 'events'], ['3', 'has domain', 'buses'], ['event location', 'has value', 'lincoln financial field'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['from station', 'has value', 'port authority station'], ['leaving time', 'has value', '7 : 40 am'], ['3', 'has domain', 'events'], ['to station', 'has value', 'intercity terminal'], ['buses', 'has slot', 'transfers'], ['leaving date', 'has value', 'later today'], ['march 3rd', 'has domain', 'buses'], ['buses', 'has slot', 'from station'], ['owls vs bison', 'has domain', 'events'], ['march 3rd', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2282\n", + "dialogue: \"user\": \"i ' d like to get 3 tickets to huskies vs warriors for the 7th of march .\"\n", + "\"system\": \"is there any city that i should search in ?\"\n", + "\"user\": \"search seattle , wa .\"\n", + "\"system\": \"can you confirm the following ? i am booking 3 tickets to the huskies vs warriors taking place on march 7th in seattle , is this correct ?\"\n", + "\"user\": \"yes , that is .\"\n", + "\"system\": \"your reservation is set . have a great time !\"\n", + "\"user\": \"i also need for you to find me a bus . i need 2 tickets to portland for sunday this week .\"\n", + "\"system\": \"i found 8 buses . how about a 8 : 40 am departure with 0 transfers for $ 32 ?\"\n", + "\"user\": \"did you find anything else ? i want to leave later today from vancouver , bc .\"\n", + "\"system\": \"i have a 6 : 40 am departure that has 0 transfers and costs $ 30 .\"\n", + "\"user\": \"are there any other buses ?\"\n", + "\"system\": \"how about a 8 : 10 am departure with 0 transfers that cost $ 30 ?\"\n", + "\"user\": \"what are the departure and arrival stations ?\"\n", + "\"system\": \"the bus departs from pacific central station and arrives at king street station .\"\n", + "\"user\": \"sounds good . get me a ticket .\"\n", + "\"system\": \"confirming that you want 2 tickets on the vancouver to seattle bus departing on march 1st at 8 : 10 am ?\"\n", + "\"user\": \"yes , that is correct .\"\n", + "\"system\": \"your tickets are confirmed .\"\n", + "\"user\": \"thanks a lot .\"\n", + "\"system\": \"is there anything else ?\"\n", + "\"user\": \"no . thank you .\"\n", + "\"system\": \"you ' re welcome . have a great day .\"\n", + "\n", + "terms: ['march 7th', 'march 1st', 'buses', '2', '8 : 10 am', 'huskies vs warriors', '8 : 40 am', 'vancouver', 'pacific central station', 'vancouver , bc', 'sunday this week', 'seattle , wa', '$ 32', '8', 'king street station', 'later today', '$ 30', 'transfers', '3', 'seattle', '6 : 40 am', '0', 'portland', '7th of march']\n", + "relations: [['buses', 'has slot', 'to station'], ['pacific central station', 'has domain', 'buses'], ['leaving date', 'has value', 'sunday this week'], ['2', 'has domain', 'buses'], ['travelers', 'has value', '2'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 10 am'], ['count', 'has value', '8'], ['from location', 'has value', 'vancouver'], ['later today', 'has domain', 'buses'], ['from location', 'has value', 'vancouver , bc'], ['leaving time', 'has value', '6 : 40 am'], ['$ 32', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['from station', 'has value', 'pacific central station'], ['buses', 'has slot', 'from location'], ['buses', 'has slot', 'leaving date'], ['7th of march', 'has domain', 'events'], ['8 : 40 am', 'has domain', 'buses'], ['to station', 'has value', 'king street station'], ['buses', 'has slot', 'to location'], ['king street station', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['leaving date', 'has value', 'march 1st'], ['event name', 'has value', 'huskies vs warriors'], ['date', 'has value', '7th of march'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['number of seats', 'has value', '3'], ['portland', 'has domain', 'buses'], ['vancouver , bc', 'has domain', 'buses'], ['3', 'refers to same concept as', '$ 3'], ['vancouver', 'refers to same concept as', 'vancouver , bc'], ['$ 30', 'has domain', 'buses'], ['city of event', 'has value', 'seattle'], ['events', 'has slot', 'buyeventtickets'], ['8', 'has domain', 'buses'], ['fare', 'has value', '$ 32'], ['events', 'has slot', 'city of event'], ['seattle , wa', 'has domain', 'events'], ['march 7th', 'has domain', 'events'], ['sunday this week', 'has domain', 'buses'], ['buses', 'has slot', 'buybusticket'], ['from location', 'has value', 'portland'], ['march 1st', 'has domain', 'buses'], ['city of event', 'has value', 'seattle , wa'], ['vancouver', 'has domain', 'buses'], ['seattle', 'refers to same concept as', 'seattle , wa'], ['leaving time', 'has value', '8 : 40 am'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['8 : 10 am', 'has domain', 'buses'], ['seattle', 'has domain', 'buses'], ['3', 'has domain', 'events'], ['6 : 40 am', 'has domain', 'buses'], ['buses', 'has slot', 'transfers'], ['seattle', 'has domain', 'events'], ['leaving date', 'has value', 'later today'], ['buses', 'has slot', 'from station'], ['date', 'has value', 'march 7th'], ['huskies vs warriors', 'has domain', 'events'], ['fare', 'has value', '$ 30'], ['to location', 'has value', 'seattle'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2283\n", + "dialogue: \"user\": \"can you secure tickets for me ?\"\n", + "\"system\": \"how many tickets and for what type of event ? what city ?\"\n", + "\"user\": \"i ' d like four tickets for jojo siwa in nyc .\"\n", + "\"system\": \"on what date , exactly ?\"\n", + "\"user\": \"make it for the 13th of this month .\"\n", + "\"system\": \"okay . you want 4 tickets for jojo siwa in new york on march 13th ?\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"i booked the tickets . have a good time !\"\n", + "\"user\": \"i live in washington , so can you find me a bus to get there ? i intend on leaving on the 11th of march .\"\n", + "\"system\": \"how about the bus that leaves at 8 : 10 am , costs $ 31 , and has 0 transfers ?\"\n", + "\"user\": \"sounds good . i ' d like to reserve it .\"\n", + "\"system\": \"okay . you want 4 tickets for a bus from washington to new york at 8 : 10 am on march 11th ?\"\n", + "\"user\": \"that is correct .\"\n", + "\"system\": \"i ' ve booked the tickets .\"\n", + "\"user\": \"thank you very much .\"\n", + "\"system\": \"can i help you some more ?\"\n", + "\"user\": \"not now . thank you !\"\n", + "\"system\": \"have a great time at new york !\"\n", + "\n", + "terms: ['march 13th', '11th of march', 'transfers', 'march 11th', 'nyc', 'jojo siwa', 'washington', '$ 31', '4', '0', 'four', '13th of this month', 'date', 'new york', '8 : 10 am']\n", + "relations: [['new york', 'refers to same concept as', 'ny'], ['11th of march', 'has domain', 'buses'], ['fare', 'has value', '$ 31'], ['to location', 'has value', 'new york'], ['buses', 'has slot', 'leaving time'], ['leaving time', 'has value', '8 : 10 am'], ['event name', 'has value', 'jojo siwa'], ['leaving date', 'has value', 'march 11th'], ['leaving date', 'has value', '11th of march'], ['buses', 'has slot', 'from location'], ['new york', 'has domain', 'buses'], ['buses', 'has slot', 'leaving date'], ['from location', 'has value', 'washington'], ['buses', 'has slot', 'to location'], ['washington', 'has domain', 'buses'], ['0', 'has domain', 'buses'], ['buses', 'has slot', 'travelers'], ['new york', 'has domain', 'events'], ['$ 31', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['4', 'refers to same concept as', 'four'], ['march 11th', 'has domain', 'buses'], ['jojo siwa', 'has domain', 'events'], ['4', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['nyc', 'has domain', 'events'], ['events', 'has slot', 'city of event'], ['4', 'has domain', 'events'], ['buses', 'has slot', 'buybusticket'], ['date', 'has value', 'march 13th'], ['13th of this month', 'has domain', 'events'], ['city of event', 'has value', 'new york'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['city of event', 'has value', 'nyc'], ['8 : 10 am', 'has domain', 'buses'], ['date', 'has value', '13th of this month'], ['buses', 'has slot', 'transfers'], ['march 13th', 'has domain', 'events'], ['travelers', 'has value', '4'], ['number of seats', 'has value', '4'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare']]\n", + "\n", + "dialogue id: sgd-validation-2284\n", + "dialogue: \"user\": \"i ' m looking for tickets for an event on march 9th .\"\n", + "\"system\": \"what is the name of the event , what city is it in , and how many tickets do you need ?\"\n", + "\"user\": \"i need 1 ticket for the sparks vs storm in los angeles .\"\n", + "\"system\": \"okay , i have 1 ticket for the sparks vs storm in los angeles on march 9th , correct ?\"\n", + "\"user\": \"yes , that is correct . where is the event at and when does it start ?\"\n", + "\"system\": \"i have purchased the ticket , enjoy ! the game starts at 7 pm at the staples center .\"\n", + "\"user\": \"thank you ! i also need to find a bus going there .\"\n", + "\"system\": \"where are you departing from ?\"\n", + "\"user\": \"i am departing from anaheim , ca .\"\n", + "\"system\": \"are you leaving on march 9th ?\"\n", + "\"user\": \"no , i am leaving on next wednesday .\"\n", + "\"system\": \"i found 10 buses for you . there is a bus departing at 6 : 10 am with 0 transfers for $ 12 .\"\n", + "\"user\": \"that sounds good , i ' d like to purchase a ticket .\"\n", + "\"system\": \"okay , i have 1 bus ticket departing from anaheim on march 6th at 6 : 10 am traveling to los angeles , right ?\"\n", + "\"user\": \"yes , that is right .\"\n", + "\"system\": \"i have purchased the ticket .\"\n", + "\"user\": \"thank you , that is all i needed .\"\n", + "\"system\": \"have a great day .\"\n", + "\n", + "terms: ['transfers', '7 pm', 'los angeles', '6 : 10 am', 'anaheim', 'staples center', 'anaheim , ca', 'buses', 'sparks vs storm', '0', 'march 6th', '10', 'march 9th', '1', '$ 12', 'next wednesday']\n", + "relations: [['leaving date', 'has value', 'next wednesday'], ['next wednesday', 'has domain', 'buses'], ['time', 'has value', '7 pm'], ['leaving time', 'has value', '6 : 10 am'], ['buses', 'has slot', 'leaving time'], ['leaving date', 'has value', 'march 6th'], ['from location', 'has value', 'anaheim , ca'], ['6 : 10 am', 'has domain', 'buses'], ['buses', 'has slot', 'count'], ['city of event', 'has value', 'los angeles'], ['buses', 'has slot', 'from location'], ['fare', 'has value', '$ 12'], ['buses', 'has slot', 'leaving date'], ['march 9th', 'has domain', 'buses'], ['$ 12', 'has domain', 'buses'], ['sparks vs storm', 'has domain', 'events'], ['7 pm', 'has domain', 'events'], ['march 9th', 'has domain', 'events'], ['travelers', 'has value', '1'], ['0', 'has domain', 'buses'], ['events', 'has slot', 'time'], ['buses', 'has slot', 'travelers'], ['buses', 'has slot', 'to location'], ['anaheim', 'refers to same concept as', 'anaheim , ca'], ['number of seats', 'has value', '1'], ['anaheim', 'has domain', 'buses'], ['buses', 'has slot', 'findbus'], ['transfers', 'has value', '0'], ['10', 'has domain', 'buses'], ['march 6th', 'has domain', 'buses'], ['anaheim , ca', 'has domain', 'buses'], ['events', 'has slot', 'buyeventtickets'], ['events', 'has slot', 'event location'], ['events', 'has slot', 'city of event'], ['leaving date', 'has value', 'march 9th'], ['buses', 'has slot', 'buybusticket'], ['staples center', 'has domain', 'events'], ['event name', 'has value', 'sparks vs storm'], ['events', 'has slot', 'number of seats'], ['events', 'has slot', 'date'], ['to location', 'has value', 'los angeles'], ['1', 'has domain', 'buses'], ['date', 'has value', 'march 9th'], ['event location', 'has value', 'staples center'], ['buses', 'has slot', 'transfers'], ['from location', 'has value', 'anaheim'], ['los angeles', 'has domain', 'buses'], ['1', 'has domain', 'events'], ['los angeles', 'has domain', 'events'], ['events', 'has slot', 'event name'], ['buses', 'has slot', 'fare'], ['count', 'has value', '10']]\n", + "\n" + ] + } + ], + "source": [ + "check_dialogues_with_problematic_terms(\"from location\", dialogue_term_dict[\"validation\"])" + ] + }, + { + "cell_type": "code", + "execution_count": 70, + "metadata": {}, + "outputs": [], + "source": [ + "#label maps for the slots\n", + "\n", + "slot_labelmaps = {'restaurant name': [\"name\"], \n", + " 'destination': [], \n", + " 'street address': [\"address\", \"location\", \"located\"], \n", + " 'ride fare': [\"cost\", \"costs\", \"price\"], \n", + " 'event name': [\"name\"], \n", + " 'hotel name': [\"name\"], \n", + " 'phone number': [\"phone\", \"number\"], \n", + " 'address': [\"location\", \"located\"], \n", + " 'song name': [\"name\", \"song\", \"songs\"], \n", + " 'event location': [\"location\", \"located\", \"address\"], \n", + " 'outbound arrival time': [\"time\", \"times\"], \n", + " 'property name': [\"name\"], \n", + " 'doctor name': [\"name\"],\n", + " 'attraction name': [\"name\"],\n", + " 'fare': [\"cost\", \"costs\", \"price\"],\n", + " 'outbound departure time': [\"time\", \"times\"],\n", + " 'inbound departure time': [\"time\", \"times\"],\n", + " 'amount': [],\n", + " 'artist': [],\n", + " 'price': [\"cost\", \"costs\"],\n", + " 'inbound arrival time': [\"time\", \"times\"],\n", + " 'balance': [],\n", + " 'account balance': [\"account\", \"balance\"],\n", + " 'leaving time': [\"time\", \"times\"],\n", + " 'starring': [\"cast\", \"crew\"],\n", + " 'track': [],\n", + " 'departure time': [\"time\", \"times\"],\n", + " 'transfer amount': [\"transfer\", \"amount\"],\n", + " 'pickup time': [\"time\", \"times\"],\n", + " 'total price': [\"cost\", \"costs\"],\n", + " 'place name': [\"name\"],\n", + " 'event time': [\"time\", \"times\"],\n", + " 'stylist name': [\"name\"],\n", + " 'contact name': [\"name\"],\n", + " 'theater name': [\"name\"],\n", + " 'dentist name': [\"name\"],\n", + " 'movie name': [\"name\"],\n", + " 'therapist name': [\"name\"],\n", + " 'title': [],\n", + " 'appointment time': [\"time\", \"times\"],\n", + " 'venue address': [\"address\", \"location\", \"located\"],\n", + " 'cast': [],\n", + " 'category': [\"type of food\", \"kind of food\"],\n", + " 'address of location': [\"address\", \"location\", \"located\"],\n", + " 'actors': [], \n", + " 'price per night': [\"cost\", \"costs\"], \n", + " 'show time': [\"time\", \"times\"], \n", + " 'date of journey': [\"date\"], \n", + " 'show date': [\"date\"], \n", + " 'total': [], \n", + " 'start date': [\"date\"], \n", + " 'car name': [\"name\"], \n", + " 'pickup location': [], \n", + " 'pickup city': [\"city\"], \n", + " 'dropoff date': [\"date\"], \n", + " 'event date': [\"date\"], \n", + " 'visit date': [\"date\"], \n", + " 'end date': [\"date\"], \n", + " 'leaving date': [\"date\"], \n", + " 'city of event': [\"city\"], \n", + " 'where to': [], \n", + " 'origin airport': [], \n", + " 'available start time': [\"time\", \"times\"], \n", + " 'destination airport': [], \n", + " 'new alarm time': [\"time\", \"times\"], \n", + " 'appointment date': [\"date\"], \n", + " 'movie title': [], \n", + " 'journey start time': [\"time\", \"times\"], \n", + " 'destination city': [\"destination\", \"city\"], \n", + " 'origin city': [\"city\"], \n", + " 'location': [], \n", + " 'from location': [\"departure\", \"from\"], \n", + " 'cuisine': [], \n", + " 'to location': [\"destination\", \"to\"], \n", + " 'origin': [], \n", + " 'from city': [\"from\", \"departure\", \"city\"], \n", + " 'available end time': [\"time\", \"times\"], \n", + " 'to city': [\"to\", \"city\", \"destination\"], \n", + " 'aggregate rating': [], \n", + " 'from station': [], \n", + " 'to station': [], \n", + " 'pickup date': [\"date\"], \n", + " 'director': [\"directed by\"], \n", + " 'approximate ride duration': [], \n", + " 'stay length': [], \n", + " 'venue': [], \n", + " 'precipitation': [], \n", + " 'rent': [], \n", + " 'price per day': [\"cost\", \"costs\"], \n", + " 'check out date': [\"date\"], \n", + " 'alarm name': [\"name\"], \n", + " 'percent rating': [\"name\"], \n", + " 'genre': [], \n", + " 'origin airport name': [\"name\"], \n", + " 'date': [\"date\"], \n", + " 'city': [], \n", + " 'return date': [\"date\"], \n", + " 'subcategory': [], \n", + " 'alarm time': [\"time\", \"times\"], \n", + " 'check in date': [\"date\"], \n", + " 'recipient name': [\"name\"], \n", + " 'recipient account name': [\"name\"], \n", + " 'destination airport name': [\"name\"], \n", + " 'origin station name': [\"name\"], \n", + " 'destination station name': [\"name\"], \n", + " 'album': [], \n", + " 'departure date': [\"date\"], \n", + " 'area': [], \n", + " 'new alarm name': [\"name\"], \n", + " 'number of days': [], \n", + " 'receiver': [], \n", + " 'subtitle language': [], \n", + " 'party size': [], \n", + " 'directed by': [\"director\"], \n", + " 'number of adults': [], \n", + " 'flight class': [], \n", + " 'average rating': [], \n", + " 'num passengers': [], \n", + " 'playback device': [], \n", + " 'fare type': [], \n", + " 'group size': [], \n", + " 'count': [], \n", + " 'number of riders': [], \n", + " 'recipient account type': [], \n", + " 'time': [\"times\"], \n", + " 'wait time': [\"time\", \"times\"], \n", + " 'airlines': [], \n", + " 'payment method': [], \n", + " 'number checked bags': [], \n", + " 'price per ticket': [\"cost\", \"costs\"], \n", + " 'seating class': [], \n", + " 'has live music': [], \n", + " 'car type': [], \n", + " 'private visibility': [], \n", + " 'in unit laundry': [], \n", + " 'temperature': [], \n", + " 'number of beds': [], \n", + " 'travelers': [], \n", + " 'transfer time': [\"time\", \"times\"], \n", + " 'has garage': [], \n", + " 'serves alcohol': [], \n", + " 'number stops': [], \n", + " 'pets allowed': [], \n", + " 'intent': [], \n", + " 'free entry': [], \n", + " 'is nonstop': [], \n", + " 'add insurance': [], \n", + " 'has wifi': [], \n", + " 'refundable': [], \n", + " 'has seating outdoors': [], \n", + " 'furnished': [], \n", + " 'pets welcome': [], \n", + " 'account type': [], \n", + " 'offers cosmetic services': [], \n", + " 'arrives next day': [], \n", + " 'additional luggage': [], \n", + " 'is redeye': [], \n", + " 'good for kids': [], \n", + " 'has vegetarian options': [], \n", + " 'type': [], \n", + " 'rating': [], \n", + " 'show type': [], \n", + " 'device': [], \n", + " 'price range': [], \n", + " 'class': [], \n", + " 'trip protection': [], \n", + " 'number of baths': [], \n", + " 'has laundry service': [], \n", + " 'smoking allowed': [], \n", + " 'subtitles': [], \n", + " 'is unisex': [], \n", + " 'event type': [],\n", + " }\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 77, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "'restaurant name': ['name'],\n", + "'street address': ['address', 'location', 'located'],\n", + "'ride fare': ['cost', 'costs', 'price'],\n", + "'event name': ['name'],\n", + "'hotel name': ['name'],\n", + "'phone number': ['phone', 'number'],\n", + "'address': ['location', 'located'],\n", + "'song name': ['name', 'song', 'songs'],\n", + "'event location': ['location', 'located', 'address'],\n", + "'outbound arrival time': ['time', 'times'],\n", + "'property name': ['name'],\n", + "'doctor name': ['name'],\n", + "'attraction name': ['name'],\n", + "'fare': ['cost', 'costs', 'price'],\n", + "'outbound departure time': ['time', 'times'],\n", + "'inbound departure time': ['time', 'times'],\n", + "'price': ['cost', 'costs'],\n", + "'inbound arrival time': ['time', 'times'],\n", + "'account balance': ['account', 'balance'],\n", + "'leaving time': ['time', 'times'],\n", + "'starring': ['cast', 'crew'],\n", + "'departure time': ['time', 'times'],\n", + "'transfer amount': ['transfer', 'amount'],\n", + "'pickup time': ['time', 'times'],\n", + "'total price': ['cost', 'costs'],\n", + "'place name': ['name'],\n", + "'event time': ['time', 'times'],\n", + "'stylist name': ['name'],\n", + "'contact name': ['name'],\n", + "'theater name': ['name'],\n", + "'dentist name': ['name'],\n", + "'movie name': ['name'],\n", + "'therapist name': ['name'],\n", + "'appointment time': ['time', 'times'],\n", + "'venue address': ['address', 'location', 'located'],\n", + "'category': ['type of food', 'kind of food'],\n", + "'address of location': ['address', 'location', 'located'],\n", + "'price per night': ['cost', 'costs'],\n", + "'show time': ['time', 'times'],\n", + "'date of journey': ['date'],\n", + "'show date': ['date'],\n", + "'start date': ['date'],\n", + "'car name': ['name'],\n", + "'pickup city': ['city'],\n", + "'dropoff date': ['date'],\n", + "'event date': ['date'],\n", + "'visit date': ['date'],\n", + "'end date': ['date'],\n", + "'leaving date': ['date'],\n", + "'city of event': ['city'],\n", + "'available start time': ['time', 'times'],\n", + "'new alarm time': ['time', 'times'],\n", + "'appointment date': ['date'],\n", + "'journey start time': ['time', 'times'],\n", + "'destination city': ['destination', 'city'],\n", + "'origin city': ['city'],\n", + "'from location': ['departure', 'from'],\n", + "'to location': ['destination', 'to'],\n", + "'from city': ['from', 'departure', 'city'],\n", + "'available end time': ['time', 'times'],\n", + "'to city': ['to', 'city', 'destination'],\n", + "'pickup date': ['date'],\n", + "'director': ['directed by'],\n", + "'price per day': ['cost', 'costs'],\n", + "'check out date': ['date'],\n", + "'alarm name': ['name'],\n", + "'percent rating': ['name'],\n", + "'origin airport name': ['name'],\n", + "'date': ['date'],\n", + "'return date': ['date'],\n", + "'alarm time': ['time', 'times'],\n", + "'check in date': ['date'],\n", + "'recipient name': ['name'],\n", + "'recipient account name': ['name'],\n", + "'destination airport name': ['name'],\n", + "'origin station name': ['name'],\n", + "'destination station name': ['name'],\n", + "'departure date': ['date'],\n", + "'new alarm name': ['name'],\n", + "'directed by': ['director'],\n", + "'time': ['times'],\n", + "'wait time': ['time', 'times'],\n", + "'price per ticket': ['cost', 'costs'],\n", + "'transfer time': ['time', 'times'],\n" + ] + } + ], + "source": [ + "#print slot labelmaps that are not empty\n", + "for key, value in slot_labelmaps.items():\n", + "\tif value:\n", + "\t\tprint(f\"'{key}': {value},\")" + ] + }, + { + "cell_type": "code", + "execution_count": 71, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 16142/16142 [00:06<00:00, 2316.97it/s]\n", + "100%|██████████| 2482/2482 [00:00<00:00, 2508.48it/s]\n", + "100%|██████████| 4201/4201 [00:01<00:00, 2301.24it/s]\n" + ] + } + ], + "source": [ + "#add them as refers to same relations to the dict\n", + "dialogue_term_dict_with_domain_and_slot_labelmaps = {}\n", + "for split in splits:\n", + "\tdialogue_term_dict_with_domain_and_slot_labelmaps[split] = {}\n", + "\tfor dial_id, dialogue in tqdm(dialogue_term_dict_with_domain_labelmaps[split].items()):\n", + "\t\tdialogue_term_dict_with_domain_and_slot_labelmaps[split][dial_id] = {}\n", + "\t\ttext = dialogue['text']\n", + "\t\tterms = dialogue['terms']\n", + "\t\trelations = dialogue['relational triplets']\n", + "\t\trelations_with_labelmaps = []\n", + "\t\tadditional_terms_with_labelmaps = set()\n", + "\t\tfor head, rel, tail in relations:\n", + "\t\t\t#check if the head or tail is in the labelmaps\n", + "\t\t\tif head in slot_labelmaps:\n", + "\t\t\t\tfor term in slot_labelmaps[head]:\n", + "\t\t\t\t\tif present_in_utterance(term, text):\n", + "\t\t\t\t\t\tadditional_terms_with_labelmaps.add(term)\n", + "\t\t\t\t\t\trelations_with_labelmaps.append((head, \"refers to same concept as\", term))\n", + "\t\t\tif tail in slot_labelmaps:\n", + "\t\t\t\tfor term in slot_labelmaps[tail]:\n", + "\t\t\t\t\tif present_in_utterance(term, text):\n", + "\t\t\t\t\t\tadditional_terms_with_labelmaps.add(term)\n", + "\t\t\t\t\t\trelations_with_labelmaps.append((tail, \"refers to same concept as\", term))\n", + "\t\t\t\n", + "\n", + "\t\tdialogue_term_dict_with_domain_and_slot_labelmaps[split][dial_id]['text'] = text\n", + "\t\tdialogue_term_dict_with_domain_and_slot_labelmaps[split][dial_id]['terms'] = list(set(list(terms) + list(additional_terms_with_labelmaps)))\n", + "\t\tdialogue_term_dict_with_domain_and_slot_labelmaps[split][dial_id]['relational triplets'] = list(set(tuple(x) for x in relations_with_labelmaps + relations))" + ] + }, + { + "cell_type": "code", + "execution_count": 74, + "metadata": {}, + "outputs": [], + "source": [ + "#save the new sgd term dict\n", + "with open(\"./sgd_term_dict_with_domain_and_slot_labelmaps.json\", \"w\") as f:\n", + "\tjson.dump(dialogue_term_dict_with_domain_and_slot_labelmaps, f, indent=4)" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "print an example" + ] + }, + { + "cell_type": "code", + "execution_count": 79, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\"user\": \"i am feeling hungry so i would like to find a place to eat .\"\n", + "\"system\": \"do you have a specific which you want the eating place to be located at ?\"\n", + "\"user\": \"i would like for it to be in san jose .\"\n", + "\"system\": \"is there a specific cuisine type you enjoy , such as mexican , italian or something else ?\"\n", + "\"user\": \"i usually like eating the american type of food .\"\n", + "\"system\": \"i see that at 71 saint peter there is a good restaurant which is in san jose .\"\n", + "\"user\": \"can you give me the address of this restaurant .\"\n", + "\"system\": \"if you want to go to this restaurant you can find it at 71 north san pedro street .\"\n", + "\"user\": \"can you give me the phone number that i can contact them with ?\"\n", + "\"system\": \"if you want to phone them you can at 408 - 971 - 8523 .\"\n", + "\"user\": \"is there some other restaurant which you can suggest ?\"\n", + "\"system\": \"how would you like bazille restaurant which is situated in san jose .\"\n", + "\"user\": \"do you have another restaurant matching my needs ? for example a restaurant which is economical and is located in palo alto .\"\n", + "\"system\": \"i see that 7 restaurants suit to what you requested . bird dog seems as a good restaurant and is located in palo alto .\"\n", + "\"user\": \"alright , that seems good . i would like to make a booking at this restaurant .\"\n", + "\"system\": \"for which time do you want the booking to be ?\"\n", + "\"user\": \"i will be eating there at 11 : 30 am so make it for then .\"\n", + "\"system\": \"can you please confirm that you want to book a table for 2 at 11 : 30 am at the bird dog restaurant in palo alto for today .\"\n", + "\"user\": \"that suits me well . can you tell me if they feature live music ?\"\n", + "\"system\": \"your booking has been made without errors , but unfortunately they do not have live music .\"\n", + "\"user\": \"will i be able to find liquor there ? can you give me the address of their location ?\"\n", + "\"system\": \"the restaurant is located at 420 ramona street . unfortunately they do not serve alcohol at the restaurant .\"\n", + "\"user\": \"i appreciate it very much . that would be all .\"\n", + "\"system\": \"have a good time !\"\n", + "\n", + "termlist: \n", + "['number', 'italian', 'mexican', '420 ramona street', 'bird dog', '71 saint peter', '11 : 30 am', 'san jose', 'american', 'cuisine', 'time', 'bazille', '7', 'palo alto', '2', 'phone', 'phone number', '408 - 971 - 8523', 'restaurant', '71 north san pedro street', 'located', 'location', 'today', 'restaurants', 'address'] \n", + "\n", + "relation triplets: \n", + "[('408 - 971 - 8523', 'has domain', 'restaurants'), ('restaurants', 'has slot', 'price range'), ('today', 'has domain', 'restaurants'), ('street address', 'refers to same concept as', 'address'), ('street address', 'has value', '420 ramona street'), ('restaurants', 'has slot', 'cuisine'), ('restaurants', 'has slot', 'street address'), ('serves alcohol', 'has value', 'false'), ('mexican', 'has domain', 'restaurants'), ('street address', 'refers to same concept as', 'located'), ('7', 'has domain', 'restaurants'), ('71 saint peter', 'has domain', 'restaurants'), ('restaurant name', 'has value', 'bazille'), ('restaurants', 'has slot', 'restaurant name'), ('bazille', 'has domain', 'restaurants'), ('cuisine', 'has value', 'american'), ('cuisine', 'has value', 'mexican'), ('phone number', 'has value', '408 - 971 - 8523'), ('cuisine', 'has value', 'italian'), ('restaurants', 'has slot', 'count'), ('restaurants', 'has slot', 'reserverestaurant'), ('bird dog', 'has domain', 'restaurants'), ('american', 'has domain', 'restaurants'), ('italian', 'has domain', 'restaurants'), ('restaurants', 'has slot', 'phone number'), ('restaurant name', 'has value', '71 saint peter'), ('price range', 'has value', 'moderate'), ('restaurants', 'has slot', 'party size'), ('restaurants', 'has slot', 'date'), ('restaurants', 'has slot', 'city'), ('2', 'has domain', 'restaurants'), ('phone number', 'refers to same concept as', 'number'), ('restaurants', 'has slot', 'has live music'), ('71 north san pedro street', 'has domain', 'restaurants'), ('city', 'has value', 'palo alto'), ('moderate', 'has domain', 'restaurants'), ('restaurants', 'has slot', 'serves alcohol'), ('restaurants', 'refers to same concept as', 'restaurant'), ('street address', 'has value', '71 north san pedro street'), ('false', 'has domain', 'restaurants'), ('has live music', 'has value', 'false'), ('street address', 'refers to same concept as', 'location'), ('count', 'has value', '7'), ('city', 'has value', 'san jose'), ('san jose', 'has domain', 'restaurants'), ('palo alto', 'has domain', 'restaurants'), ('420 ramona street', 'has domain', 'restaurants'), ('party size', 'has value', '2'), ('time', 'has value', '11 : 30 am'), ('date', 'has value', 'today'), ('restaurants', 'has slot', 'findrestaurants'), ('11 : 30 am', 'has domain', 'restaurants'), ('phone number', 'refers to same concept as', 'phone'), ('restaurant name', 'has value', 'bird dog'), ('restaurants', 'has slot', 'time')] \n", + "\n" + ] + } + ], + "source": [ + "dial_id = \"sgd-train-0\"\n", + "print(dialogue_term_dict_with_domain_and_slot_labelmaps[\"train\"][dial_id][\"text\"])\n", + "print(f\"termlist: \\n{dialogue_term_dict_with_domain_and_slot_labelmaps['train'][dial_id]['terms']} \\n\")\n", + "print(f\"relation triplets: \\n{dialogue_term_dict_with_domain_and_slot_labelmaps['train'][dial_id]['relational triplets']} \\n\")" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.16" + }, + "orig_nbformat": 4, + "vscode": { + "interpreter": { + "hash": "34866bf508015a88ad6061e6f60cc3937ab4ccd761b81ec6610a1b8b08b26369" + } + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/data/finetuning_data_preparation.ipynb b/data/finetuning_data_preparation.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..e63d9432ff4d4cb0c8862663324aef661a654c5e --- /dev/null +++ b/data/finetuning_data_preparation.ipynb @@ -0,0 +1,507 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# coding=utf-8\n", + "#\n", + "# Copyright 2024\n", + "# Heinrich Heine University Dusseldorf,\n", + "# Faculty of Mathematics and Natural Sciences,\n", + "# Computer Science Department\n", + "#\n", + "# Authors:\n", + "# Renato Vukovic (renato.vukovic@hhu.de)\n", + "#\n", + "# This code was generated with the help of AI writing assistants\n", + "# including GitHub Copilot, ChatGPT, Bing Chat.\n", + "#\n", + "# Licensed under the Apache License, Version 2.0 (the \"License\");\n", + "# you may not use this file except in compliance with the License.\n", + "# You may obtain a copy of the License at\n", + "#\n", + "# http://www.apache.org/licenses/LICENSE-2.0\n", + "#\n", + "# Unless required by applicable law or agreed to in writing, software\n", + "# distributed under the License is distributed on an \"AS IS\" BASIS,\n", + "# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.\n", + "# See the License for the specific language governing permissions and\n", + "# limitations under the License.\n", + "\n", + "# # # # # # # # # # # # # # # # # # # # # # # # # # # # #" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### From the Ontology Relation Prediction Data generate the instruction/prompt inputs for fine-tuning and the relational triplets as outputs" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import json\n", + "from pathlib import Path\n", + "import datasets\n", + "from datasets import Dataset, DatasetDict, load_from_disk\n", + "from tqdm import tqdm\n", + "from transformers import AutoTokenizer\n", + "import numpy as np" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'task_description': 'You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.', 'dialogue': 'Here is the dialogue:', 'term_list': 'Here is the list of terms:', 'relations_so_far': '', 'output_instruction': \"Predict relations in the dialogue between the given terms, that can be domains, slots or values. Predict the 'has slot' relation between domains and slots in the form [domainname, has slot, slotname]. Predict the 'has value' relation between slots and values in the form [slotname, has value, valuename]. Predict the 'has domain' relation between values and domains in the form [valuename, has domain, domainname]. Predict the 'refers to same concept as' relation between terms from the same category with the same meaning [term, refers to same concept as, term]. Make sure to put brackets around each relational triplet!\"}\n" + ] + } + ], + "source": [ + "#load the prompt dict\n", + "with Path(\"../experiments/prompts/no_memory/zero_shot_no_memory_reframed_prompt_dict.json\").open(\"r\") as f:\n", + "\tprompt_dict = json.load(f)\n", + "\n", + "print(prompt_dict)" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "First MultiWOZ" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "with Path(\"./multiwoz21_dialogue_term_dict.json\").open(\"r\") as f:\n", + "\tdata = json.load(f)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "dict_keys(['text', 'terms', 'relational triplets'])\n" + ] + } + ], + "source": [ + "print(data[\"train\"][\"multiwoz21-train-0\"].keys())" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "task_description = prompt_dict[\"task_description\"]\n", + "dialogue_input = prompt_dict[\"dialogue\"]\n", + "term_input = prompt_dict[\"term_list\"]\n", + "output_instruction = prompt_dict[\"output_instruction\"]\n", + "\t\t\t" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 8438/8438 [00:00<00:00, 185597.24it/s]\n", + "100%|██████████| 1000/1000 [00:00<00:00, 169754.90it/s]\n", + "100%|██████████| 1000/1000 [00:00<00:00, 167450.65it/s]\n" + ] + } + ], + "source": [ + "sft_data_dict = {}\n", + "#go through the splits and create the dataset with the instruction consisting of the prompt, the dialogue and the term list\n", + "for split in data.keys():\n", + " sft_data_dict[split] = {\"instruction\": [], \"output\": [], \"dialogue_id\": []}\n", + " for dial_id, dialogue in tqdm(data[split].items()):\n", + " text = dialogue[\"text\"]\n", + " term_list = dialogue[\"terms\"]\n", + " relation_triplets = dialogue[\"relational triplets\"]\n", + " instruction_text = \"\"\n", + " instruction_text += dialogue_input + \"\\n\" + text + \"\\n\"\n", + " instruction_text += term_input + \"\\n\" + str(term_list) + \"\\n\"\n", + " instruction_text += output_instruction + \"\\n\"\n", + "\n", + " sft_data_dict[split][\"instruction\"].append(instruction_text)\n", + " sft_data_dict[split][\"output\"].append(relation_triplets)\n", + " sft_data_dict[split][\"dialogue_id\"].append(dial_id)\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "#make datasets out of the different split dicts\n", + "sft_datasets = {}\n", + "for split in sft_data_dict.keys():\n", + " sft_datasets[split] = Dataset.from_dict(sft_data_dict[split])\n" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "DatasetDict({\n", + " train: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 8438\n", + " })\n", + " validation: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 1000\n", + " })\n", + " test: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 1000\n", + " })\n", + "})\n" + ] + } + ], + "source": [ + "#turn the dataset into a Huggingface dataset\n", + "sft_dataset = DatasetDict(sft_datasets)\n", + "\n", + "print(sft_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "1e5e02781e2844cb814fc9d63e52a5f8", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Saving the dataset (0/1 shards): 0%| | 0/8438 [00:00<?, ? examples/s]" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "a90118707fd84383964f37cc1095de0c", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Saving the dataset (0/1 shards): 0%| | 0/1000 [00:00<?, ? examples/s]" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "840fcaa183f441f499b06d8814aa34c8", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Saving the dataset (0/1 shards): 0%| | 0/1000 [00:00<?, ? examples/s]" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "#save the dataset\n", + "sft_dataset.save_to_disk(\"./multiwoz21_ontology_relation_sft_dataset\")" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "DatasetDict({\n", + " train: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 8438\n", + " })\n", + " validation: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 1000\n", + " })\n", + " test: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 1000\n", + " })\n", + "})\n" + ] + } + ], + "source": [ + "#test loading the dataset\n", + "sft_dataset = load_from_disk(\"./multiwoz21_ontology_relation_sft_dataset\")\n", + "\n", + "print(sft_dataset)" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Next SGD" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "with Path(\"./sgd_dialogue_term_dict.json\").open(\"r\") as f:\n", + "\tdata = json.load(f)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 16142/16142 [00:00<00:00, 326404.51it/s]\n", + "100%|██████████| 2482/2482 [00:00<00:00, 250626.25it/s]\n", + "100%|██████████| 4201/4201 [00:00<00:00, 278198.70it/s]\n" + ] + } + ], + "source": [ + "sft_data_dict = {}\n", + "#go through the splits and create the dataset with the instruction consisting of the prompt, the dialogue and the term list\n", + "for split in data.keys():\n", + " sft_data_dict[split] = {\"instruction\": [], \"output\": [], \"dialogue_id\": []}\n", + " for dial_id, dialogue in tqdm(data[split].items()):\n", + " text = dialogue[\"text\"]\n", + " term_list = dialogue[\"terms\"]\n", + " relation_triplets = dialogue[\"relational triplets\"]\n", + " instruction_text = \"\"\n", + " instruction_text += dialogue_input + \"\\n\" + text + \"\\n\"\n", + " instruction_text += term_input + \"\\n\" + str(term_list) + \"\\n\"\n", + " instruction_text += output_instruction + \"\\n\"\n", + "\n", + " sft_data_dict[split][\"instruction\"].append(instruction_text)\n", + " sft_data_dict[split][\"output\"].append(relation_triplets)\n", + " sft_data_dict[split][\"dialogue_id\"].append(dial_id)\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [], + "source": [ + "#make datasets out of the different split dicts\n", + "sft_datasets = {}\n", + "for split in sft_data_dict.keys():\n", + " sft_datasets[split] = Dataset.from_dict(sft_data_dict[split])\n" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "DatasetDict({\n", + " train: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 16142\n", + " })\n", + " validation: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 2482\n", + " })\n", + " test: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 4201\n", + " })\n", + "})\n" + ] + } + ], + "source": [ + "#turn the dataset into a Huggingface dataset\n", + "sft_dataset = DatasetDict(sft_datasets)\n", + "\n", + "print(sft_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "4fbe141844e040ebb7651de0d661fa1c", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Saving the dataset (0/1 shards): 0%| | 0/16142 [00:00<?, ? examples/s]" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "5a78feb918a8449aa44be44aa22ab599", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Saving the dataset (0/1 shards): 0%| | 0/2482 [00:00<?, ? examples/s]" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "df3522d8e9f243acbb2f90f84b2d473b", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Saving the dataset (0/1 shards): 0%| | 0/4201 [00:00<?, ? examples/s]" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "#save the dataset\n", + "sft_dataset.save_to_disk(\"./sgd_ontology_relation_sft_dataset\")" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "DatasetDict({\n", + " train: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 16142\n", + " })\n", + " validation: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 2482\n", + " })\n", + " test: Dataset({\n", + " features: ['instruction', 'output', 'dialogue_id'],\n", + " num_rows: 4201\n", + " })\n", + "})\n" + ] + } + ], + "source": [ + "#test loading the dataset\n", + "sft_dataset = load_from_disk(\"./sgd_ontology_relation_sft_dataset\")\n", + "\n", + "print(sft_dataset)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.16" + }, + "orig_nbformat": 4, + "vscode": { + "interpreter": { + "hash": "34866bf508015a88ad6061e6f60cc3937ab4ccd761b81ec6610a1b8b08b26369" + } + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/data/multiwoz21_dialogue_term_dict.json b/data/multiwoz21_dialogue_term_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..86b627431eebe2f33c930498c9734b37a0e8ff56 Binary files /dev/null and b/data/multiwoz21_dialogue_term_dict.json differ diff --git a/data/multiwoz21_ontology_relation_gnn_dataset/dataset_dict.json b/data/multiwoz21_ontology_relation_gnn_dataset/dataset_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..9195703312e22d2b9b9fe14951aa733949480a2d --- /dev/null +++ b/data/multiwoz21_ontology_relation_gnn_dataset/dataset_dict.json @@ -0,0 +1 @@ +{"splits": ["train", "validation", "test"]} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_gnn_dataset/test/data-00000-of-00001.arrow b/data/multiwoz21_ontology_relation_gnn_dataset/test/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..524ec2869dd65e03e936c8044d4d1ef8ff9b1f9f Binary files /dev/null and b/data/multiwoz21_ontology_relation_gnn_dataset/test/data-00000-of-00001.arrow differ diff --git a/data/multiwoz21_ontology_relation_gnn_dataset/test/dataset_info.json b/data/multiwoz21_ontology_relation_gnn_dataset/test/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..682f559f2daf50c241bdb295d7f8a244d0e75ebe --- /dev/null +++ b/data/multiwoz21_ontology_relation_gnn_dataset/test/dataset_info.json @@ -0,0 +1,47 @@ +{ + "citation": "", + "description": "", + "features": { + "input_text": { + "dtype": "string", + "_type": "Value" + }, + "edge_indices": { + "feature": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "node_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "multiedge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "binary_edge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_gnn_dataset/test/state.json b/data/multiwoz21_ontology_relation_gnn_dataset/test/state.json new file mode 100644 index 0000000000000000000000000000000000000000..b90a273bedfb96540cf180b03076240c5da69dd9 --- /dev/null +++ b/data/multiwoz21_ontology_relation_gnn_dataset/test/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "5b0969f363dbb30d", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_gnn_dataset/train/data-00000-of-00001.arrow b/data/multiwoz21_ontology_relation_gnn_dataset/train/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..0b428b7a524be714340f18d21e13531c7934fe21 Binary files /dev/null and b/data/multiwoz21_ontology_relation_gnn_dataset/train/data-00000-of-00001.arrow differ diff --git a/data/multiwoz21_ontology_relation_gnn_dataset/train/dataset_info.json b/data/multiwoz21_ontology_relation_gnn_dataset/train/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..682f559f2daf50c241bdb295d7f8a244d0e75ebe --- /dev/null +++ b/data/multiwoz21_ontology_relation_gnn_dataset/train/dataset_info.json @@ -0,0 +1,47 @@ +{ + "citation": "", + "description": "", + "features": { + "input_text": { + "dtype": "string", + "_type": "Value" + }, + "edge_indices": { + "feature": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "node_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "multiedge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "binary_edge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_gnn_dataset/train/state.json b/data/multiwoz21_ontology_relation_gnn_dataset/train/state.json new file mode 100644 index 0000000000000000000000000000000000000000..2f6f044b371f6f6e806eef59d40cdc82ff070136 --- /dev/null +++ b/data/multiwoz21_ontology_relation_gnn_dataset/train/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "52b99aac871df890", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_gnn_dataset/validation/data-00000-of-00001.arrow b/data/multiwoz21_ontology_relation_gnn_dataset/validation/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..b2397fe12c9512317ae5ca355e837608f9f64ce3 Binary files /dev/null and b/data/multiwoz21_ontology_relation_gnn_dataset/validation/data-00000-of-00001.arrow differ diff --git a/data/multiwoz21_ontology_relation_gnn_dataset/validation/dataset_info.json b/data/multiwoz21_ontology_relation_gnn_dataset/validation/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..682f559f2daf50c241bdb295d7f8a244d0e75ebe --- /dev/null +++ b/data/multiwoz21_ontology_relation_gnn_dataset/validation/dataset_info.json @@ -0,0 +1,47 @@ +{ + "citation": "", + "description": "", + "features": { + "input_text": { + "dtype": "string", + "_type": "Value" + }, + "edge_indices": { + "feature": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "node_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "multiedge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "binary_edge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_gnn_dataset/validation/state.json b/data/multiwoz21_ontology_relation_gnn_dataset/validation/state.json new file mode 100644 index 0000000000000000000000000000000000000000..bb35f91805ccaf48b01e212556d3659faf487f12 --- /dev/null +++ b/data/multiwoz21_ontology_relation_gnn_dataset/validation/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "3fa3acb1527e0726", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_sft_dataset/dataset_dict.json b/data/multiwoz21_ontology_relation_sft_dataset/dataset_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..9195703312e22d2b9b9fe14951aa733949480a2d --- /dev/null +++ b/data/multiwoz21_ontology_relation_sft_dataset/dataset_dict.json @@ -0,0 +1 @@ +{"splits": ["train", "validation", "test"]} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_sft_dataset/test/data-00000-of-00001.arrow b/data/multiwoz21_ontology_relation_sft_dataset/test/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..9356dec7876b1d476111ae8baeb259f864db0ae8 Binary files /dev/null and b/data/multiwoz21_ontology_relation_sft_dataset/test/data-00000-of-00001.arrow differ diff --git a/data/multiwoz21_ontology_relation_sft_dataset/test/dataset_info.json b/data/multiwoz21_ontology_relation_sft_dataset/test/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..5c6563906594a64e4715ec8a16acd298c65aaf8d --- /dev/null +++ b/data/multiwoz21_ontology_relation_sft_dataset/test/dataset_info.json @@ -0,0 +1,26 @@ +{ + "citation": "", + "description": "", + "features": { + "instruction": { + "dtype": "string", + "_type": "Value" + }, + "output": { + "feature": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_sft_dataset/test/state.json b/data/multiwoz21_ontology_relation_sft_dataset/test/state.json new file mode 100644 index 0000000000000000000000000000000000000000..267361192bce9afac2240b580c85a1bb2b526cf7 --- /dev/null +++ b/data/multiwoz21_ontology_relation_sft_dataset/test/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "0118ae8a39b07334", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_sft_dataset/train/cache-5ecdec910b4e6374.arrow b/data/multiwoz21_ontology_relation_sft_dataset/train/cache-5ecdec910b4e6374.arrow new file mode 100644 index 0000000000000000000000000000000000000000..2ce8b05a9a5416221275cb7907ad8483a42d5d03 Binary files /dev/null and b/data/multiwoz21_ontology_relation_sft_dataset/train/cache-5ecdec910b4e6374.arrow differ diff --git a/data/multiwoz21_ontology_relation_sft_dataset/train/cache-b2303fcbdf2f98dd.arrow b/data/multiwoz21_ontology_relation_sft_dataset/train/cache-b2303fcbdf2f98dd.arrow new file mode 100644 index 0000000000000000000000000000000000000000..4f5c9792cbfb39d331cb91d879d4712cad2f4428 Binary files /dev/null and b/data/multiwoz21_ontology_relation_sft_dataset/train/cache-b2303fcbdf2f98dd.arrow differ diff --git a/data/multiwoz21_ontology_relation_sft_dataset/train/data-00000-of-00001.arrow b/data/multiwoz21_ontology_relation_sft_dataset/train/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..2b6b7dd3167369810290e2aab5d1e10ffc4d5a33 Binary files /dev/null and b/data/multiwoz21_ontology_relation_sft_dataset/train/data-00000-of-00001.arrow differ diff --git a/data/multiwoz21_ontology_relation_sft_dataset/train/dataset_info.json b/data/multiwoz21_ontology_relation_sft_dataset/train/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..5c6563906594a64e4715ec8a16acd298c65aaf8d --- /dev/null +++ b/data/multiwoz21_ontology_relation_sft_dataset/train/dataset_info.json @@ -0,0 +1,26 @@ +{ + "citation": "", + "description": "", + "features": { + "instruction": { + "dtype": "string", + "_type": "Value" + }, + "output": { + "feature": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_sft_dataset/train/state.json b/data/multiwoz21_ontology_relation_sft_dataset/train/state.json new file mode 100644 index 0000000000000000000000000000000000000000..62acb0665f450635246598c5660d81290075157e --- /dev/null +++ b/data/multiwoz21_ontology_relation_sft_dataset/train/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "1c1d0d4725cb8711", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_sft_dataset/validation/cache-629643ea0a753d70.arrow b/data/multiwoz21_ontology_relation_sft_dataset/validation/cache-629643ea0a753d70.arrow new file mode 100644 index 0000000000000000000000000000000000000000..342f02d6ccd7256cc7090ddafb48dad63a11b68a Binary files /dev/null and b/data/multiwoz21_ontology_relation_sft_dataset/validation/cache-629643ea0a753d70.arrow differ diff --git a/data/multiwoz21_ontology_relation_sft_dataset/validation/cache-6c1829131ac96ecc.arrow b/data/multiwoz21_ontology_relation_sft_dataset/validation/cache-6c1829131ac96ecc.arrow new file mode 100644 index 0000000000000000000000000000000000000000..2684f0a23c0e7b25ac4323e77e6e03a647d02a02 Binary files /dev/null and b/data/multiwoz21_ontology_relation_sft_dataset/validation/cache-6c1829131ac96ecc.arrow differ diff --git a/data/multiwoz21_ontology_relation_sft_dataset/validation/cache-d1609b2b1b1b85ac.arrow b/data/multiwoz21_ontology_relation_sft_dataset/validation/cache-d1609b2b1b1b85ac.arrow new file mode 100644 index 0000000000000000000000000000000000000000..85fa9386e87046c6e4bbaed7b4b7dd8c7e3f1f39 Binary files /dev/null and b/data/multiwoz21_ontology_relation_sft_dataset/validation/cache-d1609b2b1b1b85ac.arrow differ diff --git a/data/multiwoz21_ontology_relation_sft_dataset/validation/data-00000-of-00001.arrow b/data/multiwoz21_ontology_relation_sft_dataset/validation/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..2016bcb1e3f7a4cc491a80e5049b456c73c3f8ac Binary files /dev/null and b/data/multiwoz21_ontology_relation_sft_dataset/validation/data-00000-of-00001.arrow differ diff --git a/data/multiwoz21_ontology_relation_sft_dataset/validation/dataset_info.json b/data/multiwoz21_ontology_relation_sft_dataset/validation/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..5c6563906594a64e4715ec8a16acd298c65aaf8d --- /dev/null +++ b/data/multiwoz21_ontology_relation_sft_dataset/validation/dataset_info.json @@ -0,0 +1,26 @@ +{ + "citation": "", + "description": "", + "features": { + "instruction": { + "dtype": "string", + "_type": "Value" + }, + "output": { + "feature": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/multiwoz21_ontology_relation_sft_dataset/validation/state.json b/data/multiwoz21_ontology_relation_sft_dataset/validation/state.json new file mode 100644 index 0000000000000000000000000000000000000000..57159a03aa673f349ba51413d334761d6ca9250a --- /dev/null +++ b/data/multiwoz21_ontology_relation_sft_dataset/validation/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "7f04ac99b79650ee", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/data/multiwoz21_trippy_labelmaps.json b/data/multiwoz21_trippy_labelmaps.json new file mode 100644 index 0000000000000000000000000000000000000000..94f04066669dc8ad821540e65ff36ece4efdd3e3 --- /dev/null +++ b/data/multiwoz21_trippy_labelmaps.json @@ -0,0 +1,1311 @@ +{ + "class_types": [ + "none", + "dontcare", + "copy_value", + "true", + "false", + "refer", + "inform" + ], + "slots": [ + "taxi-leaveAt", + "taxi-destination", + "taxi-departure", + "taxi-arriveBy", + "restaurant-book_people", + "restaurant-book_day", + "restaurant-book_time", + "restaurant-food", + "restaurant-pricerange", + "restaurant-name", + "restaurant-area", + "hotel-book_people", + "hotel-book_day", + "hotel-book_stay", + "hotel-name", + "hotel-area", + "hotel-parking", + "hotel-pricerange", + "hotel-stars", + "hotel-internet", + "hotel-type", + "attraction-type", + "attraction-name", + "attraction-area", + "train-book_people", + "train-leaveAt", + "train-destination", + "train-day", + "train-arriveBy", + "train-departure" + ], + "label_maps": { + "guest house": [ + "guest houses" + ], + "hotel": [ + "hotels" + ], + "centre": [ + "center", + "downtown" + ], + "north": [ + "northern", + "northside", + "northend" + ], + "east": [ + "eastern", + "eastside", + "eastend" + ], + "west": [ + "western", + "westside", + "westend" + ], + "south": [ + "southern", + "southside", + "southend" + ], + "cheap": [ + "inexpensive", + "lower price", + "lower range", + "cheaply", + "cheaper", + "cheapest", + "very affordable" + ], + "moderate": [ + "moderately", + "reasonable", + "reasonably", + "affordable", + "mid range", + "mid-range", + "priced moderately", + "decently priced", + "mid price", + "mid-price", + "mid priced", + "mid-priced", + "middle price", + "medium price", + "medium priced", + "not too expensive", + "not too cheap" + ], + "expensive": [ + "high end", + "high-end", + "high class", + "high-class", + "high scale", + "high-scale", + "high price", + "high priced", + "higher price", + "fancy", + "upscale", + "nice", + "expensively", + "luxury" + ], + "0": [ + "zero" + ], + "1": [ + "one", + "just me", + "for me", + "myself", + "alone", + "me" + ], + "2": [ + "two" + ], + "3": [ + "three" + ], + "4": [ + "four" + ], + "5": [ + "five" + ], + "6": [ + "six" + ], + "7": [ + "seven" + ], + "8": [ + "eight" + ], + "9": [ + "nine" + ], + "10": [ + "ten" + ], + "11": [ + "eleven" + ], + "12": [ + "twelve" + ], + "architecture": [ + "architectures", + "architectural", + "architecturally", + "architect" + ], + "boat": [ + "boating", + "boats", + "camboats" + ], + "boating": [ + "boat", + "boats", + "camboats" + ], + "camboats": [ + "boating", + "boat", + "boats" + ], + "cinema": [ + "cinemas", + "movie", + "films", + "film" + ], + "college": [ + "colleges" + ], + "concert": [ + "concert hall", + "concert halls", + "concerthall", + "concerthalls", + "concerts" + ], + "concerthall": [ + "concert hall", + "concert halls", + "concerthalls", + "concerts", + "concert" + ], + "entertainment": [ + "entertaining" + ], + "gallery": [ + "museum", + "galleries" + ], + "gastropubs": [ + "gastropub" + ], + "multiple sports": [ + "multiple sport", + "multi sport", + "multi sports", + "sports", + "sporting" + ], + "museum": [ + "museums", + "gallery", + "galleries" + ], + "night club": [ + "night clubs", + "nightclub", + "nightclubs", + "club", + "clubs" + ], + "nightclub": [ + "night club", + "night clubs", + "nightclubs", + "club", + "clubs" + ], + "park": [ + "parks" + ], + "pool": [ + "swimming pool", + "swimming pools", + "swimming", + "pools", + "swimmingpool", + "swimmingpools", + "water", + "swim" + ], + "sports": [ + "multiple sport", + "multi sport", + "multi sports", + "multiple sports", + "sporting" + ], + "swimming pool": [ + "swimming", + "pool", + "pools", + "swimmingpool", + "swimmingpools", + "water", + "swim" + ], + "theater": [ + "theatre", + "theatres", + "theaters" + ], + "theatre": [ + "theater", + "theatres", + "theaters" + ], + "abbey pool and astroturf pitch": [ + "abbey pool and astroturf", + "abbey pool" + ], + "abbey pool and astroturf": [ + "abbey pool and astroturf pitch", + "abbey pool" + ], + "abbey pool": [ + "abbey pool and astroturf pitch", + "abbey pool and astroturf" + ], + "adc theatre": [ + "adc theater", + "adc" + ], + "adc": [ + "adc theatre", + "adc theater" + ], + "addenbrookes hospital": [ + "addenbrooke's hospital" + ], + "cafe jello gallery": [ + "cafe jello" + ], + "cambridge and county folk museum": [ + "cambridge and country folk museum", + "county folk museum" + ], + "cambridge and country folk museum": [ + "cambridge and county folk museum", + "county folk museum" + ], + "county folk museum": [ + "cambridge and county folk museum", + "cambridge and country folk museum" + ], + "cambridge arts theatre": [ + "cambridge arts theater" + ], + "cambridge book and print gallery": [ + "book and print gallery" + ], + "cambridge contemporary art": [ + "cambridge contemporary art museum", + "contemporary art museum" + ], + "cambridge contemporary art museum": [ + "cambridge contemporary art", + "contemporary art museum" + ], + "cambridge corn exchange": [ + "the cambridge corn exchange" + ], + "the cambridge corn exchange": [ + "cambridge corn exchange" + ], + "cambridge museum of technology": [ + "museum of technology" + ], + "cambridge punter": [ + "the cambridge punter", + "cambridge punters" + ], + "cambridge punters": [ + "the cambridge punter", + "cambridge punter" + ], + "the cambridge punter": [ + "cambridge punter", + "cambridge punters" + ], + "cambridge university botanic gardens": [ + "cambridge university botanical gardens", + "cambridge university botanical garden", + "cambridge university botanic garden", + "cambridge botanic gardens", + "cambridge botanical gardens", + "cambridge botanic garden", + "cambridge botanical garden", + "botanic gardens", + "botanical gardens", + "botanic garden", + "botanical garden" + ], + "cambridge botanic gardens": [ + "cambridge university botanic gardens", + "cambridge university botanical gardens", + "cambridge university botanical garden", + "cambridge university botanic garden", + "cambridge botanical gardens", + "cambridge botanic garden", + "cambridge botanical garden", + "botanic gardens", + "botanical gardens", + "botanic garden", + "botanical garden" + ], + "botanic gardens": [ + "cambridge university botanic gardens", + "cambridge university botanical gardens", + "cambridge university botanical garden", + "cambridge university botanic garden", + "cambridge botanic gardens", + "cambridge botanical gardens", + "cambridge botanic garden", + "cambridge botanical garden", + "botanical gardens", + "botanic garden", + "botanical garden" + ], + "cherry hinton village centre": [ + "cherry hinton village center" + ], + "cherry hinton village center": [ + "cherry hinton village centre" + ], + "cherry hinton hall and grounds": [ + "cherry hinton hall" + ], + "cherry hinton hall": [ + "cherry hinton hall and grounds" + ], + "cherry hinton water play": [ + "cherry hinton water play park" + ], + "cherry hinton water play park": [ + "cherry hinton water play" + ], + "christ college": [ + "christ's college", + "christs college" + ], + "christs college": [ + "christ college", + "christ's college" + ], + "churchills college": [ + "churchill's college", + "churchill college" + ], + "cineworld cinema": [ + "cineworld" + ], + "clair hall": [ + "clare hall" + ], + "clare hall": [ + "clair hall" + ], + "the fez club": [ + "fez club" + ], + "great saint marys church": [ + "great saint mary's church", + "great saint mary's", + "great saint marys" + ], + "jesus green outdoor pool": [ + "jesus green" + ], + "jesus green": [ + "jesus green outdoor pool" + ], + "kettles yard": [ + "kettle's yard" + ], + "kings college": [ + "king's college" + ], + "kings hedges learner pool": [ + "king's hedges learner pool", + "king hedges learner pool" + ], + "king hedges learner pool": [ + "king's hedges learner pool", + "kings hedges learner pool" + ], + "little saint marys church": [ + "little saint mary's church", + "little saint mary's", + "little saint marys" + ], + "mumford theatre": [ + "mumford theater" + ], + "museum of archaelogy": [ + "museum of archaeology" + ], + "museum of archaelogy and anthropology": [ + "museum of archaeology and anthropology" + ], + "peoples portraits exhibition": [ + "people's portraits exhibition at girton college", + "peoples portraits exhibition at girton college", + "people's portraits exhibition" + ], + "peoples portraits exhibition at girton college": [ + "people's portraits exhibition at girton college", + "people's portraits exhibition", + "peoples portraits exhibition" + ], + "queens college": [ + "queens' college", + "queen's college" + ], + "riverboat georgina": [ + "riverboat" + ], + "saint barnabas": [ + "saint barbabas press gallery" + ], + "saint barnabas press gallery": [ + "saint barbabas" + ], + "saint catharines college": [ + "saint catharine's college", + "saint catharine's", + "saint catherine's college", + "saint catherine's" + ], + "saint johns college": [ + "saint john's college", + "st john's college", + "st johns college" + ], + "scott polar": [ + "scott polar museum" + ], + "scott polar museum": [ + "scott polar" + ], + "scudamores punting co": [ + "scudamore's punting co", + "scudamores punting", + "scudamore's punting", + "scudamores", + "scudamore's", + "scudamore" + ], + "scudamore": [ + "scudamore's punting co", + "scudamores punting co", + "scudamores punting", + "scudamore's punting", + "scudamores", + "scudamore's" + ], + "sheeps green and lammas land park fen causeway": [ + "sheep's green and lammas land park fen causeway", + "sheep's green and lammas land park", + "sheeps green and lammas land park", + "lammas land park", + "sheep's green", + "sheeps green" + ], + "sheeps green and lammas land park": [ + "sheep's green and lammas land park fen causeway", + "sheeps green and lammas land park fen causeway", + "sheep's green and lammas land park", + "lammas land park", + "sheep's green", + "sheeps green" + ], + "lammas land park": [ + "sheep's green and lammas land park fen causeway", + "sheeps green and lammas land park fen causeway", + "sheep's green and lammas land park", + "sheeps green and lammas land park", + "sheep's green", + "sheeps green" + ], + "sheeps green": [ + "sheep's green and lammas land park fen causeway", + "sheeps green and lammas land park fen causeway", + "sheep's green and lammas land park", + "sheeps green and lammas land park", + "lammas land park", + "sheep's green" + ], + "soul tree nightclub": [ + "soul tree night club", + "soul tree", + "soultree" + ], + "soultree": [ + "soul tree nightclub", + "soul tree night club", + "soul tree" + ], + "the man on the moon": [ + "man on the moon" + ], + "man on the moon": [ + "the man on the moon" + ], + "the junction": [ + "junction theatre", + "junction theater" + ], + "junction theatre": [ + "the junction", + "junction theater" + ], + "old schools": [ + "old school" + ], + "vue cinema": [ + "vue" + ], + "wandlebury country park": [ + "the wandlebury" + ], + "the wandlebury": [ + "wandlebury country park" + ], + "whipple museum of the history of science": [ + "whipple museum", + "history of science museum" + ], + "history of science museum": [ + "whipple museum of the history of science", + "whipple museum" + ], + "williams art and antique": [ + "william's art and antique" + ], + "alimentum": [ + "restaurant alimentum" + ], + "restaurant alimentum": [ + "alimentum" + ], + "bedouin": [ + "the bedouin" + ], + "the bedouin": [ + "bedouin" + ], + "bloomsbury restaurant": [ + "bloomsbury" + ], + "cafe uno": [ + "caffe uno", + "caffee uno" + ], + "caffe uno": [ + "cafe uno", + "caffee uno" + ], + "caffee uno": [ + "cafe uno", + "caffe uno" + ], + "cambridge lodge restaurant": [ + "cambridge lodge" + ], + "chiquito": [ + "chiquito restaurant bar", + "chiquito restaurant" + ], + "chiquito restaurant bar": [ + "chiquito restaurant", + "chiquito" + ], + "city stop restaurant": [ + "city stop" + ], + "cityr": [ + "cityroomz" + ], + "citiroomz": [ + "cityroomz" + ], + "clowns cafe": [ + "clown's cafe" + ], + "cow pizza kitchen and bar": [ + "the cow pizza kitchen and bar", + "cow pizza" + ], + "the cow pizza kitchen and bar": [ + "cow pizza kitchen and bar", + "cow pizza" + ], + "darrys cookhouse and wine shop": [ + "darry's cookhouse and wine shop", + "darry's cookhouse", + "darrys cookhouse" + ], + "de luca cucina and bar": [ + "de luca cucina and bar riverside brasserie", + "luca cucina and bar", + "de luca cucina", + "luca cucina" + ], + "de luca cucina and bar riverside brasserie": [ + "de luca cucina and bar", + "luca cucina and bar", + "de luca cucina", + "luca cucina" + ], + "da vinci pizzeria": [ + "da vinci pizza", + "da vinci" + ], + "don pasquale pizzeria": [ + "don pasquale pizza", + "don pasquale", + "pasquale pizzeria", + "pasquale pizza" + ], + "efes": [ + "efes restaurant" + ], + "efes restaurant": [ + "efes" + ], + "fitzbillies restaurant": [ + "fitzbillies" + ], + "frankie and bennys": [ + "frankie and benny's" + ], + "funky": [ + "funky fun house" + ], + "funky fun house": [ + "funky" + ], + "gardenia": [ + "the gardenia" + ], + "the gardenia": [ + "gardenia" + ], + "grafton hotel restaurant": [ + "the grafton hotel", + "grafton hotel" + ], + "the grafton hotel": [ + "grafton hotel restaurant", + "grafton hotel" + ], + "grafton hotel": [ + "grafton hotel restaurant", + "the grafton hotel" + ], + "hotel du vin and bistro": [ + "hotel du vin", + "du vin" + ], + "Kohinoor": [ + "kohinoor", + "the kohinoor" + ], + "kohinoor": [ + "the kohinoor" + ], + "the kohinoor": [ + "kohinoor" + ], + "lan hong house": [ + "lan hong", + "ian hong house", + "ian hong" + ], + "ian hong": [ + "lan hong house", + "lan hong", + "ian hong house" + ], + "lovel": [ + "the lovell lodge", + "lovell lodge" + ], + "lovell lodge": [ + "lovell" + ], + "the lovell lodge": [ + "lovell lodge", + "lovell" + ], + "mahal of cambridge": [ + "mahal" + ], + "mahal": [ + "mahal of cambridge" + ], + "maharajah tandoori restaurant": [ + "maharajah tandoori" + ], + "the maharajah tandoor": [ + "maharajah tandoori restaurant", + "maharajah tandoori" + ], + "meze bar": [ + "meze bar restaurant", + "the meze bar" + ], + "meze bar restaurant": [ + "the meze bar", + "meze bar" + ], + "the meze bar": [ + "meze bar restaurant", + "meze bar" + ], + "michaelhouse cafe": [ + "michael house cafe" + ], + "midsummer house restaurant": [ + "midsummer house" + ], + "missing sock": [ + "the missing sock" + ], + "the missing sock": [ + "missing sock" + ], + "nandos": [ + "nando's city centre", + "nando's city center", + "nandos city centre", + "nandos city center", + "nando's" + ], + "nandos city centre": [ + "nando's city centre", + "nando's city center", + "nandos city center", + "nando's", + "nandos" + ], + "oak bistro": [ + "the oak bistro" + ], + "the oak bistro": [ + "oak bistro" + ], + "one seven": [ + "restaurant one seven" + ], + "restaurant one seven": [ + "one seven" + ], + "river bar steakhouse and grill": [ + "the river bar steakhouse and grill", + "the river bar steakhouse", + "river bar steakhouse" + ], + "the river bar steakhouse and grill": [ + "river bar steakhouse and grill", + "the river bar steakhouse", + "river bar steakhouse" + ], + "pipasha restaurant": [ + "pipasha" + ], + "pizza hut city centre": [ + "pizza hut city center" + ], + "pizza hut fenditton": [ + "pizza hut fen ditton", + "pizza express fen ditton" + ], + "restaurant two two": [ + "two two", + "restaurant 22" + ], + "saffron brasserie": [ + "saffron" + ], + "saint johns chop house": [ + "saint john's chop house", + "st john's chop house", + "st johns chop house" + ], + "sesame restaurant and bar": [ + "sesame restaurant", + "sesame" + ], + "shanghai": [ + "shanghai family restaurant" + ], + "shanghai family restaurant": [ + "shanghai" + ], + "sitar": [ + "sitar tandoori" + ], + "sitar tandoori": [ + "sitar" + ], + "slug and lettuce": [ + "the slug and lettuce" + ], + "the slug and lettuce": [ + "slug and lettuce" + ], + "st johns chop house": [ + "saint john's chop house", + "st john's chop house", + "saint johns chop house" + ], + "stazione restaurant and coffee bar": [ + "stazione restaurant", + "stazione" + ], + "thanh binh": [ + "thanh", + "binh" + ], + "thanh": [ + "thanh binh", + "binh" + ], + "binh": [ + "thanh binh", + "thanh" + ], + "the hotpot": [ + "the hotspot", + "hotpot", + "hotspot" + ], + "hotpot": [ + "the hotpot", + "the hotpot", + "hotspot" + ], + "the lucky star": [ + "lucky star" + ], + "lucky star": [ + "the lucky star" + ], + "the peking restaurant: ": [ + "peking restaurant" + ], + "the varsity restaurant": [ + "varsity restaurant", + "the varsity", + "varsity" + ], + "two two": [ + "restaurant two two", + "restaurant 22" + ], + "restaurant 22": [ + "restaurant two two", + "two two" + ], + "zizzi cambridge": [ + "zizzi" + ], + "american": [ + "americas" + ], + "asian oriental": [ + "asian", + "oriental" + ], + "australian": [ + "australasian" + ], + "barbeque": [ + "barbecue", + "bbq" + ], + "corsica": [ + "corsican" + ], + "indian": [ + "tandoori" + ], + "italian": [ + "pizza", + "pizzeria" + ], + "japanese": [ + "sushi" + ], + "latin american": [ + "latin-american", + "latin" + ], + "malaysian": [ + "malay" + ], + "middle eastern": [ + "middle-eastern" + ], + "traditional american": [ + "american" + ], + "modern american": [ + "american modern", + "american" + ], + "modern european": [ + "european modern", + "european" + ], + "north american": [ + "north-american", + "american" + ], + "portuguese": [ + "portugese" + ], + "portugese": [ + "portuguese" + ], + "seafood": [ + "sea food" + ], + "singaporean": [ + "singapore" + ], + "steakhouse": [ + "steak house", + "steak" + ], + "the americas": [ + "american", + "americas" + ], + "a and b guest house": [ + "a & b guest house", + "a and b", + "a & b" + ], + "the acorn guest house": [ + "acorn guest house", + "acorn" + ], + "acorn guest house": [ + "the acorn guest house", + "acorn" + ], + "alexander bed and breakfast": [ + "alexander" + ], + "allenbell": [ + "the allenbell" + ], + "the allenbell": [ + "allenbell" + ], + "alpha-milton guest house": [ + "the alpha-milton", + "alpha-milton" + ], + "the alpha-milton": [ + "alpha-milton guest house", + "alpha-milton" + ], + "arbury lodge guest house": [ + "arbury lodge", + "arbury" + ], + "archway house": [ + "archway" + ], + "ashley hotel": [ + "the ashley hotel", + "ashley" + ], + "the ashley hotel": [ + "ashley hotel", + "ashley" + ], + "aylesbray lodge guest house": [ + "aylesbray lodge", + "aylesbray" + ], + "aylesbray lodge guest": [ + "aylesbray lodge guest house", + "aylesbray lodge", + "aylesbray" + ], + "alesbray lodge guest house": [ + "aylesbray lodge guest house", + "aylesbray lodge", + "aylesbray" + ], + "alyesbray lodge hotel": [ + "aylesbray lodge guest house", + "aylesbray lodge", + "aylesbray" + ], + "bridge guest house": [ + "bridge house" + ], + "cambridge belfry": [ + "the cambridge belfry", + "belfry hotel", + "belfry" + ], + "the cambridge belfry": [ + "cambridge belfry", + "belfry hotel", + "belfry" + ], + "belfry hotel": [ + "the cambridge belfry", + "cambridge belfry", + "belfry" + ], + "carolina bed and breakfast": [ + "carolina" + ], + "city centre north": [ + "city centre north bed and breakfast" + ], + "north b and b": [ + "city centre north bed and breakfast" + ], + "city centre north b and b": [ + "city centre north bed and breakfast" + ], + "el shaddia guest house": [ + "el shaddai guest house", + "el shaddai", + "el shaddia" + ], + "el shaddai guest house": [ + "el shaddia guest house", + "el shaddai", + "el shaddia" + ], + "express by holiday inn cambridge": [ + "express by holiday inn", + "holiday inn cambridge", + "holiday inn" + ], + "holiday inn": [ + "express by holiday inn cambridge", + "express by holiday inn", + "holiday inn cambridge" + ], + "finches bed and breakfast": [ + "finches" + ], + "gonville hotel": [ + "gonville" + ], + "hamilton lodge": [ + "the hamilton lodge", + "hamilton" + ], + "the hamilton lodge": [ + "hamilton lodge", + "hamilton" + ], + "hobsons house": [ + "hobson's house", + "hobson's" + ], + "huntingdon marriott hotel": [ + "huntington marriott hotel", + "huntington marriot hotel", + "huntingdon marriot hotel", + "huntington marriott", + "huntingdon marriott", + "huntington marriot", + "huntingdon marriot", + "huntington", + "huntingdon" + ], + "kirkwood": [ + "kirkwood house" + ], + "kirkwood house": [ + "kirkwood" + ], + "lensfield hotel": [ + "the lensfield hotel", + "lensfield" + ], + "the lensfield hotel": [ + "lensfield hotel", + "lensfield" + ], + "leverton house": [ + "leverton" + ], + "marriot hotel": [ + "marriott hotel", + "marriott" + ], + "rosas bed and breakfast": [ + "rosa's bed and breakfast", + "rosa's", + "rosas" + ], + "university arms hotel": [ + "university arms" + ], + "warkworth house": [ + "warkworth hotel", + "warkworth" + ], + "warkworth hotel": [ + "warkworth house", + "warkworth" + ], + "wartworth": [ + "warkworth house", + "warkworth hotel", + "warkworth" + ], + "worth house": [ + "the worth house" + ], + "the worth house": [ + "worth house" + ], + "birmingham new street": [ + "birmingham new street train station" + ], + "birmingham new street train station": [ + "birmingham new street" + ], + "bishops stortford": [ + "bishops stortford train station" + ], + "bishops stortford train station": [ + "bishops stortford" + ], + "broxbourne": [ + "broxbourne train station" + ], + "broxbourne train station": [ + "broxbourne" + ], + "cambridge": [ + "cambridge train station" + ], + "cambridge train station": [ + "cambridge" + ], + "ely": [ + "ely train station" + ], + "ely train station": [ + "ely" + ], + "kings lynn": [ + "king's lynn", + "king's lynn train station", + "kings lynn train station" + ], + "kings lynn train station": [ + "kings lynn", + "king's lynn", + "king's lynn train station" + ], + "leicester": [ + "leicester train station" + ], + "leicester train station": [ + "leicester" + ], + "london kings cross": [ + "kings cross", + "king's cross", + "london king's cross", + "kings cross train station", + "king's cross train station", + "london king's cross train station", + "london kings cross train station" + ], + "london kings cross train station": [ + "kings cross", + "king's cross", + "london king's cross", + "london kings cross", + "kings cross train station", + "king's cross train station", + "london king's cross train station" + ], + "london liverpool": [ + "liverpool street", + "london liverpool street", + "london liverpool train station", + "liverpool street train station", + "london liverpool street train station" + ], + "london liverpool street": [ + "london liverpool", + "liverpool street", + "london liverpool train station", + "liverpool street train station", + "london liverpool street train station" + ], + "london liverpool street train station": [ + "london liverpool", + "liverpool street", + "london liverpool street", + "london liverpool train station", + "liverpool street train station" + ], + "norwich": [ + "norwich train station" + ], + "norwich train station": [ + "norwich" + ], + "peterborough": [ + "peterborough train station" + ], + "peterborough train station": [ + "peterborough" + ], + "stansted airport": [ + "stansted airport train station" + ], + "stansted airport train station": [ + "stansted airport" + ], + "stevenage": [ + "stevenage train station" + ], + "stevenage train station": [ + "stevenage" + ] + } +} diff --git a/data/sgd_dialogue_term_dict.json b/data/sgd_dialogue_term_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..dedc70aecc70d04268b8ab373f712e352c482c4a Binary files /dev/null and b/data/sgd_dialogue_term_dict.json differ diff --git a/data/sgd_label_maps.json b/data/sgd_label_maps.json new file mode 100644 index 0000000000000000000000000000000000000000..2a93c3adeba7b9f94315ba6ae58ca0d3eab80905 --- /dev/null +++ b/data/sgd_label_maps.json @@ -0,0 +1,57343 @@ +{ + "FindRestaurants": [ + "FindRestaurants" + ], + "San Jose": [ + "san jose", + "san Jose", + "San Jose", + "san JOse", + "San jose", + "San JOse" + ], + "Mexican": [ + "Mexican", + "tacos", + "Latin American", + "Tacos", + "mexican", + "MExican", + "Burrito", + "burrito", + "latin american" + ], + "Italian": [ + "Pizza", + "pizza", + "pizza and pasta", + "italian", + "Italian", + "Pizza and Pasta", + "pasta", + "Pasta", + "Pizza and pasta" + ], + "American": [ + "diner", + "Burger", + "American", + "southern", + "Southern", + "Diner", + "barbecue", + "Barbecue", + "american", + "burger" + ], + "71 Saint Peter": [ + "71 saint peter", + "71 Saint Peter" + ], + "71 North San Pedro Street": [ + "71 north san pedro street", + "71 North San Pedro Street" + ], + "408-971-8523": [ + "408-971-8523" + ], + "Bazille": [ + "Bazille", + "bazille" + ], + "moderate": [ + "moderate" + ], + "Palo Alto": [ + "Palo alto", + "palo alto", + "Palo ALto", + "Palo Alto" + ], + "Bird Dog": [ + "Bird Dog", + "bird dog" + ], + "7": [ + "Seven", + "$7", + "7", + "seven", + "7 bucks", + "7 dollars" + ], + "ReserveRestaurant": [ + "ReserveRestaurant" + ], + "11:30": [ + "morning, 11:30", + "11:30 AM", + "11:30 in the morning", + "11:30 am", + "11:30", + "morning 11:30", + "half past 11 in the morning", + "Half past 11 in the morning" + ], + "2": [ + "Two", + "$2", + "2", + "two", + "two dollars" + ], + "2019-03-01": [ + "1st of this month", + "March 1st", + "MArch 1st", + "The 1st", + "later today", + "March 1st 2019", + "Today", + "today", + "March 1ST", + "the 1st", + "1st of March 2019", + "Later today", + "1st of March", + "1st of march", + "march 1st" + ], + "False": [ + "False" + ], + "420 Ramona Street": [ + "420 Ramona Street", + "420 ramona street" + ], + "Indian": [ + "Spicy Indian", + "curry", + "spicy Indian", + "punjabi", + "spicy indian", + "indian", + "Curry", + "Indian", + "Punjabi" + ], + "Milpitas": [ + "milpitas", + "Milpitas" + ], + "Anjappar Chettinad Restaurant": [ + "Anjappar", + "Anjappar Chettinad Restaurant" + ], + "Milpitas Square": [ + "Milpitas Square" + ], + "Aria Dining & Banquets Fine Indian Cuisine": [ + "Aria Dining & Banquets Fine Indian Cuisine" + ], + "Take-out": [ + "Quick Meal", + "pick-up", + "Quick meal", + "take-out", + "Pick-up", + "To-go", + "quick meal", + "to-go", + "Take-out" + ], + "Olive Garden Italian Restaurant": [ + "Olive garden Italian Restaurant", + "olive garden italian restaurant", + "Olive Garden Italian Restaurant", + "Olive Garden Italian restaurant" + ], + "2019-03-11": [ + "the 11th", + "MArch 11th", + "march 11th", + "11th of march", + "11th of March", + "March 11th 2019", + "March 11TH", + "The 11th", + "11th of this month", + "11th of this Month", + "March 11th", + "11th of March 2019" + ], + "13:30": [ + "13:30", + "Half past 1 in the afternoon", + "Afternoon 1:30", + "1:30 in the afternoon", + "half past 1 in the afternoon", + "1:30 PM", + "afternoon 1:30", + "1:30 pm" + ], + "12:00": [ + "12 pm", + "Afternoon 12", + "12 in the afternoon", + "Twelve pm", + "afternoon 12", + "12 o\"clock in the afternoon", + "Twelve in the afternoon", + "twelve PM", + "12:00", + "12 PM", + "twelve in the afternoon", + "twelve pm", + "12 o'clock in the afternoon" + ], + "1": [ + "One", + "1", + "one" + ], + "1350 Great Mall Drive": [ + "1350 Great Mall Drive" + ], + "Ethiopian": [ + "ethiopian", + "Ethiopian" + ], + "Berkeley": [ + "Berkeley", + "berkeley" + ], + "Addis Restaurant": [ + "Addis Restaurant", + "Addis" + ], + "4": [ + "four bucks", + "four", + "4", + "$4", + "4 dollars", + "Four" + ], + "2019-03-04": [ + "4th of March 2019", + "Next monday", + "monday next week", + "The 4th", + "next monday", + "the 4th", + "Monday next weeK", + "MArch 4th", + "Monday Next week", + "Monday, next week", + "4th of this month", + "Next Monday", + "Monday next Week", + "4th of march", + "4th of March", + "next Monday", + "March 4th 2019", + "March 4th", + "4th of MArch", + "4th of this Month", + "Monday next week", + "next MOnday", + "march 4th" + ], + "17:15": [ + "5:15 pm", + "17:15", + "quarter past 5 in the evening", + "5:15 PM", + "Evening 5:15", + "evening 5:15", + "Quarter past 5 in the evening", + "5:15 in the evening" + ], + "2019-03-02": [ + "This saturday", + "2nd of March 2019", + "Saturday this week", + "2nd of March", + "TOMORROW", + "2nd of this month", + "This Saturday", + "the 2nd", + "tomorrow", + "Tomorrow", + "The 2nd", + "2nd of MArch", + "this SAturday", + "MArch 2nd", + "THIS SATURDAY", + "2nd of march", + "March 2nd 2019", + "March 2nd", + "this saturday", + "march 2nd", + "saturday this week", + "this Saturday" + ], + "17:30": [ + "Half past 5 in the evening", + "half past 5 in the evening", + "17:30", + "evening 5:30", + "evening, 5:30", + "5:30 in the Evening", + "5:30 PM", + "5:30 pm", + "5:30 in the evening", + "5:30 Pm" + ], + "Seafood": [ + "seafood", + "fish", + "freshwater fish", + "Seafood", + "Lobster", + "Freshwater Fish", + "Freshwater fish", + "Fish", + "lobster" + ], + "Odori Japanese Cuisine": [ + "Odori Japanese Cuisine" + ], + "P.f. Chang's": [ + "P.f. Chang's", + "P.F. Chang's" + ], + "18:30": [ + "evening 6:30", + "half past 6 in the evening", + "Half past 6 in the evening", + "6:30 in the evening", + "18:30", + "Evening 6:30", + "6:30 pm", + "6:30 PM" + ], + "650-330-1782": [ + "650-330-1782" + ], + "San Mateo": [ + "San Mateo", + "san mateo", + "san Mateo", + "San mateo" + ], + "Andes Cafe San Mateo": [ + "Andes Cafe san Mateo", + "Andes Cafe San Mateo", + "Andes Cafe" + ], + "9": [ + "9 dollars", + "9", + "$9", + "nine" + ], + "650-581-1305": [ + "650-581-1305" + ], + "Fuji Sukiyaki": [ + "Fuji Sukiyaki" + ], + "Golden Wok": [ + "Golden Wok" + ], + "2019-03-14": [ + "14th of MArch", + "14th of this Month", + "MArch 14th", + "14th of March", + "14th of march", + "March 14tH", + "march 14th 2019", + "March 14th 2019", + "14th of this month", + "March 14th", + "march 14th", + "14th of March 2019", + "The 14th", + "the 14th" + ], + "Filipino": [ + "filipino", + "Filipino" + ], + "San Bruno": [ + "San bruno", + "San Bruno" + ], + "Cabalen": [ + "Cabalen" + ], + "3": [ + "Three", + "$3", + "three", + "3" + ], + "Isla Restaurant": [ + "Isla Restaurant" + ], + "inexpensive": [ + "inexpensive" + ], + "448 San Mateo Avenue": [ + "448 San Mateo Avenue" + ], + "18:00": [ + "Six pm", + "6 pm", + "6 Pm", + "6 o\"clock in the evening", + "6 o'clock in the evening", + "6 in the evening", + "evening 6", + "Evening 6", + "18:00", + "six pm", + "six in the evening", + "six PM", + "Six in the evening", + "6 PM" + ], + "2019-03-12": [ + "The 12th", + "march 12th", + "mArch 12th", + "12th of MArch", + "the 12th", + "12th of March", + "12th of march", + "March 12th 2019", + "MARCH 12th", + "12th of this month", + "MArch 12th", + "12th of March 2019", + "March 12th" + ], + "650-588-6078": [ + "650-588-6078" + ], + "True": [ + "True" + ], + "Chinese": [ + "cantonese", + "szcheuan", + "Sichuan", + "Taiwanese", + "Cantonese", + "chinese", + "noodles", + "Dumplings", + "Szcheuan", + "Noodles", + "taiwanese", + "Chinese", + "dumplings", + "sichuan" + ], + "Ariake": [ + "Ariake" + ], + "2019-03-10": [ + "10th of this month", + "MArch 10th", + "10th of march", + "10th of this Month", + "March 10TH", + "10th of March", + "March 10th 2019", + "10th of MArch 2019", + "march 10th", + "The 10th", + "March 10th", + "March 10th, 2019", + "the 10th", + "10th of March 2019" + ], + "1008 Blossom Hill Road": [ + "1008 Blossom Hill Road" + ], + "dontcare": [ + "dontcare" + ], + "Al Castello Ristorante": [ + "al castello ristorante", + "Al castello ristorante", + "Al Castello Ristorante" + ], + "Angelo's Italian Restaurant": [ + "Angelo's Italian restaurant", + "Angelo's Italian Restaurant" + ], + "408-227-5502": [ + "408-227-5502" + ], + "436 Blossom Hill Road": [ + "436 Blossom Hill Road" + ], + "Antonella's Ristorante": [ + "Antonella's Ristorante" + ], + "12:30": [ + "afternoon 12:30", + "Half past 12 in the afternoon", + "12:30 in the afternoon", + "12:30", + "half past 12 in the afternoon", + "12:30 pm", + "12:30 Pm", + "12:30 PM" + ], + "Pleasanton": [ + "Pleasanton", + "pleasanton" + ], + "De La Torre's Trattoria": [ + "De La Torre's Trattoria" + ], + "5": [ + "$5", + "five", + "5" + ], + "6025 West Las Positas Boulevard": [ + "6025 West Las Positas Boulevard" + ], + "Forno Vecchio": [ + "Forno Vecchio" + ], + "Gay 90's Pizza Co.": [ + "Gay 90's Pizza Co." + ], + "19:00": [ + "7 pm", + "7 in the evening", + "evening 7", + "Seven in the evening", + "7 PM", + "Seven pm", + "seven PM", + "7 o\"clock in the evening", + "seven pm", + "19:00", + "seven in the evening", + "7 o'clock in the evening" + ], + "2019-03-08": [ + "the 8th", + "8th of march", + "Next friday", + "March 8th", + "8th of this month", + "Friday, next week", + "MArch 8th", + "next friday", + "8th of March", + "March 8th 2019", + "Friday next Week", + "next Friday", + "8th of March 2019", + "march 8th", + "The 8th", + "friday next week", + "Friday Next week", + "Friday next week", + "Next Friday", + "Friday Next Week", + "march 8th 2019" + ], + "288 Main Street": [ + "288 Main Street" + ], + "Breakfast": [ + "Breakfast", + "breakfast" + ], + "Fairfield": [ + "FairField", + "fairfield", + "Fairfield" + ], + "Mimi's Cafe": [ + "Mimi's", + "mimi's cafe", + "Mimi's cafe", + "Mimi's Cafe" + ], + "16:45": [ + "4:45 PM", + "evening, 4:45", + "4:45 in the evening", + "evening 4:45", + "quarter to 5 in the evening", + "Evening 4:45", + "16:45", + "4:45 pm" + ], + "707-421-0835": [ + "707-421-0835" + ], + "17:00": [ + "5 pm", + "five pm", + "5 in the evening", + "Five in the evening", + "5 o'clock in the evening", + "17:00", + "Five pm", + "five in the evening", + "5 PM", + "Evening 5", + "evening 5", + "5 o\"clock in the evening" + ], + "2019-03-09": [ + "the 9th", + "9th of this month", + "The 9th", + "9th of March 2019", + "March 9th", + "9th of MArch", + "9th of march", + "MArch 9th", + "March 9th 2019", + "march 9th", + "9th of March" + ], + "Cupertino": [ + "CUpertino", + "cupertino", + "Cupertino" + ], + "Malaysian": [ + "Malaysian" + ], + "Merlion Restaurant & Bar": [ + "Merlion Restaurant & Bar" + ], + "Rasa Sayang": [ + "Rasa Sayang" + ], + "2019-03-13": [ + "The 13th", + "march 13TH", + "the 13th", + "13th of MArch", + "13th of March", + "March 13th 2019", + "13th of this month", + "MArch 13th", + "march 13th 2019", + "March 13tH", + "March 13th", + "13th of March 2019", + "13th of march", + "march 13th" + ], + "Vietnamese": [ + "cambodian", + "PHO", + "pho", + "Pho", + "Cambodian", + "Vietnamese" + ], + "San Francisco": [ + "san francisco", + "SF", + "Sf", + "san Fran", + "SAN frANCISCO", + "San FRancisco", + "SFO", + "San Fran", + "san fran", + "San Francisco", + "sfo", + "sf", + "san Francisco", + "San fran", + "San francisco" + ], + "Anh Hong": [ + "Anh Hong" + ], + "Aux Delices": [ + "Aux Delices" + ], + "19:15": [ + "evening 7:15", + "7:15 in the evening", + "Evening 7:15", + "Quarter past 7 in the evening", + "quarter past 7 in the evening", + "7:15 PM", + "7:15 pm", + "19:15" + ], + "2327 Polk Street": [ + "2327 Polk Street" + ], + "Asian": [ + "asian", + "Asian", + "Oriental", + "Asian Fusion", + "oriental", + "asian fusion" + ], + "Fremont": [ + "Fremont", + "fremont" + ], + "Asian Pearl Seafood Restaurant": [ + "Asian pearl Seafood Restaurant", + "Asian Pearl Seafood REstaurant", + "Asian Pearl Seafood Restaurant" + ], + "Albany": [ + "Albany", + "albany" + ], + "Cafe Eugene": [ + "cafe eugene", + "Cafe Eugene" + ], + "Juanita & Maude": [ + "Juanita & Maude" + ], + "8 Immortals Restaurant": [ + "8 Immortals Restaurant" + ], + "415-731-5515": [ + "415-731-5515" + ], + "6": [ + "6 dollars", + "6", + "six", + "six bucks", + "$6", + "Six" + ], + "Oakland": [ + "OAKLAND", + "oakland", + "Oakland" + ], + "Chop Bar": [ + "Chop Bar", + "Chop bar" + ], + "very expensive": [ + "very expensive" + ], + "510-834-2467": [ + "510-834-2467" + ], + "247 4th Street": [ + "247 4th Street" + ], + "A16": [ + "A16", + "a16" + ], + "8": [ + "8", + "$8", + "eight" + ], + "Sushi": [ + "sushi", + "Sushi Bar", + "sushi bar", + "Asian Fusion", + "Sushi", + "Sushi bar" + ], + "Concord": [ + "concord", + "Concord" + ], + "Ozora Sushi": [ + "Ozora Sushi" + ], + "785 Oak Grove Road": [ + "785 Oak Grove Road" + ], + "Rohnert Park": [ + "Rohnert Park", + "Rohnert park", + "rohnert park" + ], + "Chili's Grill & Bar": [ + "chili's grill & bar", + "Chili's Grill & Bar", + "Chili's Grill" + ], + "707-585-9069": [ + "707-585-9069" + ], + "Japanese": [ + "izakaya", + "Japanese", + "sushi", + "Ramen", + "japanese", + "Sushi", + "Izakaya", + "RAmen", + "ramen" + ], + "Kyoto": [ + "Kyoto" + ], + "11:15": [ + "11:15 am", + "11:15 AM", + "11:15", + "quarter past 11 in the morning", + "Morning 11:15", + "11:15 in the morning", + "morning 11:15" + ], + "5 Padre Parkway": [ + "5 Padre Parkway" + ], + "Golden Gate Indian Cuisine & Pizza": [ + "Golden Gate Indian Cuisine & Pizza" + ], + "415-564-5514": [ + "415-564-5514" + ], + "Hunan Empire Restaurant": [ + "Hunan Empire Restaurant" + ], + "2001 Union Street": [ + "2001 Union Street" + ], + "Redwood City": [ + "REdwood City", + "Redwood City", + "Redwood CIty", + "redwood City", + "redwood city", + "Redwood city" + ], + "Spanish": [ + "Tapas Bar", + "Spanish", + "Latin American", + "tapas bar", + "latin american" + ], + "Estampas Peruanas Restaurant": [ + "Estampas", + "Estampas Peruanas restaurant", + "Estampas Peruanas Restaurant", + "Estampas peruanas Restaurant" + ], + "17:45": [ + "5:45 pm", + "5:45 in the evening", + "Evening 5:45", + "5:45 PM", + "quarter to 6 in the evening", + "17:45", + "Quarter to 6 in the evening", + "evening 5:45" + ], + "650-368-9340": [ + "650-368-9340" + ], + "Singaporean": [ + "Singaporean" + ], + "Millbrae": [ + "Millbrae", + "millbrae" + ], + "Ipoh Garden Malaysian Cuisine": [ + "Ipoh Garden Malaysian Cuisine" + ], + "650-487-8737": [ + "650-487-8737" + ], + "11:00": [ + "11 in the morning", + "eleven am", + "Eleven AM", + "morning, 11", + "11 am", + "eleven in the morning", + "Morning 11", + "Eleven in the morning", + "eleven AM", + "11 AM", + "11 o'clock in the morning", + "morning 11", + "11:00", + "Eleven am", + "11 o\"clock in the morning" + ], + "Calistoga": [ + "calistoga", + "Calistoga" + ], + "Thai": [ + "cambodian", + "spicy noodles", + "Thai", + "Spicy Noodles", + "malaysian", + "Cambodian", + "Malaysian" + ], + "Calistoga Thai Kitchen": [ + "Calistoga Thai Kitchen" + ], + "Lovina": [ + "Lovina" + ], + "expensive": [ + "expensive" + ], + "Burlingame": [ + "Burlingame", + "burlingame" + ], + "Grand Harbor": [ + "Grand Harbor" + ], + "12:45": [ + "12:45 pm", + "quarter to 13 in the afternoon", + "12:45 in the afternoon", + "Quarter to 1 in the afternoon", + "12:45 PM", + "quarter to 1 in the afternoon", + "afternoon, 12:45", + "12:45", + "afternoon 12:45", + "Afternoon 12:45" + ], + "650-347-9988": [ + "650-347-9988" + ], + "Hana": [ + "Hana" + ], + "101 Golf Course Drive": [ + "101 Golf Course Drive" + ], + "Pleasant Hill": [ + "Pleasant hill", + "pleasant Hill", + "Pleasant Hill", + "pleasant hill", + "Pleasant HIll" + ], + "Matsu Sushi Japanese Restaurant": [ + "Matsu Sushi Japanese Restaurant" + ], + "1914 Contra Costa Boulevard": [ + "1914 contra costa boulevard" + ], + "20:00": [ + "8 in the night", + "20:00", + "eight pm", + "8 o\"clock in the night", + "eight in the night", + "8 PM", + "night 8", + "8 pm" + ], + "11:45": [ + "11:45 am", + "morning 11:45", + "quarter to 12 in the morning", + "Quarter to 12 in the morning", + "11:45", + "11:45 AM", + "11:45 in the morning", + "Morning 11:45" + ], + "Soup": [ + "soup", + "Soup" + ], + "San Ramon": [ + "San RAmon", + "San ramon", + "San Ramon", + "san ramon" + ], + "Noodles And Company": [ + "Noodles and Company", + "Noodles And Company" + ], + "925-275-8105": [ + "925-275-8105" + ], + "3141 Crow Canyon Place": [ + "3141 Crow Canyon Place" + ], + "19:30": [ + "7:30 pm", + "7:30 in the evening", + "half past 7 in the evening", + "Half past 7 in the evening", + "19:30", + "Evening 7:30", + "evening 7:30", + "7:30 PM" + ], + "A Plus Cafe": [ + "A Plus Cafe" + ], + "Santa Clara": [ + "Santa clara", + "Santa Clara", + "santa clara" + ], + "Chef Ming's": [ + "Chef Ming's" + ], + "China Stix": [ + "China Stix" + ], + "2019-03-07": [ + "Next thursday", + "7th of march", + "Next Thursday", + "march 7th", + "thursday next week", + "next thursday", + "Thursday, next week", + "MArch 7th", + "March 7th", + "7th of this month", + "7th of MArch", + "Thursday next week", + "7th of March 2019", + "7th of March", + "the 7th", + "Thursday Next week", + "March 7th 2019", + "next Thursday" + ], + "2317 South El Camino Real": [ + "2317 South El Camino Real" + ], + "13:15": [ + "13:15", + "1:15 pm", + "1:15 in the afternoon", + "Quarter past 1 in the afternoon", + "afternoon 1:15", + "Afternoon 1:15", + "quarter past 1 in the afternoon", + "1:15 PM" + ], + "Dublin": [ + "Dublin", + "dublin" + ], + "Black Angus Steakhouse": [ + "Black Angus steakhouse", + "Black Angus", + "black angus steakhouse", + "Black Angus Steakhouse" + ], + "Hot Crab": [ + "Hot Crab" + ], + "925-999-9580": [ + "925-999-9580" + ], + "4288 Dublin Boulevard #101-102": [ + "4288 Dublin Boulevard #101-102" + ], + "Napa": [ + "Napa", + "napa" + ], + "Bistro Don Giovanni": [ + "Bistro Don Giovanni" + ], + "4110 Howard Lane": [ + "4110 Howard Lane" + ], + "707-224-3300": [ + "707-224-3300" + ], + "Martinez": [ + "martinez", + "Martinez" + ], + "Lemongrass Bistro": [ + "Lemongrass Bistro" + ], + "925-387-0388": [ + "925-387-0388" + ], + "501 Main Street": [ + "501 Main Street" + ], + "Meiko Sushi": [ + "Meiko", + "Meiko Sushi" + ], + "2019-03-03": [ + "This sunday", + "This Sunday", + "March 3rd", + "the 3rd", + "mArch 3rd", + "day after tomorrow", + "3rd of this month", + "this Sunday", + "Sunday this week", + "March 3rd 2019", + "3rd of March", + "Day after tomorrow", + "MArch 3rd", + "sunday this week", + "3rd of MArch", + "Sunday this Week", + "this sunday", + "march 3rd", + "3rd of march", + "The 3rd", + "3rd of March 2019" + ], + "Andy & Yu's": [ + "Andy & Yu's" + ], + "925-750-8888": [ + "925-750-8888" + ], + "18:45": [ + "Evening 6:45", + "18:45", + "Quarter to 7 in the evening", + "quarter to 7 in the evening", + "evening 6:45", + "6:45 PM", + "6:45 in the evening", + "6:45 pm" + ], + "Campbell": [ + "campbell", + "Campbell" + ], + "Effie's Restaurant & Bar": [ + "Effie's Restaurant & Bar" + ], + "331 West Hacienda Avenue": [ + "331 West Hacienda Avenue" + ], + "Flights Restaurant Campbell": [ + "Flights Restaurant Campbell" + ], + "Furusato": [ + "Furusato" + ], + "408-370-1300": [ + "408-370-1300" + ], + "Brazilian": [ + "brazilian", + "Brazilian" + ], + "Pampas": [ + "Pampas" + ], + "18:15": [ + "6:15 PM", + "6:15 in the evening", + "18:15", + "Quarter past 6 in the evening", + "quarter past 6 in the evening", + "6:15 pm", + "evening 6:15" + ], + "650-327-1323": [ + "650-327-1323" + ], + "A Bellagio Italian Restaurant": [ + "A Bellagio Italian Restaurant", + "A bellagio italian restaurant" + ], + "Buca Di Beppo Italian Restaurant": [ + "Buca Di Beppo Italian Restaurant", + "Buca di Beppo Italian Restaurant", + "buca di beppo italian restaurant" + ], + "1875 South Bascom Avenue": [ + "1875 South Bascom Avenue" + ], + "Dicicco's Ristorante Italiano Autentico": [ + "dicicco's ristorante italiano autentico", + "Dicicco's Ristorante Italiano Autentico" + ], + "408-435-5500": [ + "408-435-5500" + ], + "13:00": [ + "1 o\"clock in the afternoon", + "1 pm", + "1 in the afternoon", + "one pm", + "1 PM", + "afternoon 1", + "1 o'clock in the afternoon", + "13:00", + "One in the afternoon", + "one in the afternoon" + ], + "19:45": [ + "evening 7:45", + "quarter to 8 in the evening", + "7:45 pm", + "7:45 PM", + "Quarter to 8 in the evening", + "7:45 in the evening", + "19:45" + ], + "Red Chillies The Malabar Cuisine": [ + "Red Chillies The Malabar Cuisine" + ], + "167 South Main Street": [ + "167 South Main Street" + ], + "669-213-9385": [ + "669-213-9385" + ], + "China Paradise Restaurant": [ + "China Paradise Restaurant", + "China paradise restaurant" + ], + "Petaluma": [ + "petaluma", + "Petaluma" + ], + "Shree Indian Cuisine": [ + "Shree indian Cuisine", + "Shree Indian cuisine", + "Shree Indian Cuisine" + ], + "220 Western Avenue": [ + "220 Western Avenue" + ], + "54 Mint Ristorante Italiano": [ + "54 Mint Ristorante italiano", + "54 mint ristorante italiano", + "54 mint Ristorante Italiano", + "54 Mint Ristorante Italiano" + ], + "Foster City": [ + "foster city", + "Foster City", + "Foster city" + ], + "Pastries N Chaat": [ + "Pastries N Chaat", + "Pastries n Chaat" + ], + "Tabla Indian Restaurant": [ + "Tabla Indian Restaurant" + ], + "13:45": [ + "1:45 PM", + "quarter to 2 in the afternoon", + "1:45 in the afternoon", + "13:45", + "1:45 pm", + "afternoon 1:45" + ], + "Mountain View": [ + "Mountain view", + "Mountain View", + "mountain View", + "mountain view" + ], + "China Wok": [ + "China Wok" + ], + "Hunan Chili": [ + "Hunan Chili", + "hunan chili" + ], + "102 Castro Street": [ + "102 Castro Street", + "102 castro street" + ], + "650-969-8968": [ + "650-969-8968" + ], + "Gau Poang": [ + "Gau poang", + "Gau Poang" + ], + "Alice's": [ + "Alice's", + "alice's" + ], + "Bamboo Restaurant": [ + "Bamboo Restaurant", + "Bamboo restaurant", + "bamboo restaurant" + ], + "1441 Polk Street": [ + "1441 Polk Street" + ], + "California": [ + "California", + "california" + ], + "Al's Place": [ + "al's place", + "Al's place", + "Al's Place", + "AL's Place" + ], + "10": [ + "10", + "ten", + "$10" + ], + "Alta Msp": [ + "Alta Msp" + ], + "1275 Minnesota Street": [ + "1275 Minnesota Street" + ], + "Aq": [ + "Aq" + ], + "Tokai Japanese Restaurant": [ + "Tokai Japanese Restaurant" + ], + "Tokyo Village Grill & Sushi": [ + "Tokyo Village Grill & Sushi" + ], + "650-341-6888": [ + "650-341-6888" + ], + "1221 Chess Drive": [ + "1221 Chess Drive" + ], + "415-543-5100": [ + "415-543-5100" + ], + "16 Mint Plaza": [ + "16 mint Plaza", + "16 Mint Plaza", + "16 mint plaza", + "16 Mint plaza" + ], + "Aappakadai": [ + "aappakadai", + "Aappakadai" + ], + "12:15": [ + "Quarter past 12 in the afternoon", + "12:15 in the afternoon", + "12:15", + "afternoon 12:15", + "quarter past 12 in the afternoon", + "Afternoon 12:15", + "12:15 pm" + ], + "925-750-7709": [ + "925-750-7709" + ], + "4555 Hopyard Road": [ + "4555 Hopyard Road" + ], + "Sunnyvale": [ + "Sunnyvale", + "sunnyvale" + ], + "Gumba's": [ + "Gumbas", + "Gumba's" + ], + "408-737-8384": [ + "408-737-8384" + ], + "176 South Murphy Avenue": [ + "176 South Murphy Avenue" + ], + "2019-03-05": [ + "5th of march", + "March 5th 2019", + "Tuesday Next Week", + "5th of this month", + "MArch 5th", + "5th of March 2019", + "The 5th", + "tuesday next week", + "next tuesday", + "Next Tuesday", + "march 5th", + "March 5th", + "5th of MArch", + "the 5th", + "Tuesday next week", + "Tuesday Next week", + "Next tuesday", + "Tuesday, next week", + "next Tuesday", + "5th of March" + ], + "1760": [ + "$1,760", + "one thousand seven hundred and sixty bucks", + "1760", + "one thousand seven hundred and sixty dollars" + ], + "1760 Polk Street": [ + "1760 polk street", + "1760 Polk Street" + ], + "Hukilau": [ + "Hukilau", + "HuKilau" + ], + "408-279-4888": [ + "408-279-4888" + ], + "230 Jackson Street": [ + "230 Jackson Street" + ], + "Rosie Mccann's Irish Pub & Restaurant": [ + "Rosie Mccann's", + "Rosie Mccann's Irish Pub & Restaurant" + ], + "408-247-1706": [ + "408-247-1706" + ], + "355 Santana Row #1060": [ + "355 Santana Row #1060" + ], + "Belotti Ristorante E Bottega": [ + "Belotti Ristorante E Bottega" + ], + "510-350-7619": [ + "510-350-7619" + ], + "Contrasto": [ + "Contrasto" + ], + "388 Grand Avenue": [ + "388 Grand Avenue" + ], + "French": [ + "French", + "Parisian", + "parisian", + "french" + ], + "Bistro Aix": [ + "bistro aix", + "Bistro Aix" + ], + "Sandwich": [ + "sandwich", + "Deli", + "fast food", + "Fast food", + "Fast Food", + "deli", + "Sandwich", + "burger" + ], + "Mcdonald's": [ + "mcdonald's", + "Mcdonald's", + "Mcdonalds", + "McDonald's", + "McDonalds" + ], + "Baja Cactus": [ + "Baja Cactus" + ], + "El Amigo Burrito": [ + "El Amigo", + "El Amigo Burrito" + ], + "La Paloma": [ + "La Paloma" + ], + "2280 El Camino Real": [ + "2280 El Camino Real" + ], + "Academy Bar And Kitchen": [ + "Academy bar", + "Academy Bar And Kitchen", + "Academy Bar and Kitchen" + ], + "415-775-1800": [ + "415-775-1800" + ], + "Alamar Kitchen & Bar": [ + "Alamar Kitchen & Bar" + ], + "Judoku Sushi": [ + "Judoku Sushi" + ], + "Lake Chalet": [ + "Lake Chalet" + ], + "10:30": [ + "morning 10:30", + "10:30 AM", + "10:30 Am", + "10:30 in the morning", + "Morning 10:30", + "half past 10 in the morning", + "10:30", + "10:30 am", + "Half past 10 in the morning" + ], + "Alameda": [ + "alameda", + "Alameda" + ], + "Angel Fish": [ + "Angel Fish" + ], + "Tai Wu Restaurant": [ + "Tai Wu Restaurant" + ], + "300 El Camino Real": [ + "300 El Camino Real" + ], + "408-374-3400": [ + "408-374-3400" + ], + "Crave Asia": [ + "Crave Asia" + ], + "510-558-8367": [ + "510-558-8367" + ], + "1301 San Pablo Avenue": [ + "1301 San Pablo Avenue", + "1301 san pablo Avenue" + ], + "Brixx Pizzeria": [ + "Brixx Pizzeria" + ], + "Cucina Paradiso": [ + "Cucina Paradiso" + ], + "Risibisi": [ + "Risibisi", + "risibisi" + ], + "154 Petaluma Boulevard North": [ + "154 Petaluma Boulevard North" + ], + "707-766-7600": [ + "707-766-7600" + ], + "Brunch": [ + "breakfast & brunch", + "brunch", + "Snacks", + "Brunch", + "Breakfast & brunch", + "light meal", + "Breakfast & Brunch", + "Light meal", + "snacks" + ], + "1300 On Fillmore": [ + "1300 on Fillmore", + "1300 on fillmore", + "1300 On Fillmore" + ], + "Absinthe Brasserie & Bar": [ + "absinthe Brasserie & Bar", + "Absinthe Brasserie & Bar" + ], + "Aperto": [ + "Aperto" + ], + "1434 18th Street": [ + "1434 18th Street" + ], + "415-252-1036": [ + "415-252-1036" + ], + "925-224-9916": [ + "925-224-9916" + ], + "1330 Stoneridge Mall Road": [ + "1330 Stoneridge Mall Road" + ], + "707-664-1418": [ + "707-664-1418" + ], + "16 Kentucky Street": [ + "16 Kentucky Street" + ], + "4301 Valley Avenue B": [ + "4301 Valley Avenue B" + ], + "Amber": [ + "Amber", + "amber" + ], + "Ala Romana": [ + "ala romana", + "Ala romana", + "Ala Romana" + ], + "Che Fico": [ + "Che Fico" + ], + "Cala": [ + "Cala" + ], + "408-935-8176": [ + "408-935-8176" + ], + "Salad": [ + "Salad bar", + "Salad", + "Soup & Salad", + "salad", + "salad bar", + "soup & salad", + "Healthy meal", + "healthy meal" + ], + "777 Story Road": [ + "777 story road", + "777 Story Road", + "777 story Road" + ], + "Korean": [ + "korean Hot pot", + "Korean Barbeque", + "korean hot pot", + "Korean barbeque", + "korean Barbeque", + "Korean", + "Korean Hot pot", + "korean barbeque", + "Korean Hot Pot" + ], + "Restaurant Chungdam": [ + "Restaurant Chungdam" + ], + "Izakaya Sushi Ran": [ + "Izakaya Sushi Ran" + ], + "415-655-3738": [ + "415-655-3738" + ], + "2223 Market Street": [ + "2223 Market Street" + ], + "B&b Kitchen & Wine Bar": [ + "B&b Kitchen & Wine bar", + "B&b Kitchen", + "b&b kitchen & wine bar", + "B&B Kitchen & Wine Bar", + "B&b kitchen & Wine Bar", + "B&b Kitchen & Wine Bar", + "B&B Kitchen & Wine bar" + ], + "Celia's": [ + "Celia's" + ], + "650-349-0165": [ + "650-349-0165" + ], + "Baker Street Bistro": [ + "Baker Street Bistro", + "baker street bistro" + ], + "Blue Mermaid": [ + "Blue Mermaid" + ], + "471 Jefferson Street": [ + "471 Jefferson Street" + ], + "Mediterranean": [ + "Middle eastern", + "persian", + "mediterranean", + "Mediterranean", + "Persian", + "Middle Eastern" + ], + "Dyafa": [ + "Dyafa" + ], + "Marhaba Indian & Pakistani Halal Cuisine": [ + "Marhaba Indian & Pakistani Halal Cuisine", + "Marhaba Indian & Pakistani Halal cuisine" + ], + "1437 Franklin Street": [ + "1437 Franklin street", + "1437 Franklin Street" + ], + "Soo Yuan Restaurant": [ + "Soo Yuan Restaurant" + ], + "1354 California 29": [ + "1354 California 29" + ], + "Venus Restaurant": [ + "Venus Restaurant" + ], + "2327 Shattuck Avenue": [ + "2327 Shattuck Avenue" + ], + "510-540-5950": [ + "510-540-5950" + ], + "San Rafael": [ + "San Rafael", + "san rafael" + ], + "Sushi To Dai For": [ + "Sushi To Dai For", + "sushi to dai for" + ], + "816 4th Street": [ + "816 4th Street" + ], + "415-721-0392": [ + "415-721-0392" + ], + "Yet Wah Restaurant": [ + "Yet Wah Restaurant" + ], + "Cotati": [ + "Cotati" + ], + "Mi Pueblo": [ + "Mi Pueblo" + ], + "Mi Ranchito": [ + "Mi Ranchito" + ], + "7600 Commerce Boulevard": [ + "7600 Commerce Boulevard" + ], + "707-795-7600": [ + "707-795-7600" + ], + "Baan Thai House & Wine Bar": [ + "Baan Thai House & Wine Bar", + "Baan Thai House & wine bar", + "Baan Thai House & Wine bar" + ], + "415-379-4505": [ + "415-379-4505" + ], + "534 Irving Street": [ + "534 Irving Street" + ], + "China Garden": [ + "China Garden" + ], + "586 San Mateo Avenue": [ + "586 San Mateo Avenue" + ], + "Dumpling Era": [ + "Dumpling Era" + ], + "Ming's": [ + "Ming's" + ], + "Greek": [ + "Greek", + "greek" + ], + "San Carlos": [ + "San Carlos", + "San carlos", + "san carlos" + ], + "Agora": [ + "Agora" + ], + "Asya Restaurant": [ + "Asya Restaurant", + "Asya" + ], + "Thai Time": [ + "Thai Time" + ], + "650-596-8433": [ + "650-596-8433" + ], + "1240 El Camino Real": [ + "1240 El Camino Real" + ], + "Flowering Tea House": [ + "Flowering Tea House" + ], + "408-370-7705": [ + "408-370-7705" + ], + "33 South Central Avenue": [ + "33 South Central Avenue" + ], + "Steakhouse": [ + "steakhouse", + "Steakhouse", + "Burgers", + "burgers" + ], + "5a5 Steak Lounge": [ + "5a5 Steak Lounge", + "5a5 Steak lounge" + ], + "Alexander's Steakhouse": [ + "Alexander's Steakhouse" + ], + "Bourbon Steak Restaurant": [ + "Bourbon Steak", + "Bourbon Steak Restaurant" + ], + "Baci Bistro And Bar": [ + "Baci Bistro And Bar" + ], + "925-600-0600": [ + "925-600-0600" + ], + "500 Main Street": [ + "500 Main Street", + "500 Main street" + ], + "2g Japanese Brasserie": [ + "2g Japanese Brasserie", + "2g japanese Brasserie", + "2g japanese brasserie", + "2G Japanese Brasserie" + ], + "601 Van Ness Avenue": [ + "601 Van Ness Avenue", + "601 van ness avenue" + ], + "415-292-9997": [ + "415-292-9997" + ], + "Antioch": [ + "Antioch", + "antioch" + ], + "Okawa Japanese Restaurant": [ + "Okawa Japanese Restaurant" + ], + "16:30": [ + "16:30", + "4:30 Pm", + "half past 4 in the evening", + "4:30 pm", + "4:30 in the evening", + "evening 4:30", + "4:30 PM", + "Half past 4 in the evening", + "evening, 4:30" + ], + "Vallejo": [ + "Vallejo", + "vallejo" + ], + "La Fontaine": [ + "La Fontaine" + ], + "650-968-2300": [ + "650-968-2300" + ], + "186 Castro Street": [ + "186 Castro Street" + ], + "Amelie San Francisco": [ + "Amelie San francisco", + "amelie san francisco", + "Amelie San Francisco" + ], + "Russian": [ + "Russian" + ], + "Red Tavern": [ + "Red Tavern" + ], + "2229 Clement Street": [ + "2229 Clement Street" + ], + "415-750-9090": [ + "415-750-9090" + ], + "Santa Rosa": [ + "santa rosa", + "Santa Rosa", + "santa Rosa", + "Santa rosa", + "Santa ROsa" + ], + "Hikuni": [ + "Hikuni" + ], + "707-539-9188": [ + "707-539-9188" + ], + "Osake": [ + "Osake" + ], + "10:45": [ + "10:45 AM", + "10:45", + "10:45 in the morning", + "morning 10:45", + "quarter to 11 in the morning", + "10:45 am" + ], + "2446 Patio Court": [ + "2446 Patio Court" + ], + "Butterfly Restaurant": [ + "butterfly restaurant", + "Butterfly Restaurant", + "Butterfly", + "Butterfly restaurant" + ], + "33 The Embarcadero": [ + "33 The Embarcadero", + "33 the embarcadero" + ], + "Chaat Corner": [ + "Chaat Corner" + ], + "Rocknwraps And Kabobs": [ + "Rocknwraps and Kabobs", + "Rocknwraps And Kabobs" + ], + "Chuck E. Cheese's": [ + "chuck e. cheese's", + "Chuck E. Cheese's" + ], + "Red Lobster": [ + "Red Lobster" + ], + "Texas Roadhouse": [ + "Texas Roadhouse" + ], + "3333 North Texas Street": [ + "3333 North Texas Street" + ], + "707-422-7623": [ + "707-422-7623" + ], + "Gastropub": [ + "Gastrobar", + "gastrobar", + "gastropub", + "Gastropub" + ], + "Umami Burger Oakland": [ + "Umami Burger Oakland" + ], + "2100 Franklin Street": [ + "2100 Franklin Street" + ], + "510-899-8626": [ + "510-899-8626" + ], + "510-907-7555": [ + "510-907-7555" + ], + "100 Grand Avenue #111": [ + "100 Grand Avenue #111" + ], + "Bennigan's": [ + "Bennigan's", + "bennigan's" + ], + "4150 Great America Parkway": [ + "4150 great america parkway", + "4150 Great America Parkway" + ], + "37 North": [ + "37 North", + "37 north" + ], + "650-373-2237": [ + "650-373-2237" + ], + "925-425-0099": [ + "925-425-0099" + ], + "680 Main Street": [ + "680 Main Street" + ], + "415-775-3679": [ + "415-775-3679" + ], + "Bei Fang Style": [ + "Bei Fang Style" + ], + "African": [ + "african", + "African" + ], + "Cafe Eritrea D'afrique": [ + "Cafe Eritrea D'afrique" + ], + "Miliki Restaurant": [ + "Miliki Restaurant" + ], + "3725 MacArthur Boulevard": [ + "3725 MacArthur Boulevard" + ], + "Walnut Creek": [ + "Walnut Creek", + "walnut creek", + "Walnut creek" + ], + "Panera Bread": [ + "Panera Bread", + "panera bread" + ], + "1140 Locust Street": [ + "1140 locust street", + "1140 Locust Street" + ], + "Central Park Bistro": [ + "Central Park Bistro" + ], + "181 East 4th Avenue": [ + "181 East 4th Avenue" + ], + "Newark": [ + "Newark", + "newark" + ], + "Biryani Pot": [ + "Biryani Pot" + ], + "Celia's Mexican Restaurant": [ + "celia's mexican restaurant", + "Celia's", + "Celia's Mexican Restaurant", + "Celia's mexican restaurant" + ], + "Mount Everest Restaurant": [ + "Mount Everest", + "Mount Everest restaurant", + "Mount Everest Restaurant" + ], + "2598 Telegraph Avenue": [ + "2598 Telegraph Avenue" + ], + "510-843-3951": [ + "510-843-3951" + ], + "415-282-8999": [ + "415-282-8999" + ], + "1599 Sanchez Street": [ + "1599 sanchez street", + "1599 Sanchez Street" + ], + "Morgan Hill": [ + "Morgan Hill", + "Morgan hill" + ], + "Hanami Sushi": [ + "Hanami Sushi", + "Hanami" + ], + "Sushi Nara": [ + "Sushi Nara" + ], + "Coffeehouse": [ + "Coffee & Light Bites", + "coffeehouse", + "coffee & light bites", + "Cafe", + "Coffee & Light bites", + "Coffeehouse", + "cafe", + "Coffee & light bites" + ], + "Bajis Cafe": [ + "bajis cafe", + "Bajis Cafe", + "Bajis cafe" + ], + "2019-03-06": [ + "March 6th", + "MArch 6th", + "next wednesday", + "6th of this month", + "wednesday next week", + "6th of March", + "6th of march", + "next Wednesday", + "Next wednesday", + "the 6th", + "6th of March 2019", + "Wednesday next week", + "Next Wednesday", + "wEDNESDAY NEXT WEEK", + "March 6th 2019", + "The 6th", + "march 6th" + ], + "650-967-7477": [ + "650-967-7477" + ], + "Aniki's Sushi": [ + "aniki's sushi", + "Aniki's Sushi" + ], + "3810 Mowry Avenue": [ + "3810 Mowry Avenue" + ], + "510-797-3474": [ + "510-797-3474" + ], + "Izakaya Ginji": [ + "Izakaya Ginji" + ], + "925-408-4891": [ + "925-408-4891" + ], + "South San Francisco": [ + "south san francisco", + "South San Francisco", + "south San Francisco" + ], + "Amami San": [ + "Amami san", + "Amami San" + ], + "Daiki Sushi": [ + "Daiki Sushi" + ], + "Dash Japanese Tapas And Sushi": [ + "Dash Japanese Tapas And Sushi" + ], + "Pakistani": [ + "Pakistani" + ], + "Aslam's Rasoi": [ + "Aslam's Rasoi", + "Aslam's" + ], + "1037 Valencia Street": [ + "1037 Valencia Street" + ], + "415-695-0599": [ + "415-695-0599" + ], + "4th St Pizza Co": [ + "4th St Pizza Co" + ], + "China Lounge Restaurant & Bar": [ + "China Lounge Restaurant & Bar" + ], + "Hunan Chef Chinese Restaurant": [ + "Hunan Chef Chinese Restaurant" + ], + "4285 Valley Avenue": [ + "4285 Valley Avenue" + ], + "St. Helena": [ + "st. helena", + "St. Helena" + ], + "Cook Tavern & Pizzeria": [ + "Cook Tavern & Pizzeria" + ], + "1304 Main Street": [ + "1304 Main Street" + ], + "4580 Dublin Boulevard": [ + "4580 Dublin Boulevard" + ], + "14:00": [ + "2 o\"clock in the afternoon", + "2 o'clock in the afternoon", + "two pm", + "two PM", + "Two in the afternoon", + "two in the afternoon", + "2 in the afternoon", + "2 pm", + "2 PM", + "Two pm", + "Afternoon 2", + "2 O\"clock in the afternoon", + "afternoon 2", + "14:00" + ], + "China Chef Restaurant": [ + "China Chef Restaurant" + ], + "925-288-0999": [ + "925-288-0999" + ], + "1200 Contra Costa Boulevard # K": [ + "1200 Contra Costa Boulevard # K" + ], + "Akira Japanese Restaurant": [ + "Akira Japanese Restaurant" + ], + "415-800-8498": [ + "415-800-8498" + ], + "1634 Bush Street": [ + "1634 Bush Street" + ], + "Toyo Restaurant": [ + "Toyo", + "Toyo Restaurant" + ], + "San Anselmo": [ + "San Anselmo" + ], + "Auryn Thai Cuisine": [ + "Auryn Thai Cuisine" + ], + "Danville": [ + "Danville", + "danville" + ], + "Blackhawk Grille": [ + "Blackhawk Grille" + ], + "Dana's": [ + "Dana's" + ], + "416 Sycamore Valley Road": [ + "416 Sycamore Valley Road" + ], + "Akiko's Sushi Bar": [ + "akiko's Sushi Bar", + "Akiko's Sushi bar", + "Akiko's sushi Bar", + "akiko's sushi bar", + "Akiko's Sushi Bar", + "Akiko's SUshi Bar", + "Akiko's sushi bar" + ], + "Annapurna Restaurant & Bar": [ + "Annapurna Restaurant & Bar" + ], + "510-250-9696": [ + "510-250-9696" + ], + "Basilico": [ + "basilico", + "Basilico" + ], + "707-539-0260": [ + "707-539-0260" + ], + "4776 Sonoma Highway": [ + "4776 Sonoma HIghway", + "4776 Sonoma Highway", + "4776 sonoma highway" + ], + "Nizza La Bella": [ + "Nizza La Bella" + ], + "Vegetarian": [ + "vegetarian", + "non meat", + "Veggie", + "veggie", + "Vegetarian", + "Non meat", + "Non Meat" + ], + "Merit Vegan Restaurant": [ + "Merit Vegan Restaurant" + ], + "Anchor & Hope": [ + "Anchor & Hope", + "Anchor & hope" + ], + "83 Minna Street": [ + "83 Minna Street" + ], + "Burmese": [ + "Burmese" + ], + "B Star": [ + "B Star" + ], + "127 Clement Street": [ + "127 Clement Street" + ], + "Burma Love": [ + "Burma Love" + ], + "211 Valencia Street": [ + "211 Valencia Street" + ], + "Eve's Waterfront": [ + "Eve's Waterfront", + "eve's waterfront" + ], + "15 Embarcadero West": [ + "15 embarcadero west" + ], + "Coconut Bay Thai Restaurant": [ + "Coconut Bay Thai Restaurant", + "Coconut Bay", + "coconut bay thai restaurant" + ], + "650-558-8268": [ + "650-558-8268" + ], + "1107 Howard Avenue": [ + "1107 howard avenue", + "1107 Howard Avenue" + ], + "Vacaville": [ + "vacaville", + "Vacaville" + ], + "Hisui | Japanese Restaurant": [ + "Hisui", + "hisui | japanese restaurant", + "Hisui | Japanese Restaurant" + ], + "707-448-4002": [ + "707-448-4002" + ], + "Sausalito": [ + "Sausalito" + ], + "Barrel House Tavern": [ + "Barrel House Tavern" + ], + "415-729-9593": [ + "415-729-9593" + ], + "510-918-3205": [ + "510-918-3205" + ], + "415-292-6916": [ + "415-292-6916" + ], + "1754 Polk Street": [ + "1754 Polk Street" + ], + "415-989-2539": [ + "415-989-2539" + ], + "Benicia": [ + "Benicia" + ], + "Lucca Bar & Grill": [ + "Lucca Bar & Grill" + ], + "439 1st Street": [ + "439 1st Street" + ], + "Bai Thong Thai": [ + "Bai Thong Thai" + ], + "415-863-9335": [ + "415-863-9335" + ], + "298 Gough Street": [ + "298 Gough Street" + ], + "Barcha": [ + "Barcha" + ], + "Beijing Restaurant": [ + "beijing restaurant", + "Beijing restaurant", + "Beijing Restaurant" + ], + "1460 Halford Avenue": [ + "1460 Halford Avenue" + ], + "Afghan": [ + "Afghan" + ], + "Kamdesh Afghan Kabab House": [ + "Kamdesh Afghan Kabab House" + ], + "510-286-1900": [ + "510-286-1900" + ], + "332 14th Street": [ + "332 14th Street" + ], + "Jamaican": [ + "Jamaican" + ], + "Kingston 11 Cuisine": [ + "Kingston 11 Cuisine" + ], + "Gary Chu's": [ + "Gary Chu's" + ], + "611 5th Street": [ + "611 5th Street" + ], + "Alamo": [ + "Alamo", + "alamo" + ], + "Xenia Bistro": [ + "Xenia Bistro" + ], + "Acapulco": [ + "Acapulco", + "acapulco" + ], + "Shabu-shabu": [ + "Shabu-Shabu", + "Shabu-shabu" + ], + "Shabu Club": [ + "Shabu Club" + ], + "Shabu House": [ + "Shabu House" + ], + "8elements": [ + "8elements" + ], + "Amber India": [ + "Amber India" + ], + "Caspian Village": [ + "Caspian Village" + ], + "2881 The Villages Parkway": [ + "2881 The Villages Parkway" + ], + "408-528-8500": [ + "408-528-8500" + ], + "El Cerrito": [ + "el Cerrito", + "el cerrito", + "El cerrito", + "El Cerrito" + ], + "Ancient Szechuan": [ + "Ancient Szechuan" + ], + "510-524-8772": [ + "510-524-8772" + ], + "10675 San Pablo Avenue": [ + "10675 San Pablo Avenue" + ], + "Half Moon Bay": [ + "Half moon bay", + "Half MOon bay", + "Half Moon bay", + "half moon bay", + "Half Moon Bay" + ], + "Flying Fish Bar & Grill": [ + "Flying Fish Bar & Grill" + ], + "211 San Mateo Road": [ + "211 San Mateo Road" + ], + "Aquitaine Wine Bar & Bistro": [ + "Aquitaine Wine Bar & Bistro", + "Aquitaine Wine bar & Bistro", + "Aquitaine" + ], + "415-402-5290": [ + "415-402-5290" + ], + "175 Sutter Street": [ + "175 Sutter Street" + ], + "Momoya Sushi": [ + "Momoya Sushi" + ], + "570 North Shoreline Boulevard J": [ + "570 North Shoreline Boulevard J" + ], + "King Sun Buffet": [ + "King Sun Buffet" + ], + "New Golden Wok": [ + "New Golden Wok" + ], + "The Night Market": [ + "The Night Market" + ], + "650-634-8388": [ + "650-634-8388" + ], + "Akemi Japanese Restaurant": [ + "akemi japanese restaurant", + "Akemi Japanese Restaurant" + ], + "510-524-1286": [ + "510-524-1286" + ], + "1695 Solano Avenue": [ + "1695 Solano Avenue" + ], + "Satomi Sushi": [ + "Satomi Sushi" + ], + "Ace Wasabi Rock-n-roll Sushi": [ + "Ace Wasabi Rock-n-roll Sushi", + "Ace Wasabi rock-n-roll Sushi", + "Ace Wasabi", + "Ace Wasabi Rock-n-Roll Sushi" + ], + "3339 Steiner Street": [ + "3339 Steiner Street" + ], + "415-567-4903": [ + "415-567-4903" + ], + "Chaat Bhavan": [ + "Chaat Bhavan" + ], + "Akira Bistro": [ + "Akira Bistro" + ], + "Blue Gingko Blackhawk": [ + "Blue Gingko Blackhawk" + ], + "My No.1 Sushi & Tofu": [ + "My No.1 Sushi & Tofu", + "My No.1 Sushi" + ], + "1747 North Milpitas Boulevard": [ + "1747 North Milpitas Boulevard" + ], + "408-946-5100": [ + "408-946-5100" + ], + "Ca'bianca": [ + "Ca'bianca" + ], + "707-542-5800": [ + "707-542-5800" + ], + "Pier 29": [ + "Pier 29" + ], + "Hercules": [ + "Hercules", + "hercules" + ], + "Claws And Craws": [ + "Claws and Craws", + "Claws And Craws" + ], + "Aato": [ + "Aato", + "aato" + ], + "Benihana": [ + "Benihana" + ], + "925-827-4220": [ + "925-827-4220" + ], + "1989 Diamond Boulevard": [ + "1989 Diamond Boulevard" + ], + "Kamrai Sushi & Thai Grill": [ + "Kamrai Sushi & Thai Grill" + ], + "Sushi Momoyama": [ + "Sushi Momoyama" + ], + "3001 Bernal Avenue": [ + "3001 Bernal Avenue" + ], + "1088 Shell Boulevard c": [ + "1088 Shell Boulevard c" + ], + "Sticky Rice Chinese Bistro & Bar": [ + "Sticky Rice Chinese Bistro & Bar" + ], + "Boulibar": [ + "Boulibar" + ], + "Goood Frikin Chicken": [ + "Goood Frikin chicken" + ], + "10 29th Street": [ + "10 29th Street" + ], + "Richmond": [ + "Richmond", + "richmond" + ], + "Tokyo Shabusushi Restaurant": [ + "Tokyo Shabusushi Restaurant" + ], + "Hayward": [ + "hayward", + "Hayward" + ], + "Sapporo Restaurant": [ + "Sapporo Restaurant" + ], + "La Marsa": [ + "La Marsa" + ], + "415-872-9767": [ + "415-872-9767" + ], + "Sabio On Main": [ + "Sabio On Main" + ], + "Occidental": [ + "Occidental" + ], + "Negri's Original Occidental": [ + "Negri's Original Occidental" + ], + "3700 Bohemian Highway": [ + "3700 Bohemian Highway" + ], + "408-378-0778": [ + "408-378-0778" + ], + "San Leandro": [ + "San leandro", + "San Leandro", + "san leandro" + ], + "Moussaka Mediterranean Kitchen": [ + "Moussaka Mediterranean Kitchen" + ], + "B K's Bistro": [ + "B K's Bistro" + ], + "Boiling Hot Pot": [ + "Boiling Hot Pot", + "boiling hot pot", + "Boiling hot pot" + ], + "510-226-1588": [ + "510-226-1588" + ], + "408-270-2578": [ + "408-270-2578" + ], + "650-348-7810": [ + "650-348-7810" + ], + "428 East 3rd Avenue": [ + "428 East 3rd Avenue" + ], + "Belly Left Coast Kitchen & Taproom": [ + "Belly Left Coast Kitchen & Taproom", + "Belly Left coast kitchen & taproom", + "Belly Left coast Kitchen & Taproom", + "Belly left coast kitchen & taproom", + "Belly Left Coast" + ], + "Bruno's On Fourth": [ + "Bruno's On Fourth", + "Bruno's", + "Bruno's on Fourth", + "Bruno's On fourth" + ], + "Earth's Bounty Kitchen & Wine Bar": [ + "Earth's Bounty Kitchen & Wine Bar" + ], + "Healdsburg": [ + "Healdsburg", + "healdsburg" + ], + "Ramen": [ + "Ramen", + "ramen" + ], + "The Taste Of Tea": [ + "the Taste of Tea", + "The Taste of Tea", + "The Taste Of Tea" + ], + "707-431-1995": [ + "707-431-1995" + ], + "415-501-9100": [ + "415-501-9100" + ], + "Amakai Japanese Cuisine": [ + "Amakai Japanese Cuisine" + ], + "408-988-2555": [ + "408-988-2555" + ], + "Peruvian": [ + "Peruvian" + ], + "Destino": [ + "Destino" + ], + "Pacifica": [ + "pacifica", + "Pacifica" + ], + "8 Sushi": [ + "8 Sushi", + "8 sushi" + ], + "2470 Skyline Boulevard": [ + "2470 Skyline Boulevard" + ], + "Ocean Fish Sushi & Grill": [ + "Ocean Fish Sushi & Grill" + ], + "650-355-1886": [ + "650-355-1886" + ], + "Tommy's Wok Chinese Cuisine": [ + "Tommy's Wok Chinese Cuisine" + ], + "3001 Bridgeway H": [ + "3001 Bridgeway H" + ], + "Isla Filipino Restaurant": [ + "Isla Filipino Restaurant" + ], + "510-445-1602": [ + "510-445-1602" + ], + "5720 Mowry School Road": [ + "5720 Mowry School Road" + ], + "PlayMovie": [ + "PlayMovie" + ], + "Body Double": [ + "Body Double", + "body double", + "BOdy Double", + "Body double" + ], + "Dr. Strangelove": [ + "Dr. STrangelove", + "DR. Strangelove", + "Dr. Strangelove", + "Dr. strangelove", + "dr. strangelove" + ], + "The Upside": [ + "Upside", + "The Upside", + "the Upside", + "the upside" + ], + "The Mustang": [ + "the Mustang", + "The Mustang", + "the mustang" + ], + "Laure de Clermont-Tonnerre": [ + "Laure de Clermont-tonnerre", + "Laure de Clermont-Tonnerre" + ], + "How to Train Your Dragon: The Hidden World": [ + "How to Train your Dragon", + "how to train your dragon: the hidden world", + "How to train your dragon", + "How to Train Your Dragon: the Hidden World", + "How to train your dragon: the hidden world", + "How to train your Dragon: The hidden world", + "How To Train your Dragon: The Hidden World", + "HOw to train your Dragon: The Hidden World", + "How to Train Your Dragon: The hidden world", + "How to Train Your Dragon", + "How to train Your Dragon: The Hidden World", + "How to Train Your Dragon: The Hidden World", + "how to train your dragon", + "How To Train Your Dragon: The Hidden World", + "How to Train your Dragon: THe Hidden World", + "How to Train Your Dragon: The HIdden World", + "How to train your Dragon: The Hidden World", + "How to Train Your Dragon: The hidden World", + "How to train your dragon: The Hidden world", + "How to Train your Dragon: The Hidden World", + "How To Train Your Dragon", + "how to train your dragon: The hidden world", + "How to Train Your Dragon: the hidden World" + ], + "Animation": [ + "cartoon", + "Animation", + "kids", + "Kids", + "animation", + "Cartoon" + ], + "Dean DeBlois": [ + "dean deblois", + "Dean DeBlois", + "Dean Deblois" + ], + "Gloria Bell": [ + "Gloria Bell", + "gloria bell", + "Gloria bell" + ], + "Sebastian Lelio": [ + "Sebastian Lelio" + ], + "JT LeRoy": [ + "JT leroy", + "Jt LeRoy", + "jt leroy", + "JT leRoy", + "JT LeRoy", + "Jt Leroy", + "JT LeROy", + "JT Leroy" + ], + "Ash Is Purest White": [ + "Ash Is Purest white", + "Ash is purest white", + "Ash Is Purest WHite", + "Ash Is purest white", + "Ash is Purest white", + "ash is purest white", + "Ash is Purest White", + "Ash Is purest White", + "Ash Is Purest White" + ], + "Comedy": [ + "Funny", + "comedy", + "Comic", + "comic", + "funny", + "Comedy" + ], + "Neil Burger": [ + "Neil burger", + "Neil Burger" + ], + "Citizen Kane": [ + "Citizen kane", + "citizen Kane", + "citizen kane", + "Citizen Kane", + "CItizen Kane" + ], + "Orson Welles": [ + "Orson Welles", + "orson welles" + ], + "Stockholm": [ + "stockholm", + "Stockholm" + ], + "Robert Budreau": [ + "Robert Budreau", + "robert budreau", + "Robert budreau" + ], + "Hellboy": [ + "Hellboy", + "hellboy" + ], + "Fantasy": [ + "fantasy", + "Fantasy" + ], + "The Curse of La Llorona": [ + "the Curse of La Llorona", + "the curse of La Llorona", + "Curse of La llorona", + "The Curse of La Llorona", + "curse of la llorona", + "the curse of la llorona", + "The curse of La Llorona", + "The curse of la llorona", + "Curse of La Llorona", + "Curse of La LLorona", + "the curse of La llorona", + "The Curse of La LLorona", + "The curse of La llorona" + ], + "Michael Chaves": [ + "michael Chaves", + "michael chaves", + "Michael Chaves" + ], + "Horror": [ + "Scary", + "horror", + "ghost", + "scary", + "Ghost", + "Horror" + ], + "Hotel Mumbai": [ + "HOtel Mumbai", + "hotel mumbai", + "hotel Mumbai", + "Hotel Mumbai" + ], + "Thriller": [ + "thriller", + "Thriller", + "Suspense", + "suspense", + "THriller" + ], + "Anthony Maras": [ + "Anthony Maras", + "anthony maras" + ], + "Suburban Birds": [ + "The birds movie", + "Suburban birds", + "suburban birds", + "Suburban Birds" + ], + "Red Joan": [ + "Red Joan", + "red joan", + "Red JOan" + ], + "Supa Modo": [ + "Supa Modo", + "supa' modo", + "supa modo", + "Supa modo" + ], + "Green Book": [ + "green book", + "green Book", + "Green Book", + "Green book" + ], + "Peter Farrelly": [ + "Peter Farrelly", + "peter farrelly" + ], + "Missing Link": [ + "Missing LInk", + "Missing Link", + "missing Link", + "missing link", + "Missing link" + ], + "Chris Butler": [ + "Chris Butler", + "Chris butler", + "chris butler" + ], + "Mary Magdalene": [ + "Mary Magdalene", + "Mary magdalene", + "mary Magdalene", + "mary magdalene" + ], + "Drama": [ + "Dramatic story", + "dramatic story", + "play", + "Play", + "Dramatic Story", + "Drama", + "drama" + ], + "Garth Davis": [ + "garth davis", + "Garth Davis" + ], + "Penguin Highway": [ + "Penguin Highway", + "Penguin HIghway", + "penguin Highway", + "penguin highway" + ], + "The Aftermath": [ + "The aftermath", + "the aftermath", + "the Aftermath", + "Aftermath", + "The Aftermath" + ], + "The Innocent": [ + "The Innocent", + "Innocent", + "the Innocent" + ], + "Breakthrough": [ + "Breakthrough", + "breakthrough" + ], + "Roxann Dawson": [ + "Roxann Dawson" + ], + "Biographical": [ + "Life History", + "Biographical", + "documentary", + "biographical", + "Non-Fiction", + "life history", + "non-fiction", + "Documentary", + "Life history", + "Non-fiction" + ], + "Ramen Shop": [ + "Ramen Shop", + "ramen shop", + "Ramen shop" + ], + "Wild Nights with Emily": [ + "Wild nights", + "Wild Nights", + "Wild Nights With Emily", + "Wild Nights with Emily", + "wild nights with emily" + ], + "Blackmail - Cinemix Par Chloe": [ + "blackmail - cinemix par chloe", + "Blackmail - Cinemix Par Chloe", + "Blackmail - Cinemix par chloe" + ], + "Teen Spirit": [ + "teen spirit", + "Teen spirit", + "Teen Spirit" + ], + "Family": [ + "Family", + "family" + ], + "Mystery": [ + "detective", + "Mystery", + "Detective", + "mystery", + "mysterious", + "Mysterious" + ], + "Brian De Palma": [ + "Brian De Palma", + "Brian de Palma" + ], + "The Invisibles": [ + "The Invisibles", + "the Invisibles", + "Invisibles", + "the invisibles" + ], + "Hackers": [ + "hackers", + "Hackers" + ], + "Searching for Sugar Man": [ + "searching for Sugar Man", + "Searching for sugar man", + "Searching for Sugar man", + "Searching for Sugar Man", + "Searching For Sugar Man", + "searching for sugar man" + ], + "The Man Who Knew Too Much": [ + "The Man Who Knew Too Much", + "Man Who Knew Too Much", + "the man who knew too much", + "the Man Who Knew Too Much", + "The man Who knew Too Much", + "The Man Who Knew Too much", + "The Man Who knew Too Much" + ], + "Alfred Hitchcock": [ + "alfred hitchcock", + "Alfred Hitchcock", + "Alfred hitchcock" + ], + "Eric Khoo": [ + "Eric Khoo", + "eric khoo" + ], + "Mad Max: Fury Road": [ + "Mad Max: Fury Road", + "mad max: fury road", + "Mad Max", + "Mad max", + "madmax", + "Madmax" + ], + "Hiroyasu Ishida": [ + "Hiroyasu Ishida" + ], + "Shazam!": [ + "Shazam!", + "Shazam", + "shazam!", + "shazam" + ], + "David Sandberg": [ + "david sandberg", + "David Sandberg" + ], + "Adventure": [ + "Adventure", + "adventure" + ], + "Long Shot": [ + "Long shot", + "Long Shot", + "long shot" + ], + "Sunset": [ + "Sunset", + "sunset" + ], + "Laszlo Nemes": [ + "Laszlo Nemes" + ], + "The Poseidon Adventure": [ + "The poseidon Adventure", + "the Poseidon adventure", + "Poseidon Adventure", + "the poseidon adventure", + "the Poseidon Adventure", + "The Poseidon Adventure" + ], + "Shine a Light": [ + "shine a light", + "Shine a Light", + "Shine A Light", + "Shine a light" + ], + "Martin Scorsese": [ + "martin scorsese", + "Martin Scorsese" + ], + "The Visitor": [ + "the Visitor", + "The Visitor", + "The visitor", + "visitor", + "Visitor", + "the visitor" + ], + "A Madea Family Funeral": [ + "Family Funeral", + "A madea Family funeral", + "A madea family funeral", + "a madea family funeral", + "A Madea Family FUneral", + "A Madea family funeral", + "Family FUneral", + "Family funeral", + "A Madea Family Funeral", + "A madea Family Funeral" + ], + "Tyler Perry": [ + "Tyler Perry", + "tyler perry" + ], + "Viva Las Vegas": [ + "The vegas movie", + "the Vegas movie", + "the vegas movie", + "Viva Las Vegas", + "Viva Las vegas", + "viva las vegas", + "the Vegas Movie" + ], + "George Sidney": [ + "George sidney", + "George Sidney", + "george sidney" + ], + "Romance": [ + "Romance", + "Love Story", + "rom-com", + "Rom-Com", + "romantic", + "Rom-com", + "love story", + "Love story", + "romance", + "Romantic" + ], + "Neil Marshall": [ + "Neil Marshall" + ], + "Malik Bendjelloul": [ + "Malik Bendjelloul" + ], + "Pet Sematary": [ + "Pet sematary", + "pet sematary", + "Pet Sematary", + "pet Sematary" + ], + "Captain Marvel": [ + "Captain marvel", + "captain MArvel", + "captain marvel", + "Captain Marvel", + "Captain MArvel" + ], + "Fighting with My Family": [ + "Fighting with my family", + "Fighting With My Family", + "fighting with my family", + "Fighting with Family", + "Fighting with family", + "Fighting with My family", + "Fighting with my Family", + "Fighting with My Family" + ], + "Stephen Merchant": [ + "Stephen Merchant", + "stephen merchant" + ], + "Likarion Wainaina": [ + "likarion wainaina", + "Likarion Wainaina" + ], + "Palmer's Tavern": [ + "Palmer's Tavern", + "Palmer's" + ], + "415-732-7777": [ + "415-732-7777" + ], + "Jannah": [ + "Jannah", + "jannah" + ], + "Marnee Thai": [ + "marnee", + "Marnee thai" + ], + "Eric's Restaurant": [ + "Eric's", + "Eric's Restaurant" + ], + "Clementine's": [ + "Clementine's" + ], + "Kusakabe": [ + "Kusakabe" + ], + "Yoshio Sushi": [ + "Yoshio", + "Yoshio Sushi" + ], + "Bistro Liaison": [ + "Bistro liaison", + "Bistro Liaison" + ], + "Lark": [ + "Lark" + ], + "4068 18th Street": [ + "4068 18th Street" + ], + "Taste Of Burma": [ + "Taste Of Burma", + "Taste of Burma" + ], + "Daly City": [ + "Daly city", + "Daly City", + "daly city" + ], + "Agave Grill & Cantina": [ + "Agave Grill", + "Agave Grill & Cantina" + ], + "Crazy Pepper": [ + "Crazy Pepper", + "Crazy pepper" + ], + "Taste Of The Himalayas": [ + "Taste Of The Himalayas", + "taste of the himalayas", + "Taste of the Himalayas" + ], + "Paya Thai": [ + "Paya Thai", + "Paya" + ], + "China Chef": [ + "China Chef" + ], + "Pescatore": [ + "Pescatore" + ], + "415-561-1111": [ + "415-561-1111" + ], + "State Bird Provisions": [ + "State Bird Provisions", + "State Bird" + ], + "Thanh Long Restaurant": [ + "thanh long restaurant", + "thanh long", + "Thanh Long Restaurant", + "Thanh long Restaurant", + "Thanh Long" + ], + "Yayoi Cupertino": [ + "Yayoi Cupertino", + "Yayoi" + ], + "The Mexican Restaurant & Bar": [ + "The Mexican Restaurant & Bar", + "The Mexican restaurant" + ], + "Pub Republic": [ + "Pub Republic" + ], + "3120 Lakeville Highway": [ + "3120 Lakeville Highway" + ], + "883 Island Drive C-2": [ + "883 Island Drive C-2" + ], + "Juerga Tapas & Wine": [ + "Juerga Tapas & Wine", + "Juerga" + ], + "Lotus Cuisine Of India": [ + "Lotus Cuisine of India", + "Lotus Cuisine" + ], + "Maruya": [ + "Maruya" + ], + "707-864-1001": [ + "707-864-1001" + ], + "Kampai Bar And Grill": [ + "Kampai Bar", + "Kampai Bar And Grill" + ], + "519 West Capitol Expressway": [ + "519 West Capitol Expressway" + ], + "Kobe Japan Restaurant": [ + "Kobe Japan restaurant", + "kobe japan restaurant", + "Kobe japan restaurant", + "Kobe", + "Kobe Japan Restaurant" + ], + "Homestead": [ + "homestead", + "Homestead" + ], + "4029 Piedmont Avenue": [ + "4029 Piedmont Avenue" + ], + "Bear Republic Brewing Co.": [ + "bear republic brewing co.", + "Bear Republic Brewing Co.", + "Bear Republic" + ], + "Crab House At Pier 39": [ + "Crab House At Pier 39", + "Crab House" + ], + "Sukho Thai": [ + "Sukho", + "Sukho Thai" + ], + "Burma Ruby Burmese Cuisine": [ + "Burma Ruby", + "Burma Ruby Burmese Cuisine" + ], + "326 University Avenue": [ + "326 University avenue", + "326 University Avenue" + ], + "El Rancho Restaurant": [ + "El Rancho Restaurant", + "El Rancho" + ], + "925-685-5582": [ + "925-685-5582" + ], + "Dynasty": [ + "dynasty", + "Dynasty" + ], + "Village California Bistro And Wine Bar": [ + "Village", + "village", + "village california bistro and wine bar", + "Village California Bistro And Wine Bar" + ], + "Tao San Jin": [ + "Tao San Jin" + ], + "Khana Peena": [ + "Khana Peena" + ], + "Sushi Omakase": [ + "Sushi Omakase" + ], + "Gilroy": [ + "Gilroy", + "gilroy", + "GIlroy" + ], + "Darda Seafood": [ + "Darda", + "Darda Seafood" + ], + "Halal": [ + "Halal", + "halal" + ], + "Los Gatos": [ + "los gatos", + "Los gatos", + "los Gatos", + "Los Gatos" + ], + "Katsu Los Gatos": [ + "Katsu Los Gatos", + "Katsu" + ], + "Mister Jiu's": [ + "Mister Jiu's" + ], + "1889 Solano Avenue": [ + "1889 Solano Avenue" + ], + "Oneup": [ + "Oneup" + ], + "Bombay To Goa": [ + "Bombay To Goa", + "Bombay to Goa" + ], + "Rangecafe Bar And Grill": [ + "Rangecafe Bar and Grill", + "Rangecafe" + ], + "Spencer's For Steaks And Chops": [ + "Spencer's", + "Spencer's for Steaks and Chops" + ], + "Hisui 2": [ + "Hisui 2" + ], + "Red Jade": [ + "Red Jade" + ], + "Sociale": [ + "Sociale" + ], + "415-921-3200": [ + "415-921-3200" + ], + "Will Sushi": [ + "Will Sushi", + "Will" + ], + "415-566-8088": [ + "415-566-8088" + ], + "Yum Yum Hunan": [ + "Yum Yum Hunan", + "Yum Yum" + ], + "Stella Alpina Osteria": [ + "Stella Alpina Osteria" + ], + "401 Primrose Road": [ + "401 Primrose Road" + ], + "Claw Shack": [ + "Claw Shack" + ], + "3rd Cousin": [ + "3rd Cousin" + ], + "Hunan Impression": [ + "Hunan Impression" + ], + "Luna Loca Mexican Restaurant": [ + "Luna Loca", + "Luna Loca Mexican Restaurant" + ], + "Golden Harvest": [ + "Golden Harvest" + ], + "Cafe Vitale": [ + "Cafe Vitale" + ], + "Los Altos": [ + "los Altos", + "los altos", + "Los Altos", + "Los altos" + ], + "Taco Bell": [ + "taco bell", + "Taco bell", + "Taco Bell" + ], + "Burrito": [ + "Burrito" + ], + "La Laguna": [ + "La Laguna" + ], + "Anar": [ + "Anar" + ], + "El Amigo": [ + "El Amigo" + ], + "Ta Restaurant": [ + "Ta", + "Ta Restaurant" + ], + "90 South Abel Street": [ + "90 South Abel Street" + ], + "408-719-9998": [ + "408-719-9998" + ], + "Lemongrass Thai Cuisine": [ + "lemongrass thai cuisine", + "Lemongrass Thai Cuisine", + "Lemongrass", + "Lemongrass thai cuisine" + ], + "109 North McDowell Boulevard": [ + "109 north mcdowell boulevard", + "109 North McDowell Boulevard" + ], + "Mendoza's Restaurant": [ + "Mendoza's Restaurant", + "Mendoza's restaurant", + "Mendoza's" + ], + "Carnitas Michoacan": [ + "carnitas michoacan", + "Carnitas Michoacan" + ], + "408-847-8812": [ + "408-847-8812" + ], + "Paul Martin's America Mountain View": [ + "Paul Martin's America Mountain View", + "Paul Martin's" + ], + "545 San Antonio Road Suite 31": [ + "545 San Antonio Road Suite 31" + ], + "Belmont": [ + "Belmont", + "belmont" + ], + "Sumac Mediterranean Grill": [ + "Sumac", + "Sumac Mediterranean Grill" + ], + "Katana-ya": [ + "Katana-ya" + ], + "Cetrella": [ + "Cetrella" + ], + "Marshall": [ + "Marshall", + "marshall" + ], + "Nick's Cove": [ + "Nick's Cove" + ], + "Kabuto Sushi": [ + "Kabuto", + "Kabuto Sushi" + ], + "Ma's Restaurant": [ + "Ma's", + "Ma's Restaurant" + ], + "Siam Taste": [ + "Siam Taste", + "Siam taste" + ], + "Dong Que Restaurant": [ + "Dong Que", + "Dong Que Restaurant" + ], + "Applebee's Grill + Bar": [ + "Applebee's grill + bar", + "Applebee's Grill + Bar", + "Applebee's" + ], + "Barrel Head Brewhouse": [ + "Barrel Head Brewhouse", + "Barrel Head" + ], + "Bj's Restaurant & Brewhouse": [ + "Bj's restaurant & Brewhouse", + "Bj's restaurant & brewhouse", + "Bj's", + "Bj's Restaurant & Brewhouse", + "BJ's Restaurant & Brewhouse" + ], + "Mazzat": [ + "Mazzat" + ], + "Sushi Yoshizumi": [ + "Sushi Yoshizumi" + ], + "650-437-2282": [ + "650-437-2282" + ], + "Allegro Romano": [ + "Allegro ROmano", + "Allegro Romano" + ], + "1701 Jones Street": [ + "1701 Jones Street" + ], + "Wence's Restaurant": [ + "Wence's restaurant", + "Wence's", + "Wence's Restaurant" + ], + "Zaoh": [ + "Zaoh" + ], + "Bikaner Indian Cuisine": [ + "Bikaner Indian Cuisine", + "Bikaner" + ], + "West Park Bistro": [ + "West Park", + "West Park Bistro" + ], + "Buon Appetito": [ + "Buon Appetito" + ], + "Kufu-ya": [ + "Kufu-ya" + ], + "Steelhead Brewing Company": [ + "Steelhead Brewing Company", + "Steelhead" + ], + "La Vera Pizza": [ + "La Vera", + "La Vera Pizza" + ], + "629 4th Street": [ + "629 4th Street" + ], + "Old Siam": [ + "Old Siam" + ], + "Navin Thai Restaurant": [ + "Navin", + "Navin Thai Restaurant" + ], + "Koh Samui & The Monkey": [ + "Koh Samui & The Monkey" + ], + "Crouching Tiger Restaurant": [ + "crouching tiger restaurant", + "Crouching TIger", + "Crouching Tiger", + "Crouching Tiger Restaurant" + ], + "Broderick Roadhouse": [ + "Broderick Roadhouse" + ], + "Egg Roll King": [ + "Egg Roll King" + ], + "House Of Curries": [ + "House of Curries" + ], + "Bob's Steak & Chop House": [ + "Bob's Steak & Chop House", + "Bob's Steakhouse" + ], + "Odeum": [ + "Odeum" + ], + "Celia's By The Beach": [ + "Celia's By the Beach", + "Celia's", + "Celia's By The Beach" + ], + "Amami Sushi": [ + "Amami Sushi", + "Amami" + ], + "Flames Eatery & Bar": [ + "Flames Eatery & Bar", + "Flames Eatery" + ], + "Jing-jing Szechwan & Hunan Gourmet": [ + "Jing-jing Szechwan", + "Jing-Jing Szechwan & Hunan Gourmet", + "Jing-jing Szechwan & Hunan Gourmet" + ], + "650-328-6885": [ + "650-328-6885" + ], + "Broadway Grill": [ + "Broadway", + "Broadway Grill" + ], + "Kana Sushi": [ + "Kana Sushi", + "Kana" + ], + "1280 Newell Avenue": [ + "1280 Newell Avenue" + ], + "China Villa": [ + "China Villa" + ], + "Wooden Charcoal Korean Village Barbecue House": [ + "Wooden Charcoal Korean Village Barbecue House", + "Wooden Charcoal Barbecue" + ], + "The View Lounge": [ + "The View Lounge", + "The View" + ], + "Khamsa": [ + "Khamsa" + ], + "Union City": [ + "Union city", + "Union City", + "union city" + ], + "Mexico Lindo": [ + "Mexico Lindo" + ], + "The Van's Restaurant": [ + "The Van's Restaurant", + "The Van's" + ], + "Jojo Restaurant & Sushi Bar": [ + "Jojo Restaurant", + "Jojo Restaurant & Sushi Bar", + "Jojo restaurant", + "Jojo restaurant & sushi bar" + ], + "Sushi Hashiri": [ + "Sushi Hashiri" + ], + "Hikari Sushi & Bar": [ + "Hikari Sushi", + "Hikari Sushi & Bar" + ], + "Cassava": [ + "Cassava" + ], + "Pampalasa": [ + "Pampalasa" + ], + "Willi's | Seafood & Raw Bar": [ + "Willi's | Seafood & Raw Bar", + "Willi's" + ], + "707-433-9192": [ + "707-433-9192" + ], + "All Spice": [ + "All spice", + "All Spice" + ], + "650-627-4303": [ + "650-627-4303" + ], + "Shiki Japanese Cuisine": [ + "Shiki", + "Shiki Japanese Cuisine" + ], + "Livermore": [ + "Livermore", + "livermore" + ], + "Walia": [ + "Walia" + ], + "408-645-5001": [ + "408-645-5001" + ], + "Parkside Grille": [ + "Parkside Grille", + "Parkside" + ], + "Portola Valley": [ + "Portola Valley" + ], + "650-529-9007": [ + "650-529-9007" + ], + "La Panotiq Bakery Cafe Livermore": [ + "La Panotiq Bakery Cafe livermore", + "La Panotiq" + ], + "Mua Oakland": [ + "Mua Oakland", + "Mua" + ], + "510-238-1100": [ + "510-238-1100" + ], + "Limon Rotisserie": [ + "Limon Rotisserie", + "Limon" + ], + "415-821-2134": [ + "415-821-2134" + ], + "1001 South Van Ness Avenue": [ + "1001 South Van Ness Avenue" + ], + "Lark Creek Kitchen": [ + "Lark Creek Kitchen", + "Lark Creek" + ], + "650-596-9828": [ + "650-596-9828" + ], + "773 Laurel Street": [ + "773 Laurel Street" + ], + "Foreign Cinema": [ + "Foreign Cinema" + ], + "Pearl River Restaurant": [ + "Pearl River Restaurant", + "Pearl River" + ], + "The Alembic": [ + "the Alembic", + "The Alembic" + ], + "Paradise Sushi & Grill": [ + "Paradise Sushi", + "Paradise Sushi & Grill" + ], + "Shakewell": [ + "Shakewell" + ], + "Villa D'este": [ + "Villa D'este" + ], + "La Traviata": [ + "la traviata" + ], + "Rice Bowl": [ + "Rice Bowl" + ], + "3436 Deer Valley Road": [ + "3436 Deer Valley Road" + ], + "925-777-0888": [ + "925-777-0888" + ], + "Firehouse Grill & Brewery": [ + "Firehouse Grill & Brewery", + "Firehouse Grill" + ], + "Lafayette": [ + "LAfayette", + "Lafayette", + "lafayette" + ], + "The Park Bistro & Bar": [ + "The Park Bistro & Bar", + "The Park" + ], + "Bistro": [ + "brasserie", + "Bistro", + "Brasserie", + "bistro" + ], + "El Tesoro Taqueria & Grill": [ + "El Tesoro Taqueria & grill", + "El Tesoro Taqueria & Grill", + "El Tesoro" + ], + "415-202-0530": [ + "415-202-0530" + ], + "Mission Beach Cafe": [ + "Mission Beach Cafe" + ], + "Coupa Cafe - Ramona": [ + "Coupa Cafe", + "Coupa Cafe - Ramona" + ], + "650-322-6872": [ + "650-322-6872" + ], + "Marche Aux Fleurs": [ + "Marche Aux Fleurs" + ], + "Ross": [ + "Ross" + ], + "Station House Cafe": [ + "Station House", + "Station House Cafe" + ], + "Point Reyes Station": [ + "Point Reyes Station" + ], + "Rivoli Restaurant": [ + "Rivoli Restaurant", + "Rivoli" + ], + "Little Nepal": [ + "Little Nepal" + ], + "925 Cortland Avenue": [ + "925 Cortland Avenue" + ], + "Rubio's Coastal Grill": [ + "Rubio's Coastal Grill", + "Rubio's" + ], + "20688 Stevens Creek Boulevard": [ + "20688 Stevens Creek Boulevard" + ], + "5800 Northgate Mall Suite 159": [ + "5800 Northgate Mall Suite 159" + ], + "415-755-6250": [ + "415-755-6250" + ], + "Yayume Sushi": [ + "Yayume", + "Yayume Sushi" + ], + "Babu Ji Sf": [ + "Babu Ji Sf", + "Babu Ji SF", + "Babu Ji" + ], + "Campo Fina": [ + "Campo Fina" + ], + "Acquerello": [ + "Acquerello" + ], + "Chef Zhao Kitchen": [ + "Chef Zhao Kitchen", + "Chef Zhao" + ], + "2180 West Bayshore Road #120": [ + "2180 West Bayshore Road #120" + ], + "Yi Yuan": [ + "Yi Yuan" + ], + "Sakoon": [ + "Sakoon" + ], + "Peacock's Koriander Indian Cuisine": [ + "Peacock's Koriander Indian Cuisine", + "Peacock's Koriander" + ], + "Yankees Vs Orioles": [ + "Yankees Vs Orioles", + "Yankees vs Orioles", + "Yankees vs orioles" + ], + "New York": [ + "New York City", + "ny", + "New york City", + "new york city", + "NEw York", + "nyc", + "New York", + "NYC", + "new york", + "new York", + "New york city", + "new York city", + "Ny", + "New YOrk", + "New York city", + "New york", + "NY" + ], + "GetEventDates": [ + "GetEventDates" + ], + "Yankee Stadium": [ + "yankee stadium", + "Yankee stadium", + "Yankee Stadium", + "yankee Stadium" + ], + "BuyEventTickets": [ + "BuyEventTickets" + ], + "1 East 161 Street": [ + "1 East 161 street", + "1 east 161 street", + "1 East 161 Street" + ], + "Lizzo": [ + "lizzo", + "Lizzo" + ], + "San Diego": [ + "San DIego", + "SD", + "sd", + "San diego", + "san diego", + "San Diego" + ], + "Cal Coast Credit Union Amphitheater": [ + "Cal coast Credit union Amphitheater", + "Cal Coast Credit Union Amphitheater", + "Cal Coast Credit Union amphitheater", + "Cal COast Credit Union Amphitheater", + "Cal Coast Credit union amphitheater", + "Cal Coast Credit Union AMphitheater", + "cal coast credit union amphitheater", + "Cal Coast Credit union Amphitheater" + ], + "5500 Campanile Drive": [ + "5500 Campanile Drive", + "5500 campanile drive", + "5500 campanile Drive", + "5500 Campanile drive" + ], + "Cher": [ + "cher", + "Cher" + ], + "Chase Center Experience": [ + "Chase Center Experience", + "chase center experience", + "Chase center experience" + ], + "500 Terry A Francois Boulevard Suite 73": [ + "500 Terry A Francois Boulevard suite 73", + "500 Terry A Francois Boulevard Suite 73" + ], + "Michael Feinstein": [ + "Michael Feinstein" + ], + "The Appel Room": [ + "The Appel Room", + "the Appel Room" + ], + "10 Columbus Circle": [ + "10 Columbus Circle" + ], + "Portland": [ + "portland, OR", + "Portland", + "portland, or", + "Portland, Or", + "Portland, OR", + "POrtland", + "Portland OR", + "portland" + ], + "Basta": [ + "basta", + "Basta" + ], + "Chicago": [ + "Chicago", + "chi-town", + "Chi-town", + "Chi-Town", + "chicago", + "CHi-town" + ], + "Concord Music Hall": [ + "concord music hall", + "Concord Music Hall", + "Concord music Hall" + ], + "2047 North Milwaukee Avenue": [ + "2047 north milwaukee avenue", + "2047 North Milwaukee Avenue" + ], + "London": [ + "London, uk", + "London, England", + "london, uk", + "London, england", + "London", + "london, UK", + "London UK", + "london, england", + "London England", + "London, Uk", + "london", + "london, England", + "London, UK" + ], + "India Vs Australia": [ + "India vs Australia", + "india vs australia", + "India Vs Australia" + ], + "The Oval": [ + "the oval", + "The Oval" + ], + "Washington D.C.": [ + "Washington, D.C.", + "District of Columbia", + "Washington D.C.", + "washington", + "DC", + "district of Columbia", + "Washington D.c.", + "Washington", + "washington d.c.", + "district of columbia", + "washington D.C.", + "dc" + ], + "Nationals Vs Orioles": [ + "Nationals Vs Orioles" + ], + "Nationals Park": [ + "Nationals park", + "Nationals Park" + ], + "1500 South Capitol Street Southeast": [ + "1500 South capitol street southeast", + "1500 South Capitol Street Southeast", + "1500 south capitol street southeast" + ], + "Damien Jurado": [ + "Damien Jurado" + ], + "The Old Church Concert Hall": [ + "The Old Church COncert Hall", + "the Old Church concert hall", + "the old church concert hall", + "The Old Church Concert Hall" + ], + "Jonathan Mcreynolds": [ + "Jonathan Mcreynolds", + "Jonathan McReynolds" + ], + "Cornerstone Craft Beer & Live Music": [ + "Cornerstone Craft Beer & LIve Music", + "Cornerstone Craft Beer & Live Music", + "Cornerstone Craft Beer & Live music", + "cornerstone craft beer & live music", + "cornerstone Craft Beer & Live Music" + ], + "2367 Shattuck Avenue": [ + "2367 shattuck avenue", + "2367 Shattuck avenue", + "2367 Shattuck Avenue" + ], + "Diamondbacks Vs Cardinals": [ + "Diamondbacks Vs Cardinals" + ], + "Phoenix": [ + "Phoenix Az", + "Phoenix", + "phoenix, AZ", + "Phoenix, AZ", + "PHoenix", + "phoenix", + "Phoenix AZ", + "phoenix AZ", + "phoenix, az", + "Phoenix, Az" + ], + "Chase Field": [ + "chase field", + "Chase field", + "CHase Field", + "Chase Field" + ], + "401 East Jefferson Street": [ + "401 east Jefferson street", + "401 East Jefferson Street", + "401 East Jefferson street", + "401 east jefferson street" + ], + "Aly And Aj": [ + "Aly and aj", + "aly and aj", + "Aly and AJ", + "Aly And Aj", + "Aly and Aj", + "ALy And Aj" + ], + "The Observatory North Park": [ + "The Observatory North park", + "the observatory north park", + "The Observatory North Park", + "the Observatory North Park" + ], + "Toronto": [ + "Toronto", + "toronto", + "toronto, canada", + "Toronto, Ontario", + "Toronto, Canada", + "toronto ontario", + "Toronto Ontario", + "Toronto, canada", + "toronto, ontario" + ], + "Blue Jays Vs Yankees": [ + "Blue Jays Vs Yankees" + ], + "Rogers Centre": [ + "rogers centre", + "Rogers Centre" + ], + "Stanford": [ + "stanford", + "Stanford" + ], + "Cardinal Vs Ducks": [ + "cardinal vs ducks", + "Cardinal VS Ducks", + "Cardinal vs Ducks", + "Cardinal Vs Ducks" + ], + "Stanford Stadium": [ + "Stanford Stadium", + "stanford stadium" + ], + "625 Nelson Road": [ + "625 Nelson Road" + ], + "Timbers Vs Earthquakes": [ + "Timbers Vs Earthquakes", + "Timbers vs earthquakes", + "Timbers vs Earthquakes" + ], + "Providence Park": [ + "Providence park", + "providence park", + "Providence Park" + ], + "Vivian Green": [ + "Vivian Green" + ], + "Sony Hall": [ + "Sony hall", + "Sony Hall", + "SOny hall", + "sony hall" + ], + "235 West 46th Street": [ + "235 west 46th street", + "235 West 46th street", + "235 West 46th Street" + ], + "Lafc Vs Atlanta United": [ + "Lafc Vs Atlanta United", + "LAFC vs Atlanta United", + "Lafc vs Atlanta United", + "lafc vs atlanta united", + "lafc Vs Atlanta United", + "lafc vs Atlanta United" + ], + "Los Angeles": [ + "los angeles", + "lAX", + "Los angeles", + "Lax", + "LAx", + "LAX", + "La", + "los Angeles", + "lax", + "Los Angeles", + "la", + "LA", + "Los ANgeles" + ], + "Banc of California Stadium": [ + "banc of california stadium", + "Banc Of California Stadium", + "Banc of California Stadium" + ], + "3939 South Figueroa Street": [ + "3939 South Figueroa Street", + "3939 South Figueroa street" + ], + "Mets Vs Rockies": [ + "Mets Vs Rockies", + "Mets vs Rockies" + ], + "Citi Field": [ + "citi Field", + "Citi field", + "Citi Field", + "citi field" + ], + "123-01 Roosevelt Avenue": [ + "123-01 roosevelt avenue", + "123-01 Roosevelt Avenue", + "123-01 Roosevelt avenue" + ], + "The National": [ + "the National", + "The National", + "The national" + ], + "Prospect Park Bandshell": [ + "Prospect PArk Bandshell", + "prospect park bandshell", + "Prospect Park Bandshell" + ], + "Laura Osnes": [ + "Laura Osnes" + ], + "Nationals Vs Indians": [ + "Nationals Vs Indians" + ], + "Dodgers Vs Cubs": [ + "Dodgers vs Cubs", + "dodgers vs cubs", + "Dodgers VS Cubs", + "Dodgers vs cubs", + "Dodgers Vs Cubs" + ], + "Dodger Stadium": [ + "Dodger stadium", + "dodger stadium", + "Dodger Stadium" + ], + "1000 Vin Scully Ave": [ + "1000 vin scully ave", + "1000 Vin Scully Ave" + ], + "Amber Run Brooklyn": [ + "Amber run Brooklyn", + "amber run brooklyn", + "Amber Run Brooklyn", + "AMber Run Brooklyn", + "Amber RUn Brooklyn", + "Amber run brooklyn" + ], + "Warsaw": [ + "Warsaw", + "warsaw" + ], + "261 Driggs Avenue, Brooklyn": [ + "261 Driggs Avenue, Brooklyn", + "261 driggs Avenue, Brooklyn", + "261 Driggs Avenue, brooklyn", + "261 driggs avenue, brooklyn", + "261 Driggs Avenue Brooklyn", + "261 driggs avenue brooklyn", + "261 Driggs AVenue, Brooklyn" + ], + "Philadelphia": [ + "PHilly", + "philly", + "PHiladelphia", + "philadelphia", + "Philly", + "Philadelphia" + ], + "Lights": [ + "Lights", + "lights" + ], + "The Foundry": [ + "The FOundry", + "The foundry", + "the foundry", + "the Foundry", + "The Foundry" + ], + "29 East Allen Street 2nd Floor": [ + "29 East Allen Street 2nd Floor", + "29 East Allen Street 2nd floor", + "29 east allen street 2nd floor", + "29 east Allen Street 2nd floor" + ], + "Diamondbacks Vs Nationals": [ + "Diamondbacks vs Nationals", + "Diamondbacks Vs Nationals", + "DiamondBacks Vs Nationals", + "Diamondbacks vs nationals" + ], + "Phillies Vs Diamondbacks": [ + "phillies vs diamondbacks", + "Phillies vs Diamondbacks", + "Phillies Vs Diamondbacks" + ], + "Citizens Bank Park": [ + "Citizens Bank Park", + "Citizens bank Park", + "citizens Bank Park", + "Citizens Bank park" + ], + "Owls Vs Yellow Jackets": [ + "Owls vs Yellow Jackets", + "owls vs yellow jackets", + "Owls Vs Yellow Jackets" + ], + "Lincoln Financial Field": [ + "Lincoln financial field", + "Lincoln financial Field", + "Lincoln Financial field", + "Lincoln FInancial Field", + "lincoln financial field", + "Lincoln Financial Field" + ], + "1 Lincoln Financial Field Way": [ + "1 lincoln financial field way", + "1 Lincoln Financial Field Way", + "1 Lincoln Financial Field way", + "1 Lincoln FInancial Field Way" + ], + "Johnnyswim": [ + "Johnnyswim" + ], + "The Van Buren": [ + "The Van Buren", + "the van buren", + "the Van Buren", + "The VAn Buren" + ], + "401 West Van Buren Street": [ + "401 West Van Buren Street", + "401 west van buren street", + "401 WEst Van Buren Street", + "401 West VAn Buren Street" + ], + "White Sox Vs Astros": [ + "White Sox Vs Astros", + "White Sox vs Astros" + ], + "Guaranteed Rate Field": [ + "guaranteed rate field", + "Guaranteed RAte Field", + "Guaranteed Rate Field" + ], + "333 West 35th Street": [ + "333 West 35th Street", + "333 west 35th street" + ], + "Atlanta": [ + "Atlanta Ga", + "atl", + "atlanta", + "Atlanta GA", + "atlanta, ga", + "Atlanta, Ga", + "Atlanta, GA", + "atlanta, GA", + "Atlanta", + "ATl", + "ATL" + ], + "Falcons Vs Jaguars": [ + "Falcons Vs Jaguars", + "Falcons vs Jaguars", + "falcons vs jaguars", + "Falcons vs jaguars" + ], + "Mercedes-Benz Stadium": [ + "Mercedes-Benz stadium", + "Mercedes-Benz Stadium", + "mercedes-benz stadium", + "Mercedes-benz stadium", + "mercedes-Benz Stadium", + "mercedes-Benz stadium" + ], + "Nycfc Vs Sporting Kc": [ + "Nycfc Vs Sporting KC", + "Nycfc vs sporting kc" + ], + "Sparks Vs Wings": [ + "Sparks Vs Wings", + "sparks vs wings", + "Sparks vs Wings" + ], + "STAPLES Center": [ + "STAPLES CEnter", + "staples center", + "Staples center", + "STAPLES center", + "STaples Center", + "Staples Center", + "STAPLES Center", + "STAPLES CENTER" + ], + "Yellow Jackets Vs Bulls": [ + "Yellow Jackets Vs Bulls", + "Yellow Jackets vs Bulls" + ], + "Bobby Dodd Stadium at Historic Grant Field": [ + "Bobby Dodd Stadium at Historic Grant field", + "Bobby Dodd Stadium at Historic Grant Field" + ], + "177 North Avenue Northwest": [ + "177 North Avenue Northwest" + ], + "Nycfc Vs Union": [ + "Nycfc Vs Union", + "NYCFC vs Union" + ], + "The Teragram Ballroom": [ + "the Teragram ballroom", + "The teragram ballroom", + "The Teragram Ballroom", + "the Teragram Ballroom", + "the teragram ballroom" + ], + "1234 West 7th Street": [ + "1234 West 7th street", + "1234 West 7th Street", + "1234 west 7th street" + ], + "Phillies Vs Padres": [ + "Phillies Vs Padres", + "Phillies vs Padres" + ], + "Hozier": [ + "Hozier" + ], + "France Rocks Festival": [ + "France Rocks Festival" + ], + "David Rubenstein Atrium at Lincoln Center": [ + "David Rubenstein Atrium at Lincoln Center", + "David Rubenstein Atrium at Lincoln center" + ], + "61 West 62nd Street": [ + "61 West 62nd Street" + ], + "Zz Top": [ + "ZZ top", + "ZZ Top", + "Zz top", + "Zz Top", + "zz top" + ], + "Raiders Vs Lions": [ + "Raiders vs Lions", + "Raiders Vs Lions", + "raiders vs lions" + ], + "Oakland-Alameda County Coliseum": [ + "Oakland-alameda county coliseum", + "oakland-alameda county coliseum", + "Oakland-Alameda County Coliseum" + ], + "7000 Coliseum Way": [ + "7000 coliseum way", + "7000 Coliseum way", + "7000 Coliseum Way" + ], + "Northlane": [ + "Northlane" + ], + "Panthers Vs Mountaineers": [ + "Panthers vs Mountaineers", + "panthers vs mountaineers", + "Panthers Vs Mountaineers" + ], + "Georgia State Stadium": [ + "Georgia State Stadium" + ], + "Phillies Vs Mets": [ + "Phillies Vs Mets", + "Phillies vs Mets" + ], + "1 Citizens Bank Way": [ + "1 citizens bank way", + "1 Citizens Bank WAy", + "1 Citizens bank Way", + "1 Citizens Bank Way" + ], + "Raiders Vs Chiefs": [ + "Raiders Vs Chiefs", + "raiders vs chiefs" + ], + "Blue Jays Vs Mariners": [ + "Blue Jays vs Mariners", + "Blue Jays Vs Mariners" + ], + "1 Blue Jays Way": [ + "1 blue Jays Way", + "1 Blue Jays Way", + "1 Blue Jays way", + "1 blue jays way", + "1 Blue jays way" + ], + "Dc United Vs Revolution": [ + "DC United vs Revolution", + "Dc United vs Revolution", + "DC United Vs Revolution", + "DC United VS Revolution", + "Dc United Vs Revolution", + "DC UNITED vs Revolution", + "dc united vs revolution" + ], + "Audi Field": [ + "Audi field", + "Audi Field", + "audi field" + ], + "100 Potomac Avenue Southwest": [ + "100 Potomac avenue southwest", + "100 Potomac avenue Southwest", + "100 Potomac Avenue Southwest" + ], + "Seattle": [ + "Seattle WA", + "seattle wa", + "Seattle, wa", + "Seattle", + "seattle, WA", + "Seattle, Wa", + "Seattle, WA", + "seattle", + "seattle, wa" + ], + "Huskies Vs Warriors": [ + "huskies vs warriors", + "Huskies vs Warriors", + "Huskies Vs Warriors" + ], + "Husky Stadium": [ + "husky stadium", + "Husky stadium", + "Husky Stadium" + ], + "Tash Sultana": [ + "Tash Sultana", + "tash sultana" + ], + "Sounders Vs Revolution": [ + "Sounders Vs Revolution", + "Sounders vs Revolution" + ], + "CenturyLink Field": [ + "Centurylink field", + "Centurylink Field", + "CenturyLink Field", + "centurylink field" + ], + "800 Occidental Avenue South": [ + "800 Occidental Avenue South", + "800 occidental avenue south", + "800 Occidental Avenue south" + ], + "Raiders Vs Titans": [ + "Raiders vs titans", + "Raiders Vs Titans", + "Raiders vs Titans" + ], + "Diamondbacks Vs Mets": [ + "Diamondbacks vs Mets", + "Diamondbacks Vs Mets" + ], + "Mets Vs Diamondbacks": [ + "Mets Vs Diamondbacks", + "Mets vs Diamondbacks", + "Mets vs diamondbacks", + "mets vs diamondbacks" + ], + "Billy Currington": [ + "Billy Currington" + ], + "Gallagher Way": [ + "Gallagher Way", + "Gallagher way", + "gallagher way" + ], + "Vancouver": [ + "vancouver", + "Vancouver BC", + "vancouver, BC", + "Vancouver", + "Vancouver, bc", + "Vancouver, BC", + "vancouver, bc", + "VAncouver", + "Vancouver, Bc", + "vancouver bc" + ], + "Whitecaps Vs Earthquakes": [ + "whitecaps vs earthquakes", + "Whitecaps Vs Earthquakes", + "Whitecaps vs Earthquakes" + ], + "BC Place": [ + "BC place", + "bc place", + "BC Place" + ], + "777 Pacific Boulevard": [ + "777 Pacific boulevard", + "777 Pacific Boulevard", + "777 pacific boulevard", + "777 pacific Boulevard" + ], + "Starset": [ + "starset", + "Starset" + ], + "Regent Theater DTLA": [ + "regent Theater DTLA", + "Regent Theater DTLA", + "Regent theater DTLA", + "regent theater dtla" + ], + "448 South Main Street": [ + "448 South main street", + "448 south main street", + "448 South Main Street", + "448 south Main Street" + ], + "Usc Vs Ucla": [ + "Usc Vs UCLA", + "USC vs UCLA", + "Usc vs Ucla", + "Usc Vs Ucla" + ], + "LA Memorial Coliseum": [ + "la memorial coliseum", + "LA Memorial Coliseum", + "LA memorial coliseum" + ], + "3911 Figueroa Street": [ + "3911 Figueroa street", + "3911 Figueroa Street", + "3911 figueroa street" + ], + "Trojans Vs Bulldogs": [ + "Trojans vs Bulldogs", + "Trojans Vs Bulldogs" + ], + "Cubs Vs Mariners": [ + "Cubs Vs Mariners", + "cubs vs mariners" + ], + "Wrigley Field": [ + "Wrigley Field", + "Wrigley field", + "wrigley field" + ], + "PNE Amphitheatre": [ + "PNE AMphitheatre", + "Pne amphitheatre", + "pne amphitheatre", + "PNE amphitheatre", + "PNE Amphitheatre" + ], + "Panthers Vs Trojans": [ + "Panthers Vs Trojans", + "Panthers vs Trojans" + ], + "755 Hank Aaron Drive Southeast": [ + "755 Hank Aaron Drive Southeast" + ], + "Jason Isbell": [ + "Jason Isbell" + ], + "141 Prospect Park West, Brooklyn": [ + "141 Prospect Park West, Brooklyn" + ], + "Yankees Vs Rangers": [ + "Yankees Vs Rangers" + ], + "El Salvador Vs Haiti": [ + "El Salvador Vs Haiti", + "El Salvador vs Haiti", + "El Salvador VS Haiti", + "el salvador vs haiti" + ], + "RFK Stadium": [ + "rfk stadium", + "RFK Stadium" + ], + "2400 East Capitol Street Southeast": [ + "2400 East Capitol Street Southeast" + ], + "Bastille": [ + "bastille", + "Bastille" + ], + "Nav With Killy": [ + "Nav With Killy", + "Nav with Killy" + ], + "The Fillmore Philadelphia": [ + "the fillmore philadelphia", + "THe Fillmore Philadelphia", + "the Fillmore Philadelphia", + "The Fillmore Philadelphia" + ], + "29 East Allen Street": [ + "29 east allen street", + "29 East Allen Street" + ], + "Anaheim": [ + "Anaheim, CA", + "Anaheim, Ca", + "anaheim, ca", + "anaheim CA", + "ANaheim", + "Anaheim CA", + "Anaheim", + "anaheim", + "anaheim, CA" + ], + "Brown Sabbath": [ + "brown sabbath", + "Brown Sabbath" + ], + "Crossroads at House of Blues Anaheim": [ + "Crossroads at house of blues anaheim", + "Crossroads at House of Blues Anaheim", + "crossroads at House of Blues Anaheim" + ], + "Girl In Red": [ + "Girl In red", + "Girl in red", + "Girl in Red", + "girl in red", + "Girl In Red" + ], + "Styx": [ + "Styx", + "styx" + ], + "2901 East Hastings Street": [ + "2901 East hastings street", + "2901 East Hastings Street", + "2901 East Hastings street", + "2901 east hastings street" + ], + "Golden Bears Vs Cougars": [ + "Golden Bears Vs Cougars", + "Golden bears vs cougars", + "golden bears vs cougars", + "Golden Bears vs Cougars" + ], + "California Memorial Stadium": [ + "California Memorial Stadium" + ], + "Star City Music Festival": [ + "Star City Music Festival", + "Star city Music Festival", + "Star City Music festival" + ], + "Brisbane": [ + "Brisbane" + ], + "Brisbane Community Park": [ + "Brisbane Community Park" + ], + "Brisbane, California 94005, United States": [ + "Brisbane, California 94005, United States", + "Brisbane, California, 94005, United States" + ], + "Mariners Vs Rangers": [ + "mariners vs rangers", + "Mariners vs Rangers", + "mariners vs Rangers", + "Mariners Vs Rangers", + "Mariners Vs rangers", + "mariners Vs Rangers" + ], + "T-Mobile Park": [ + "T-mobile park", + "t-mobile park", + "T-Mobile park", + "T-Mobile Park", + "T-mobile Park" + ], + "1250 1st Avenue South": [ + "1250 1st Avenue South" + ], + "Friends": [ + "Friends", + "friends" + ], + "Newmark Theatre": [ + "newmark theatre", + "Newmark Theatre" + ], + "Mets Vs Pirates": [ + "Mets vs Pirates", + "Mets Vs Pirates", + "mets vs pirates" + ], + "Spose": [ + "spose", + "Spose" + ], + "1720(tm)": [ + "1720(tm)" + ], + "Blue Jays Vs Astros": [ + "Blue Jays vs Astros", + "blue jays vs astros", + "Blue Jays Vs Astros", + "Blue Jays VS Astros" + ], + "White Sox Vs Twins": [ + "White Sox Vs Twins", + "White Sox vs Twins" + ], + "Dodgers Vs Giants": [ + "Dodgers vs giants", + "Dodgers vs Giants", + "Dodgers Vs Giants" + ], + "Vertical Horizon": [ + "Vertical Horizon" + ], + "Seahawks Vs Cardinals": [ + "seahawks vs cardinals", + "Seahawks Vs Cardinals", + "Seahawks vs cardinals" + ], + "Taking Back Sunday": [ + "Taking Back Sunday", + "Taking Back SUnday", + "Taking back Sunday" + ], + "Kenny's Alley": [ + "Kenny's alley", + "kenny's Alley", + "Kenny's Alley" + ], + "Whitecaps Vs Kansas City": [ + "Whitecaps Vs Kansas City", + "Whitecaps vs Kansas City" + ], + "Phutureprimitive": [ + "Phutureprimitive", + "phutureprimitive" + ], + "Blue Jays Vs Rangers": [ + "Blue Jays Vs Rangers" + ], + "Mandy Harvey": [ + "mandy harvey", + "Mandy Harvey", + "Mandy harvey" + ], + "Blue Note Napa": [ + "blue note napa", + "Blue note Napa", + "Blue Note Napa" + ], + "1030 Main Street": [ + "1030 main street", + "1030 main Street", + "1030 Main Street" + ], + "Timbers Vs Rsl": [ + "Timbers vs RSL", + "Timbers Vs Rsl" + ], + "1844 Southwest Morrison Street": [ + "1844 Southwest Morrison street", + "1844 Southwest Morrison Street", + "1844 southwest morrison street" + ], + "Jethro Tull": [ + "jethro Tull", + "Jethro Tull", + "jethro tull" + ], + "Forest Hills Stadium": [ + "forest hills stadium", + "Forest hills stadium", + "Forest Hills stadium", + "Forest Hills Stadium" + ], + "1 Tennis Place, Forest Hills": [ + "1 Tennis Place, forest Hills", + "1 Tennis place, forest hills", + "1 tennis place, forest hills", + "1 Tennis Place, Forest Hills", + "1 Tennis Place Forest Hills", + "1 Tennis Place, Forest hills" + ], + "Angels Vs Tigers": [ + "Angels vs Tigers", + "Angels Vs Tigers" + ], + "Angel Stadium of Anaheim": [ + "Angel Stadium of ANaheim", + "Angel stadium of Anaheim", + "angel stadium of anaheim", + "angel stadium of Anaheim", + "Angel Stadium of Anaheim", + "Angel stadium of anaheim" + ], + "2000 East Gene Autry Way": [ + "2000 East Gene Autry way", + "2000 East Gene Autry Way", + "2000 east gene autry way" + ], + "Low": [ + "Low" + ], + "Murmrr": [ + "Murmrr" + ], + "17 Eastern Parkway, Brooklyn": [ + "17 Eastern parkway, Brooklyn", + "17 Eastern Parkway, Brooklyn", + "17 eastern parkway, brooklyn" + ], + "Juliana Hatfield": [ + "Juliana Hatfield", + "juliana hatfield" + ], + "Union Stage": [ + "Union Stage", + "union stage", + "Union stage" + ], + "740 Water Street Southwest, Washington, District of Columbia 20024, United States": [ + "740 Water Street Southwest, Washington, District of Columbia 20024, United states", + "740 Water Street Southwest, Washington, District of Columbia 20024, United STates", + "740 Water Street Southwest, Washington, District of Columbia 20024, United States" + ], + "Theater Of The Clouds": [ + "theater of the clouds", + "Theater Of the Clouds", + "Theater of The Clouds", + "Theater of the Clouds", + "Theater Of The clouds", + "Theater Of The Clouds", + "Theater of the clouds" + ], + "Roy Ayers": [ + "Roy Ayers", + "Roy ayers" + ], + "Gloryhammer": [ + "Gloryhammer" + ], + "Jordan Rakei": [ + "JOrdan Rakei", + "Jordan Rakei", + "jordan rakei", + "Jordan rakei" + ], + "Prettymuch": [ + "Prettymuch" + ], + "The Drums": [ + "the drums", + "The Drums", + "the Drums" + ], + "August Hall": [ + "August hall", + "august hall", + "August Hall" + ], + "420 Mason Street": [ + "420 Mason street", + "420 Mason Street", + "420 mason street" + ], + "Lauv": [ + "Lauv" + ], + "Mariners Vs Angels": [ + "Mariners Vs Angels", + "Mariners vs Angels", + "mariners vs angels", + "Mariners vs angels" + ], + "Revolution Vs Nycfc": [ + "Revolution Vs Nycfc" + ], + "Padres Vs Orioles": [ + "Padres vs Orioles", + "Padres Vs Orioles" + ], + "Petco Park": [ + "Petco park", + "Petco Park", + "petco park" + ], + "100 Park Boulevard": [ + "100 park Boulevard", + "100 Park Boulevard", + "100 Park boulevard", + "100 park boulevard" + ], + "Freestyle Love Supreme": [ + "Freestyle Love Supreme" + ], + "Family Theater": [ + "Family Theater" + ], + "2700 F Street Northwest, Washington, District of Columbia 20566, United States": [ + "2700 F Street Northwest, Washington, District of Columbia 20566, United States" + ], + "Mystics Vs Sky": [ + "Mystics Vs Sky" + ], + "Capital One Arena": [ + "Capital One arena", + "Capital One Arena" + ], + "601 F Street Northwest": [ + "601 F street Northwest", + "601 F Street Northwest" + ], + "Nicole Belanus Washington": [ + "nicole belanus washington", + "Nicole Belanus Washington" + ], + "Pearl Street Warehouse": [ + "pearl street warehouse", + "Pearl Street Warehouse" + ], + "33 Pearl Street Southwest, Washington, District of Columbia 20024, United States": [ + "33 Pearl Street Southwest, Washington, District of Columbia 20024, United States", + "33 pearl street southwest, washington, district of columbia 20024, united states" + ], + "Celine Dion": [ + "celine dion", + "Celine Dion", + "Celine dion" + ], + "Josh Groban": [ + "Josh Groban", + "josh groban" + ], + "Concerts at Wente Vineyards": [ + "Concerts at Wente Vineyards" + ], + "Todd Rundgren": [ + "Todd rundgren", + "Todd Rundgren" + ], + "Yountville": [ + "Yountville" + ], + "Napa Valley Performing Arts Center": [ + "Napa valley Performing Arts center", + "Napa Valley Performing Arts Center" + ], + "100 California Drive": [ + "100 California Drive" + ], + "Nationals Vs Rockies": [ + "Nationals Vs Rockies", + "Nationals vs Rockies" + ], + "Mets Vs Phillies": [ + "Mets vs Phillies", + "mets vs phillies", + "Mets Vs Phillies" + ], + "Seattle Vs Minnesota": [ + "Seattle Vs Minnesota" + ], + "Alaska Airlines Arena": [ + "alaska airlines arena", + "Alaska Airlines Arena" + ], + "3870 Montlake Boulevard Northeast": [ + "3870 montlake boulevard northeast", + "3870 Montlake Boulevard Northeast" + ], + "United Vs Revolution": [ + "United Vs Revolution" + ], + "Crystal Palace Vs Norwich": [ + "Crystal Palace vs Norwich", + "Crystal Palace Vs Norwich" + ], + "Selhurst Park Stadium": [ + "Selhurst Park Stadium" + ], + "Holmesdale Road": [ + "Holmesdale Road" + ], + "Blueface": [ + "blueface", + "Blueface" + ], + "Cubs Vs Padres": [ + "Cubs vs Padres", + "Cubs Vs Padres" + ], + "1060 West Addison Street": [ + "1060 West Addison Street", + "1060 West Addison street", + "1060 west addison street" + ], + "The Struts": [ + "The Struts", + "the struts" + ], + "Pier 17": [ + "pier 17", + "Pier 17" + ], + "Falcons Vs Buccaneers": [ + "Falcons vs Buccaneers", + "Falcons VS Buccaneers", + "falcons vs buccaneers", + "Falcons Vs Buccaneers" + ], + "1 AMB Drive Northwest": [ + "1 AMB Drive Northwest", + "1 AMB DRive Northwest", + "1 AMB drive northwest" + ], + "Seattle Vs La Angels": [ + "Seattle vs LA Angels", + "Seattle Vs La Angels", + "Seattle vs La Angels" + ], + "Mets Vs Padres": [ + "Mets vs padres", + "Mets VS Padres", + "mets vs padres", + "Mets Vs Padres" + ], + "Bryan Adams": [ + "bryan adams", + "Bryan Adams" + ], + "1016-1098 North Center Court Street": [ + "1016-1098 North Center Court Street" + ], + "Toronto Fc Vs Rapids": [ + "Toronto Fc Vs Rapids", + "Toronto FC Vs Rapids" + ], + "BMO Field": [ + "BMO field", + "BMO Field" + ], + "The Band Camino": [ + "The Band Camino", + "The band Camino", + "the Band Camino", + "the band camino" + ], + "Guided By Voices": [ + "Guided By Voices", + "Guided by voices", + "guided by voices", + "Guided by Voices", + "Guided By voices", + "Guided BY Voices" + ], + "Billy Idol": [ + "Billy Idol", + "billy idol" + ], + "The Chats": [ + "The Chats", + "the chats" + ], + "Valley Bar": [ + "Valley Bar" + ], + "Shanice": [ + "Shanice" + ], + "Atlanta Summer Organ Festival": [ + "Atlanta Summer Organ Festival", + "Atlanta Summer organ Festival", + "Atlanta SUmmer Organ Festival", + "atlanta summer organ festival" + ], + "Peachtree Road United Methodist Church": [ + "Peachtree Road United Methodist Church", + "peachtree road united methodist church", + "Peachtree road United methodist Church" + ], + "3180 Peachtree Road Northeast": [ + "3180 peachtree road northeast", + "3180 Peachtree road northeast", + "3180 Peachtree Road Northeast" + ], + "Giants Vs Dodgers": [ + "Giants vs Dodgers", + "Giants Vs dodgers", + "giants vs dodgers", + "Giants Vs Dodgers" + ], + "Oracle Park": [ + "Oracle park", + "Oracle PArk", + "ORacle Park", + "Oracle Park", + "oracle park" + ], + "24 Willie Mays Plaza": [ + "24 Willie Mays PLaza", + "24 Willie Mays Plaza", + "24 willie Mays Plaza", + "24 willie mays plaza" + ], + "The Buttertones": [ + "the Buttertones", + "The Buttertones" + ], + "Chop Shop": [ + "Chop Shop", + "Chop shop", + "chop shop" + ], + "Buddy Guy": [ + "buddy guy", + "Buddy guy", + "Buddy Guy" + ], + "Washington Vs Ny Liberty": [ + "Washington Vs Ny Liberty" + ], + "Entertainment & Sports Arena": [ + "entertainment & sports arena", + "Entertainment & Sports Arena" + ], + "1100 Oak Drive SE": [ + "1100 oak drive se", + "1100 Oak Drive SE" + ], + "Raiders Vs Jaguars": [ + "Raiders vs jaguars", + "Raiders Vs Jaguars", + "Raiders VS Jaguars", + "Raiders vs Jaguars" + ], + "Giants Vs Marlins": [ + "Giants Vs Marlins", + "giants vs marlins", + "Giants vs Marlins" + ], + "Fidlar": [ + "Fidlar" + ], + "Greensky Bluegrass": [ + "greensky bluegrass", + "Greensky Bluegrass" + ], + "Flamingo Lot": [ + "Flamingo Lot" + ], + "5500 Phinney Avenue North": [ + "5500 Phinney Avenue North" + ], + "Falcons Vs Redskins": [ + "Falcons Vs Redskins", + "Falcons vs Redskins" + ], + "Nationals Vs Phillies": [ + "Nationals Vs Phillies" + ], + "White Sox Vs Angels": [ + "White Sox vs Angels", + "white sox vs angels", + "White Sox Vs Angels" + ], + "1422 Southwest 11th Avenue": [ + "1422 Southwest 11th avenue", + "1422 Southwest 11th Avenue" + ], + "Yankees Vs Blue Jays": [ + "Yankees Vs Blue Jays", + "Yankees vs Blue Jays" + ], + "Mariners Vs Tigers": [ + "Mariners Vs Tigers", + "mariners vs tigers" + ], + "Mystics Vs Sun": [ + "Mystics Vs Sun", + "Mystics vs sun" + ], + "Murder City Devils": [ + "Murder city devils", + "murder city devils", + "Murder City Devils" + ], + "Angels Vs Red Sox": [ + "Angels vs Red Sox", + "Angels VS Red Sox", + "Angels Vs Red Sox" + ], + "Republic Vs Toros": [ + "republic vs toros", + "Republic Vs Toros", + "Republic VS Toros", + "Republic vs Toros" + ], + "Sacramento": [ + "sacramento, ca", + "Sacramento, Ca", + "Sacramento Ca", + "sacramento", + "Sacramento, ca", + "SAcramento", + "sacramento, CA", + "Sacramento", + "Sacramento, CA", + "sacramento CA", + "Sacramento CA" + ], + "Papa Murphy's Park": [ + "Papa Murphy's park", + "papa murphy's park", + "papa Murphy's Park", + "Papa Murphy's Park", + "Papa murphy's park" + ], + "1600 Exposition Boulevard": [ + "1600 exposition boulevard", + "1600 Exposition Boulevard", + "1600 exposition Boulevard" + ], + "Phillies Vs Pirates": [ + "Phillies vs Pirates", + "Phillies Vs Pirates" + ], + "Owls Vs Knights": [ + "Owls Vs Knights", + "Owls vs Knights", + "owls vs knights", + "Owls vs knights" + ], + "Raiders Vs Bengals": [ + "Raiders Vs Bengals", + "raiders vs bengals", + "Raiders vs Bengals", + "Raiders vs bengals", + "Raiders VS Bengals" + ], + "The Acid": [ + "The Acid" + ], + "Diamondbacks Vs Brewers": [ + "Diamondbacks vs Brewers", + "Diamondbacks Vs Brewers", + "diamondbacks vs brewers" + ], + "Gorgasm": [ + "Gorgasm" + ], + "50 Upper Alabama Street": [ + "50 Upper alabama street", + "50 Upper ALabama Street", + "50 Upper Alabama Street" + ], + "The Hives": [ + "the Hives", + "The Hives" + ], + "2891 University Avenue": [ + "2891 University Avenue", + "2891 university avenue" + ], + "Night Train": [ + "Night Train" + ], + "Jason Aldean": [ + "Jason Aldean", + "jason Aldean" + ], + "LookupMusic": [ + "LookupMusic" + ], + "When She Says Baby": [ + "When She Says Baby" + ], + "Country": [ + "hillbilly", + "Country", + "Hillbilly", + "country" + ], + "PlayMedia": [ + "PlayMedia" + ], + "TV": [ + "TV" + ], + "kitchen speaker": [ + "kitchen speaker" + ], + "bedroom speaker": [ + "bedroom speaker" + ], + "Mint": [ + "Mint" + ], + "Why So Serious": [ + "Why So Serious" + ], + "Alice Merton": [ + "Alice Merton" + ], + "Pop": [ + "pop", + "Popular", + "POp", + "POP", + "Pop", + "popular" + ], + "Expectations": [ + "Expectations", + "expectations" + ], + "Curious": [ + "curious", + "Curious" + ], + "Hayley Kiyoko": [ + "hayley kiyoko", + "Hayley Kiyoko" + ], + "Bebe Rexha": [ + "Bebe Rexha" + ], + "I Got You": [ + "I Got You" + ], + "Adorn": [ + "Adorn", + "adorn" + ], + "Miguel": [ + "Miguel", + "miguel" + ], + "Kaleidoscope Dream": [ + "kaleidoscope dream", + "kaleidoscope Dream", + "Kaleidoscope Dream", + "Kaleidoscope dream" + ], + "Shawn Mendes": [ + "Shawn Mendes", + "shawn mendes" + ], + "Aftertaste": [ + "Aftertaste" + ], + "Handwritten": [ + "Handwritten" + ], + "Bad Reputation": [ + "Bad Reputation", + "bad reputation" + ], + "Illuminate": [ + "Illuminate", + "illuminate" + ], + "Metal": [ + "metal", + "Metal" + ], + "Born For Greatness": [ + "Born For Greatness", + "Born for Greatness" + ], + "Papa Roach": [ + "Papa Roach" + ], + "Crooked Teeth": [ + "Crooked Teeth" + ], + "Cirice": [ + "Cirice" + ], + "Ghost": [ + "Ghost", + "ghost" + ], + "Meliora": [ + "Meliora" + ], + "Hiroyuki Sawano": [ + "Hiroyuki Sawano" + ], + "Soundtracks": [ + "soundtracks", + "Soundtracks" + ], + "Perfect Time": [ + "Perfect Time" + ], + "The Seven Deadly Sins Original Soundtrack": [ + "The Seven Deadly Sins Original Soundtrack" + ], + "High Horse": [ + "High Horse" + ], + "Kacey Musgraves": [ + "Kacey Musgraves" + ], + "Golden Hour": [ + "Golden Hour" + ], + "Carnivore": [ + "Carnivore" + ], + "Transmissions": [ + "transmissions", + "Transmissions" + ], + "Rock": [ + "rock-and-roll", + "rock", + "Rock", + "Rock-and-roll" + ], + "Yottabyte": [ + "yottabyte", + "Yottabyte" + ], + "Martin Garrix": [ + "martin garrix", + "Martin Garrix" + ], + "The Martin Garrix Experience": [ + "the martin garrix experience", + "the Martin Garrix Experience", + "the Martin Garrix experience", + "The Martin Garrix Experience" + ], + "House": [ + "House", + "house" + ], + "Alan Walker": [ + "Alan Walker" + ], + "Alone": [ + "Alone" + ], + "Different World": [ + "Different World", + "Different world" + ], + "Dia Frampton": [ + "Dia Frampton" + ], + "Walk Away": [ + "Walk Away" + ], + "Red": [ + "Red" + ], + "Rihanna": [ + "Rihanna", + "rihanna" + ], + "California King Bed": [ + "california king bed", + "California King Bed" + ], + "Loud": [ + "loud", + "Loud" + ], + "Unapologetic": [ + "Unapologetic", + "unapologetic" + ], + "Pour It Up": [ + "Pour it Up", + "Pour It Up", + "Pour It up", + "pour it up", + "Pour it up" + ], + "A Little Bit Stronger": [ + "A Little Bit Stronger" + ], + "Sara Evans": [ + "Sara Evans" + ], + "Stronger": [ + "Stronger" + ], + "Reggae": [ + "reggae", + "Reggae", + "Reggaeton" + ], + "Addicted": [ + "Addicted" + ], + "Popcaan": [ + "Popcaan" + ], + "Where We Come From": [ + "Where we come from", + "Where We Come From" + ], + "Happiness Begins": [ + "Happiness Begins" + ], + "Sucker": [ + "Sucker" + ], + "Jonas Brothers": [ + "Jonas Brothers" + ], + "Dangerous Woman": [ + "Dangerous woman", + "Dangerous Woman", + "dangerous woman" + ], + "Be Alright": [ + "Be Alright" + ], + "Ariana Grande": [ + "Ariana Grande", + "ariana grande" + ], + "Are You Ready": [ + "Are You Ready", + "Are you Ready" + ], + "Disturbed": [ + "Disturbed", + "disturbed" + ], + "Evolution": [ + "Evolution" + ], + "Let It Be": [ + "Let it Be", + "Let IT Be", + "Let it be", + "Let It Be", + "let it be" + ], + "Camila": [ + "camila", + "Camila" + ], + "Consequences": [ + "Consequences" + ], + "Camila Cabello": [ + "CAmila Cabello", + "Camila Cabello" + ], + "Real Friends": [ + "Real Friends", + "Real FRiends", + "real friends" + ], + "Heroes": [ + "Heroes" + ], + "Night Witches": [ + "Night Witches" + ], + "Sabaton": [ + "sabaton", + "Sabaton" + ], + "Jon Pardi": [ + "Jon Pardi", + "jon pardi" + ], + "Head Over Boots": [ + "Head over Boots", + "Head Over Boots" + ], + "California Sunrise": [ + "California Sunrise", + "california sunrise" + ], + "Our Last Night": [ + "Our Last Night" + ], + "Metalcore": [ + "metalcore", + "Metalcore" + ], + "Same Old War": [ + "Same Old War" + ], + "Oak Island": [ + "Oak Island" + ], + "African Beauty": [ + "African Beauty", + "African beauty", + "african beauty" + ], + "Diamond Platnumz": [ + "Diamond PLatnumz", + "Diamond Platnumz", + "diamond platnumz", + "diamond Platnumz" + ], + "A Boy From Tandale": [ + "A boy from Tandale", + "a boy from tandale", + "A Boy From Tandale", + "A Boy from Tandale" + ], + "All The Little Lights": [ + "All the little lights", + "All The Little Lights", + "all the little lights" + ], + "Let Her Go": [ + "Let her Go", + "let her go", + "Let Her Go" + ], + "Passenger": [ + "Passenger" + ], + "Konshens": [ + "Konshens" + ], + "Bruk Off Yuh Back": [ + "Bruk off Yuh Back", + "Bruk Off Yuh Back" + ], + "It Feel Good": [ + "It Feel Good" + ], + "Turn Me On": [ + "Turn Me On" + ], + "Foster The People": [ + "Foster The People", + "Foster the People" + ], + "Houdini": [ + "houdini", + "Houdini" + ], + "Torches": [ + "Torches" + ], + "Mitchell Tenpenny": [ + "Mitchell Tenpenny" + ], + "Telling All My Secrets": [ + "Telling All my Secrets", + "Telling All My Secrets" + ], + "Drunk Me": [ + "Drunk me", + "Drunk Me" + ], + "Girl Crush": [ + "Girl Crush" + ], + "Little Big Town": [ + "Little Big Town" + ], + "Pain Killer": [ + "Pain Killer" + ], + "Nights": [ + "Nights", + "nights" + ], + "Frank Ocean": [ + "frank ocean", + "Frank Ocean" + ], + "Blonde": [ + "Blonde" + ], + "Courier": [ + "courier", + "Courier" + ], + "The Present Tense": [ + "The Present Tense", + "The Present tense" + ], + "Be Somebody": [ + "Be Somebody" + ], + "Thousand Foot Krutch": [ + "Thousand Foot krutch", + "Thousand Foot Krutch" + ], + "The End Is Where We Begin": [ + "The End is Where We Begin", + "The End Is Where We Begin" + ], + "Electropop": [ + "electropop", + "Electropop" + ], + "Pure Heroine": [ + "Pure Heroine", + "pure heroine" + ], + "Buzzcut Season": [ + "Buzzcut Season", + "Buzzcut season", + "buzzcut season" + ], + "Lorde": [ + "Lorde", + "lorde" + ], + "Team": [ + "team", + "Team" + ], + "Ivy": [ + "Ivy" + ], + "All On Me": [ + "all on me", + "All On Me", + "All on me", + "All on Me" + ], + "Devin Dawson": [ + "devin dawson", + "Devin Dawson" + ], + "Dark Horse": [ + "Dark Horse", + "dark horse" + ], + "A Star Is Born Soundtrack": [ + "A Star Is Born Soundtrack", + "a star is born soundtrack", + "A Star Is Born soundtrack", + "A Star is Born Soundtrack" + ], + "Alibi": [ + "Alibi" + ], + "Bradley Cooper": [ + "Bradley Cooper" + ], + "Always Remember Us This Way": [ + "Always Remember Us This Way" + ], + "Lady Gaga": [ + "Lady Gaga", + "lady gaga", + "Lady GaGa" + ], + "Before I Cry": [ + "Before I cry", + "Before I Cry", + "before I cry" + ], + "I Want You": [ + "I want you", + "I Want You" + ], + "Taylor Parks": [ + "Taylor Parks" + ], + "We Need To Talk": [ + "We Need to talk", + "We Need To Talk" + ], + "Jinjer": [ + "Jinjer" + ], + "King Of Everything": [ + "King of Everything", + "King Of Everything" + ], + "Pisces": [ + "Pisces" + ], + "Darkside": [ + "Darkside" + ], + "Jake Owen": [ + "Jake Owen" + ], + "Alone With You": [ + "Alone with You", + "Alone with you", + "Alone With You" + ], + "Barefoot Blue Jean Night": [ + "Barefoot Blue Jean Night" + ], + "Adrenalize": [ + "adrenalize", + "Adrenalize" + ], + "In This Moment": [ + "In this Moment", + "in this moment", + "In this moment", + "In This Moment" + ], + "Blood": [ + "Blood", + "blood" + ], + "Big Bad Wolf": [ + "Big Bad Wolf" + ], + "Black Widow": [ + "Black Widow", + "Black widow", + "black widow" + ], + "Vessel": [ + "vessel", + "Vessel" + ], + "Fake You Out": [ + "Fake You Out", + "fake you out", + "Fake you out", + "Fake You OUt" + ], + "Twenty One Pilots": [ + "Twenty One pilots", + "Twenty One Pilots", + "twenty one pilots" + ], + "Truce": [ + "Truce" + ], + "Pretty Girl Team": [ + "Pretty Girl Team" + ], + "Alkaline": [ + "Alkaline" + ], + "Alkaline Masterpiece": [ + "Alkaline Masterpiece" + ], + "Covers": [ + "Covers" + ], + "Without Me": [ + "Without Me" + ], + "Alec Chambers": [ + "Alec Chambers" + ], + "Raise Vibration": [ + "Raise Vibration" + ], + "Lenny Kravitz": [ + "Lenny Kravitz" + ], + "Three Days Grace": [ + "three days Grace", + "Three Days Grace" + ], + "Right Left Wrong": [ + "Right Left Wrong", + "Right left wrong" + ], + "Outsider": [ + "Outsider" + ], + "Karolina Protsenko": [ + "karolina protsenko", + "Karolina Protsenko" + ], + "Despacito": [ + "despacito", + "Despacito" + ], + "My Dream": [ + "My Dream", + "my dream" + ], + "Take Me Away": [ + "Take Me Away" + ], + "Scotty Sire": [ + "Scotty Sire" + ], + "Ruin Your Party": [ + "Ruin Your Party" + ], + "The Bright Side": [ + "The Bright Side", + "the bright side" + ], + "Blue Skies": [ + "Blue Skies", + "blue skies" + ], + "Lenka": [ + "lenka", + "Lenka" + ], + "Black Veil Brides": [ + "Black Veil Brides" + ], + "Wake Up": [ + "Wake Up" + ], + "Vale": [ + "Vale" + ], + "Busy Signal": [ + "Busy Signal" + ], + "Dolla Van Riddim": [ + "Dolla Van Riddim" + ], + "Dolla Van": [ + "Dolla Van" + ], + "Pop Food": [ + "pop food", + "Pop Food" + ], + "Jack Stauber": [ + "Jack Stauber", + "jack stauber" + ], + "Buttercup": [ + "Buttercup", + "buttercup" + ], + "Singles You Up": [ + "Singles you Up", + "Singles You UP", + "Singles You Up" + ], + "Jordan Davis": [ + "Jordan Davis" + ], + "Home State": [ + "Home state", + "Home State" + ], + "Bloody Mary": [ + "bloody mary", + "Bloody Mary", + "bloody Mary" + ], + "Born This Way": [ + "born this way", + "Born This Way" + ], + "Butterflies": [ + "butterflies", + "Butterflies" + ], + "Slow Burn": [ + "Slow Burn" + ], + "Shake Me Down": [ + "Shake Me Down" + ], + "Cage The Elephant": [ + "Cage The Elephant" + ], + "Thank You Happy Birthday": [ + "Thank You Happy Birthday" + ], + "Ciara": [ + "ciara", + "Ciara" + ], + "Thinkin Bout You": [ + "Thinkin Bout You", + "thinkin bout you" + ], + "Beauty Marks": [ + "beauty marks", + "Beauty Marks" + ], + "Reggae Music": [ + "Reggae Music" + ], + "Kabaka Pyramid": [ + "Kabaka Pyramid" + ], + "Kontraband": [ + "Kontraband" + ], + "Experiment": [ + "Experiment" + ], + "Homesick": [ + "Homesick" + ], + "Kane Brown": [ + "kane brown", + "Kane Brown", + "Kane brown" + ], + "Lose It": [ + "Lose It", + "Lose it" + ], + "Weekend": [ + "Weekend", + "weekend" + ], + "Marshmello": [ + "Marshmello" + ], + "Blocks": [ + "Blocks" + ], + "Joytime": [ + "joytime", + "Joytime" + ], + "Man Down": [ + "Man Down" + ], + "Frozen": [ + "Frozen" + ], + "In Summer": [ + "In Summer" + ], + "Josh Gad": [ + "Josh Gad" + ], + "Olly Murs": [ + "Olly Murs" + ], + "Moves": [ + "Moves" + ], + "You Know I Know": [ + "You Know I Know", + "You Know I know", + "You know I know" + ], + "Shenseea": [ + "Shenseea" + ], + "Time Up": [ + "Time Up", + "Time up", + "time up", + "Time UP" + ], + "Big A Presents One Chance Riddim": [ + "Big A Presents One chance riddim", + "Big A presents One Chance Riddim", + "Big A Presents One Chance Riddim" + ], + "Tyler Childers": [ + "Tyler childers", + "Tyler Childers" + ], + "White House Road": [ + "white house road", + "White House Road" + ], + "Purgatory": [ + "purgatory", + "Purgatory" + ], + "Sammielz": [ + "Sammielz", + "sammielz" + ], + "The Beginning": [ + "The Beginning", + "the beginning", + "The beginning" + ], + "Let Us Be": [ + "Let Us Be", + "Let Us BE", + "Let us Be", + "let us be" + ], + "Everything Nice": [ + "Everything Nice" + ], + "Silence": [ + "Silence" + ], + "Forever": [ + "Forever" + ], + "Linkin Park": [ + "Linkin Park" + ], + "Battle Symphony": [ + "Battle Symphony" + ], + "One More Light": [ + "One more Light", + "One More Light", + "one more light" + ], + "Final Masquerade": [ + "final Masquerade", + "final masquerade", + "Final Masquerade" + ], + "The Hunting Party": [ + "The Hunting Party", + "the Hunting Party" + ], + "Good Goodbye": [ + "Good Goodbye" + ], + "Jesus And Jack Daniels": [ + "Jesus and Jack Daniels", + "jesus and jack daniels", + "Jesus And Jack Daniels" + ], + "Justin Moore": [ + "justin moore", + "Justin Moore" + ], + "Late Nights And Longnecks": [ + "Late Nights and Longnecks", + "late nights and longnecks" + ], + "Alan Menken": [ + "Alan Menken" + ], + "Kingdom Dance": [ + "Kingdom Dance" + ], + "Enredados": [ + "Enredados" + ], + "K": [ + "k", + "K" + ], + "Worst Ends": [ + "worst ends", + "Worst Ends", + "Worst ends" + ], + "Kozoria": [ + "kozoria", + "Kozoria" + ], + "Electronica": [ + "electronica", + "Electronica", + "electronic musical" + ], + "Gold": [ + "Gold" + ], + "Nick Murphy": [ + "Nick Murphy" + ], + "Built On Glass": [ + "Built On Glass", + "Built on Glass" + ], + "The King Of Limbs": [ + "The King of Limbs" + ], + "Lotus Flower": [ + "Lotus Flower" + ], + "Radiohead": [ + "Radiohead" + ], + "Singular Act I": [ + "singular act I", + "singular act i", + "Singular Act I" + ], + "Almost Love": [ + "Almost Love", + "almost love" + ], + "Sabrina Carpenter": [ + "Sabrina Carpenter", + "sabrina carpenter" + ], + "Paris": [ + "paris, France", + "paris", + "paris, france", + "Paris France", + "Paris, France", + "Paris" + ], + "The Chainsmokers": [ + "the Chainsmokers", + "The Chainsmokers", + "the chainsmokers" + ], + "Everybody Hates Me": [ + "Everybody hates me", + "Everybody Hates Me", + "everybody hates me" + ], + "Sick Boy": [ + "Sick boy", + "sick boy", + "Sick Boy" + ], + "Take It From Me": [ + "Take it From Me", + "Take It From Me" + ], + "Shashi Lal Yadav": [ + "Shashi Lal Yadav", + "shashi lal yadav" + ], + "Naya Naya Penhi Salwarba": [ + "naya naya penhi salwarba", + "Naya Naya Penhi Salwarba" + ], + "No Line Signal Likhat Ba": [ + "no line signal likhat ba", + "No Line Signal Likhat Ba" + ], + "Alec Benjamin": [ + "Alec benjamin", + "Alec Benjamin", + "alec benjamin" + ], + "Boy In The Bubble": [ + "Boy In the Bubble", + "Boy in the Bubble", + "Boy in the bubble", + "boy in the bubble", + "Boy In The Bubble", + "Boy in The Bubble", + "boy in The Bubble", + "Boy In The bubble" + ], + "Narrated For You": [ + "Narrated for You", + "Narrated For You", + "Narrated for you", + "Narrated For you", + "narrated for you" + ], + "Gotta Be A Reason": [ + "Gotta Be A Reason", + "Gotta Be A reason", + "Gotta Be a Reason" + ], + "Stars Dance": [ + "Stars Dance" + ], + "Love Will Remember": [ + "Love Will Remember" + ], + "Selena Gomez": [ + "Selena Gomez" + ], + "Speak Now": [ + "speak now", + "Speak now", + "Speak Now" + ], + "Taylor Swift": [ + "taylor swift", + "Taylor Swift" + ], + "The Story Of Us": [ + "the story of us", + "The Story Of Us", + "The Story of Us" + ], + "Khalid": [ + "Khalid" + ], + "Better": [ + "Better" + ], + "Free Spirit": [ + "Free Spirit" + ], + "Shatter Me": [ + "Shatter Me", + "Shatter me" + ], + "Roundtable Rival": [ + "Roundtable Rival" + ], + "Lindsey Stirling": [ + "Lindsey Stirling" + ], + "Assume Form": [ + "Assume Form", + "Assume FOrm" + ], + "Barefoot In The Park": [ + "Barefoot In The Park", + "Barefoot in The Park", + "Barefoot in the park", + "Barefoot In the Park", + "Barefoot in the Park" + ], + "James Blake": [ + "James Blake" + ], + "One That Got Away": [ + "One That Got Away", + "One that got away" + ], + "Michael Ray": [ + "Michael Ray" + ], + "Amos": [ + "Amos" + ], + "Forbidden": [ + "Forbidden", + "forbidden" + ], + "Dem Beats": [ + "dem beats", + "Dem Beats" + ], + "Todrick Hall": [ + "Todrick Hall", + "todrick hall" + ], + "Purple Reign": [ + "Purple Reign" + ], + "Wicked": [ + "Wicked" + ], + "Future": [ + "Future" + ], + "Center Point Road": [ + "Center Point Road" + ], + "Look What God Gave Her": [ + "Look What God Gave Her", + "Look what God Gave Her", + "Look what God gave her" + ], + "Thomas Rhett": [ + "Thomas Rhett" + ], + "Never Be Alone": [ + "Never Be Alone" + ], + "Cups": [ + "Cups" + ], + "Anna Kendrick": [ + "Anna Kendrick" + ], + "Pitch Perfect": [ + "Pitch Perfect" + ], + "Generation Why": [ + "Generation Why" + ], + "Conan Gray": [ + "conan gray", + "Conan Gray", + "Conan gray" + ], + "Sunset Season": [ + "Sunset Season" + ], + "Halcyon": [ + "Halcyon" + ], + "Ellie Goulding": [ + "Ellie Goulding" + ], + "Burn": [ + "Burn" + ], + "Radioactive": [ + "radioactive", + "Radioactive" + ], + "Imagine Dragons": [ + "Imagine dragons", + "Imagine Dragons", + "imagine dragons" + ], + "Night Visions": [ + "night visions", + "Night Visions" + ], + "Halcyon Days": [ + "Halcyon Days" + ], + "Beating Heart": [ + "Beating Heart" + ], + "Battleground": [ + "Battleground" + ], + "Glad You Came": [ + "Glad You Came" + ], + "The Wanted": [ + "The Wanted" + ], + "Girls Like You": [ + "Girls like You", + "Girls Like You" + ], + "Fly": [ + "Fly" + ], + "Let Me Love You": [ + "Let Me Love you", + "Let Me Love You" + ], + "Sick Love": [ + "Sick Love" + ], + "Red Hot Chili Peppers": [ + "Red Hot Chili Peppers" + ], + "The Getaway": [ + "The Getaway", + "the Getaway" + ], + "The Champion": [ + "The Champion", + "the Champion", + "the champion" + ], + "Carrie Underwood": [ + "Carrie underwood", + "Carrie Underwood" + ], + "Cry Pretty": [ + "Cry Pretty" + ], + "El Alfa": [ + "El Alfa" + ], + "Latin": [ + "latin", + "Latin" + ], + "Suave": [ + "Suave" + ], + "El Hombre": [ + "El hombre", + "El Hombre" + ], + "Jah Cure": [ + "Jah Cure" + ], + "Before I Leave": [ + "Before I leave", + "Before I Leave" + ], + "World Cry": [ + "World Cry" + ], + "The Lost Battalion": [ + "The Lost Battalion" + ], + "The Last Stand": [ + "the Last Stand", + "The Last Stand" + ], + "Dark Necessities": [ + "Dark Necessities" + ], + "Oh Klahoma": [ + "Oh Klahoma" + ], + "Creeker": [ + "Creeker" + ], + "Upchurch": [ + "Upchurch" + ], + "Pond Creek Road": [ + "Pond Creek Road" + ], + "The Gaza Don": [ + "The Gaza Don", + "the Gaza Don" + ], + "Summer Time": [ + "Summer Time", + "Summer time" + ], + "Vybz Kartel": [ + "Vybz Kartel" + ], + "Blake Shelton": [ + "Blake Shelton" + ], + "I Lived It": [ + "I Lived it", + "I Lived It" + ], + "Texoma Shore": [ + "Texoma Shore" + ], + "Iakopo": [ + "Iakopo" + ], + "Never Letting Go": [ + "Never Letting Go" + ], + "Waves": [ + "Waves" + ], + "Westlife": [ + "westlife", + "Westlife" + ], + "Better Man": [ + "better man", + "Better Man" + ], + "Spectrum": [ + "Spectrum", + "spectrum" + ], + "All The Girls Wanna Ride": [ + "All the girls wanna ride", + "all the girls wanna ride", + "All the Girls Wanna Ride", + "All The Girls Wanna Ride" + ], + "Jawga Boyz": [ + "jawga boyz", + "Jawga Boyz" + ], + "Kuntry": [ + "Kuntry", + "kuntry" + ], + "Justin Bieber": [ + "justin bieber", + "Justin Bieber" + ], + "Purpose": [ + "Purpose", + "purpose" + ], + "Sorry": [ + "SOrry", + "sorry", + "Sorry" + ], + "Written In Sand": [ + "Written In Sand", + "Written in Sand" + ], + "Old Dominion": [ + "Old Dominion" + ], + "Happy Endings": [ + "Happy Endings" + ], + "Jessie J": [ + "Jessie J" + ], + "Who You Are": [ + "Who you are", + "Who You Are" + ], + "Mamma Knows Best": [ + "Mamma Knows Best", + "Mamma knows best", + "Mamma Knows best" + ], + "Jimmie Allen": [ + "Jimmie Allen", + "jimmie allen" + ], + "Best Shot": [ + "Best Shot", + "best shot" + ], + "Mercury Lane": [ + "mercury lane", + "Mercury lane", + "Mercury Lane" + ], + "Supercut": [ + "Supercut" + ], + "Melodrama": [ + "Melodrama" + ], + "When Was The Last Time": [ + "when was the last time", + "When was the Last Time", + "When Was The Last time", + "When Was The Last Time" + ], + "Darius Rucker": [ + "darius rucker", + "darius Rucker", + "Darius Rucker" + ], + "If I Told You": [ + "If I Told you", + "If I told You", + "If I told you", + "If I Told You", + "if I told you" + ], + "Neon Gravestones": [ + "Neon Gravestones", + "neon gravestones" + ], + "Trench": [ + "trench", + "Trench" + ], + "Change Your Life": [ + "Change your life", + "change your life", + "Change Your Life" + ], + "Iggy Azalea": [ + "iggy azalea", + "Iggy Azalea" + ], + "The New Classic": [ + "the New Classic", + "The NEw Classic", + "The New Classic", + "the new classic" + ], + "Cuz I Love You": [ + "Cuz I Love You", + "cuz I love you" + ], + "Tempo": [ + "tempo", + "Tempo" + ], + "Sex Metal Barbie": [ + "Sex Metal Barbie" + ], + "Sick Like Me": [ + "sick like me", + "Sick Like me", + "Sick Like Me" + ], + "Maty Noyes": [ + "Maty Noyes", + "maty noyes" + ], + "New Friends": [ + "new friends", + "New Friends" + ], + "Love Songs From A Lolita": [ + "Love Songs From A Lolita", + "Love Songs From a Lolita", + "love songs from a lolita" + ], + "Kelsea Ballerini": [ + "Kelsea Ballerini" + ], + "Miss Me More": [ + "Miss Me More", + "Miss me More", + "Miss Me more" + ], + "Unapologetically": [ + "Unapologetically" + ], + "Mile High": [ + "Mile High" + ], + "V": [ + "V" + ], + "Lost Stars": [ + "lost stars", + "Lost Stars" + ], + "Adam Levine": [ + "Adam Levine", + "Adam LEvine" + ], + "Tyler Shaw": [ + "Tyler Shaw" + ], + "With You": [ + "With you", + "With You" + ], + "Intuition": [ + "Intuition" + ], + "Pitbull": [ + "pitbull", + "Pitbull" + ], + "Climate Change": [ + "climate change", + "Climate Change" + ], + "Options": [ + "options", + "Options" + ], + "Classical": [ + "classical", + "Classical" + ], + "Cocaine March": [ + "Cocaine March" + ], + "Nico Cartosio": [ + "Nico Cartosio" + ], + "Melting": [ + "Melting" + ], + "Limitless": [ + "Limitless" + ], + "The Piano Guys": [ + "The Piano Guys" + ], + "Epiphany": [ + "Epiphany" + ], + "Dirt Road Anthem": [ + "Dirt Road Anthem" + ], + "My Kinda Party": [ + "My Kinda Party" + ], + "Halsey": [ + "Halsey", + "halsey" + ], + "Colors": [ + "colors", + "Colors" + ], + "Badlands": [ + "Badlands" + ], + "Control": [ + "Control" + ], + "Find Me": [ + "Find Me" + ], + "Rebelution": [ + "rebelution", + "Rebelution" + ], + "Count Me In": [ + "count me in", + "Count me in", + "Count me In", + "Count Me In" + ], + "Roots Reggae Music": [ + "Roots reggae music", + "Roots Reggae Music", + "roots reggae music" + ], + "Punk": [ + "punk", + "Punk" + ], + "Get Lucky": [ + "Get Lucky" + ], + "Daft Punk": [ + "Daft Punk" + ], + "Random Access Memories": [ + "Random Access Memories" + ], + "Dubstep": [ + "dubstep", + "Dubstep" + ], + "Free Fall": [ + "Free Fall" + ], + "Illenium": [ + "Illenium" + ], + "Awake": [ + "Awake" + ], + "Promises": [ + "Promises" + ], + "Nero": [ + "Nero" + ], + "Welcome Reality": [ + "Welcome Reality" + ], + "Burlesque Original Motion Picture Soundtrack": [ + "Burlesque Original Motion Picture Soundtrack", + "burlesque original motion picture soundtrack" + ], + "Express": [ + "Express", + "express" + ], + "Christina Aguilera": [ + "christina aguilera", + "Christina Aguilera" + ], + "Show Me How You Burlesque": [ + "show me how you burlesque", + "Show Me How You Burlesque" + ], + "Witness": [ + "Witness", + "WItness", + "witness" + ], + "Hey Hey Hey": [ + "Hey Hey Hey" + ], + "Katy Perry": [ + "Katy Perry" + ], + "Small Town Boy": [ + "small town boy", + "Small Town Boy" + ], + "Dustin Lynch": [ + "dustin lynch", + "Dustin Lynch" + ], + "Current Mood": [ + "Current mood", + "Current Mood", + "current mood" + ], + "Titanium": [ + "Titanium" + ], + "Madilyn Bailey": [ + "Madilyn Bailey" + ], + "Muse Box": [ + "Muse Box" + ], + "So Good": [ + "So Good", + "So good" + ], + "I Would Like": [ + "I Would Like", + "I would like" + ], + "Zara Larsson": [ + "Zara Larsson" + ], + "Cloud Nine": [ + "Cloud Nine" + ], + "Carry Me": [ + "Carry Me", + "carry me", + "Carry me" + ], + "Kygo": [ + "Kygo" + ], + "Raging": [ + "Raging" + ], + "Downtempo": [ + "downtempo", + "Downtempo" + ], + "Superman": [ + "Superman" + ], + "One Day": [ + "One Day" + ], + "Arash": [ + "Arash" + ], + "Jai Waetford": [ + "Jai Waetford" + ], + "Heart Miles": [ + "Heart Miles" + ], + "Shy": [ + "Shy", + "shy" + ], + "Bu Muhabbat": [ + "Bu Muhabbat", + "bu Muhabbat" + ], + "Shahzoda": [ + "shahzoda", + "Shahzoda" + ], + "Chicco": [ + "Chicco", + "chicco" + ], + "Dedicated": [ + "Dedicated" + ], + "Now That I Found You": [ + "Now that I found you", + "Now That I Found You", + "Now That I found You", + "now that I found you", + "Now that I Found you", + "Now that I Found You" + ], + "Carly Rae Jepsen": [ + "Carly Rae Jepsen" + ], + "Agnes Obel": [ + "agnes obel", + "Agnes Obel", + "Agnes obel" + ], + "Riverside": [ + "riverside", + "Riverside" + ], + "Philharmonics": [ + "Philharmonics", + "philharmonics" + ], + "Jon Bellion": [ + "jon bellion", + "Jon Bellion" + ], + "Stupid Deep": [ + "Stupid Deep" + ], + "Glory Sound Prep": [ + "Glory Sound Prep" + ], + "Sia": [ + "Sia" + ], + "Alive": [ + "Alive" + ], + "This Is Acting": [ + "This Is Acting", + "This is Acting", + "This is acting" + ], + "Bird Set Free": [ + "Bird Set Free" + ], + "Inna": [ + "Inna" + ], + "Party Never Ends": [ + "Party Never Ends" + ], + "In Your Eyes": [ + "In Your Eyes" + ], + "Ben Platt": [ + "Ben Platt", + "ben platt" + ], + "Bad Habit": [ + "Bad Habit", + "bad habit" + ], + "Sing To Me Instead": [ + "Sing To Me Instead", + "Sing to Me Instead", + "sing to me instead", + "Sing to me instead", + "Sing to me Instead" + ], + "Knees": [ + "Knees" + ], + "Still Got Time": [ + "Still Got Time" + ], + "Zayn Malik": [ + "Zayn Malik", + "Zayn malik", + "zayn malik" + ], + "Icarus Falls": [ + "icarus falls", + "Icarus falls", + "Icarus Falls" + ], + "After The Landslide": [ + "After the Landslide", + "After The Landslide" + ], + "Open Up": [ + "Open up", + "Open Up" + ], + "Matt Simons": [ + "Matt Simons" + ], + "My Everything": [ + "My Everything", + "my everything", + "My everything", + "my Everything" + ], + "Be My Baby": [ + "Be my Baby", + "Be My Baby" + ], + "Lady Luck": [ + "Lady Luck" + ], + "Jamie Woon": [ + "Jamie Woon" + ], + "Mirrorwriting": [ + "Mirrorwriting" + ], + "How Deep Is Your Love": [ + "how deep is your love", + "How Deep Is Your Love", + "How Deep Is your Love" + ], + "Sean Paul": [ + "Sean paul", + "sean paul", + "Sean Paul" + ], + "Tomahawk Technique": [ + "Tomahawk Technique", + "tomahawk technique" + ], + "Blue Tacoma": [ + "Blue Tacoma" + ], + "Russell Dickerson": [ + "Russell Dickerson" + ], + "Yours": [ + "Yours" + ], + "Ember": [ + "Ember" + ], + "Tourniquet": [ + "Tourniquet" + ], + "Breaking Benjamin": [ + "Breaking Benjamin" + ], + "Five Finger Death Punch": [ + "Five Finger Death Punch", + "Five finger death punch", + "five finger death punch" + ], + "I Apologize": [ + "I Apologize", + "I apologize" + ], + "Got Your Six": [ + "Got Your Six", + "Got your Six", + "got your six" + ], + "High On Life": [ + "high on life", + "High On life", + "High on Life", + "HIgh on Life", + "High On Life" + ], + "The First Time": [ + "the First Time", + "The First Time" + ], + "Peter Pan": [ + "Peter Pan" + ], + "Foundation": [ + "Foundation" + ], + "Shatta Movement": [ + "Shatta Movement" + ], + "Shatta Wale": [ + "Shatta Wale" + ], + "Best Mistake": [ + "Best Mistake", + "Best mistake" + ], + "Break Free": [ + "break free", + "Break Free" + ], + "Dancehall": [ + "Dancehall" + ], + "Joe Bonamassa": [ + "Joe Bonamassa" + ], + "Drive": [ + "Drive" + ], + "Blues Of Desperation": [ + "Blues Of Desperation", + "Blues of Desperation" + ], + "Blues": [ + "Blues", + "blues" + ], + "Radwimps": [ + "Radwimps", + "radwimps" + ], + "Dream Lantern": [ + "dream lantern", + "Dream Lantern" + ], + "Your Name": [ + "your name", + "Your Name" + ], + "Nandemonaiya": [ + "Nandemonaiya" + ], + "Sparkle": [ + "Sparkle" + ], + "Nine Track Mind": [ + "nine Track Mind", + "Nine Track Mind" + ], + "Charlie Puth": [ + "Charlie puth", + "Charlie Puth", + "charlie puth", + "charlie Puth" + ], + "Dangerously": [ + "Dangerously" + ], + "One Call Away": [ + "One call away", + "One Call Away" + ], + "Always In Between": [ + "Always In Between", + "always in Between", + "always in between" + ], + "All I Am": [ + "all i am", + "All I Am", + "All I am" + ], + "Jess Glynne": [ + "Jess Glynne", + "jess glynne" + ], + "Latency": [ + "Latency", + "latency" + ], + "No Sleep": [ + "No Sleep", + "no sleep" + ], + "The Mountain": [ + "The mountain", + "the Mountain", + "The Mountain" + ], + "Sex Rock": [ + "Sex Rock" + ], + "Easy World": [ + "Easy world", + "Easy World" + ], + "Alex Angel": [ + "Alex Angel" + ], + "My Donna": [ + "My donna", + "My Donna" + ], + "La La Land Cast": [ + "la la land cast", + "La la Land Cast", + "La La Land Cast" + ], + "Another Day Of Sun": [ + "Another Day Of Sun", + "Another Day of Sun", + "another day of sun", + "Another day of Sun" + ], + "La La Land": [ + "La LA Land", + "la la land", + "La La Land" + ], + "Billy Watman": [ + "Billy Watman" + ], + "Bohemian Rhapsody": [ + "Bohemian Rhapsody" + ], + "Cryptic": [ + "Cryptic" + ], + "Move Your Body": [ + "Move Your Body", + "Move your body" + ], + "Demi": [ + "Demi" + ], + "Neon Lights": [ + "Neon Lights" + ], + "Demi Lovato": [ + "Demi Lovato" + ], + "Sigrid": [ + "Sigrid", + "sigrid" + ], + "Business Dinners": [ + "business dinners", + "Business Dinners" + ], + "Sucker Punch": [ + "sucker punch", + "sucker Punch", + "Sucker Punch", + "Sucker PUnch" + ], + "Strangers": [ + "strangers", + "Strangers" + ], + "If I Killed Someone For You": [ + "If I killed Someone For you", + "If I killed Someone For You", + "If I Killed Someone For You" + ], + "Harris J": [ + "Harris J" + ], + "Salam": [ + "Salam" + ], + "Salam Alaikum": [ + "salam alaikum", + "Salam Alaikum" + ], + "Dean Town": [ + "Dean Town" + ], + "Vulfpeck": [ + "Vulfpeck" + ], + "The Beautiful Game": [ + "The beautiful Game", + "the Beautiful Game", + "The Beautiful Game" + ], + "He Is": [ + "He is", + "He Is" + ], + "Jason Chen": [ + "Jason Chen" + ], + "Best Friend": [ + "Best Friend" + ], + "Gravity": [ + "Gravity", + "gravity" + ], + "Music Never Sleeps": [ + "Music Never Sleeps" + ], + "Look What I Found": [ + "Look What I found", + "Look What I Found" + ], + "Wonderful Life": [ + "Wonderful Life" + ], + "Hurts": [ + "Hurts" + ], + "Happiness": [ + "Happiness" + ], + "The Way I Am": [ + "The Way I Am", + "The Way I am", + "the way i am", + "The way I Am", + "the way I am" + ], + "Voicenotes": [ + "voicenotes", + "Voicenotes" + ], + "No Bullets Fly": [ + "No Bullets Fly" + ], + "Self Control": [ + "self control", + "Self Control" + ], + "Ridin High": [ + "Ridin High" + ], + "Attention": [ + "Attention", + "attention" + ], + "Ayo Jay": [ + "Ayo Jay" + ], + "Let Him Go": [ + "Let Him Go", + "Let him go", + "let him go" + ], + "Lazy Genius": [ + "Lazy Genius", + "lazy Genius" + ], + "Back It Up": [ + "Back it up", + "Back It Up", + "Back it Up", + "Back It UP", + "back it up" + ], + "Prince Royce": [ + "prince royce", + "Prince Royce" + ], + "Double Vision": [ + "Double vision", + "Double Vision", + "double vision" + ], + "Journals": [ + "Journals" + ], + "All That Matters": [ + "all That Matters", + "All That Matters" + ], + "No More Hollywood Endings": [ + "no more hollywood endings", + "No More Hollywood Endings" + ], + "Eden": [ + "eden", + "Eden" + ], + "Battle Beast": [ + "battle beast", + "Battle Beast" + ], + "Go Robot": [ + "Go robot", + "Go Robot" + ], + "Goodbye Angels": [ + "Goodbye Angels" + ], + "Nota De Plata": [ + "Nota De Plata" + ], + "The Motans": [ + "The Motans" + ], + "Nirvana": [ + "Nirvana" + ], + "Kristin Chenoweth": [ + "Kristin Chenoweth" + ], + "Maybe This Time": [ + "Maybe This Time", + "Maybe This time" + ], + "Coming Home": [ + "Coming Home" + ], + "George Strait": [ + "george strait", + "George Strait" + ], + "Codigo": [ + "Codigo" + ], + "Honky Tonk Time Machine": [ + "Honky Tonk Time Machine", + "honky tonk time machine" + ], + "Every Little Honky Tonk Bar": [ + "Every Little Honky Tonk Bar", + "every little honky tonk bar" + ], + "Serendipity": [ + "Serendipity" + ], + "Albert Posis": [ + "Albert Posis" + ], + "Higher": [ + "Higher" + ], + "Gasoline": [ + "Gasoline" + ], + "Sleepover": [ + "Sleepover" + ], + "Folk": [ + "Folk", + "folk" + ], + "Annie": [ + "Annie" + ], + "Connar Moon": [ + "Connar Moon" + ], + "Oxford": [ + "Oxford" + ], + "One Last Time": [ + "One Last Time", + "one last time" + ], + "Hotel Key": [ + "Hotel Key" + ], + "Black Eyes": [ + "Black Eyes" + ], + "Skillet": [ + "Skillet" + ], + "The Resistance": [ + "The Resistance", + "the Resistance" + ], + "Unleashed Beyond": [ + "Unleashed Beyond" + ], + "With You I Am": [ + "With You I Am", + "With You I am", + "with you I am" + ], + "Cody Johnson": [ + "cody johnson", + "Cody Johnson" + ], + "Gotta Be Me": [ + "Gotta Be me", + "Gotta Be Me" + ], + "On The Loose": [ + "On The Loose", + "On the Loose" + ], + "Niall Horan": [ + "Niall Horan" + ], + "Flicker": [ + "Flicker" + ], + "Mahzouz": [ + "Mahzouz" + ], + "Tamer Ashor": [ + "Tamer Ashor" + ], + "Khayali": [ + "Khayali" + ], + "No More": [ + "No More" + ], + "Cool Girl": [ + "Cool Girl" + ], + "Tove Lo": [ + "Tove Lo" + ], + "Lady Wood": [ + "Lady Wood" + ], + "Knee Deep": [ + "Knee Deep" + ], + "Zac Brown Band": [ + "Zac Brown Band" + ], + "You Get What You Give": [ + "You Get What you Give", + "You Get What You Give" + ], + "Bottoms Up": [ + "Bottoms Up" + ], + "Brantley Gilbert": [ + "Brantley Gilbert" + ], + "Halfway To Heaven": [ + "Halfway To Heaven", + "Halfway to Heaven" + ], + "Just Kiss Her": [ + "Just Kiss Her" + ], + "Concorde": [ + "Concorde" + ], + "Summer House": [ + "Summer House" + ], + "Lost And Lonely": [ + "Lost And Lonely", + "Lost and Lonely" + ], + "Aaron Lewis": [ + "Aaron lewis", + "Aaron Lewis" + ], + "Sinner": [ + "Sinner" + ], + "King Of The Dancehall": [ + "King Of The Dancehall", + "King of the Dancehall", + "King of The Dancehall" + ], + "Colouring This Life": [ + "Colouring This life", + "Colouring This Life", + "Colouring this Life" + ], + "Bounce": [ + "bounce", + "Bounce" + ], + "To Whom It May Concern": [ + "To Whom It May Concern", + "to whom it may concern", + "To Whom It may concern" + ], + "The Struggle": [ + "the struggle", + "The struggle", + "The Struggle" + ], + "Blacklite District": [ + "Blacklite DIstrict", + "Blacklite District", + "blacklite district" + ], + "Fortunately I Met You": [ + "Fortunately I Met You", + "Fortunately I met you" + ], + "Witwisit Hiranyawongkul": [ + "Witwisit Hiranyawongkul" + ], + "Quarter": [ + "Quarter" + ], + "Younger": [ + "Younger" + ], + "Ruel": [ + "Ruel" + ], + "Ready": [ + "Ready" + ], + "Bigger": [ + "Bigger", + "bigger" + ], + "Babe": [ + "Babe", + "babe" + ], + "Sugarland": [ + "Sugarland", + "sugarland" + ], + "Dance Macabre": [ + "Dance Macabre", + "dance macabre" + ], + "Prequelle": [ + "Prequelle" + ], + "Tennis Court": [ + "tennis court", + "Tennis Court", + "Tennis court" + ], + "Mchat": [ + "Mchat", + "mchat" + ], + "Hoba Hoba Spirit": [ + "Hoba Hoba Spirit", + "hoba hoba spirit" + ], + "Kamayanbaghi": [ + "kamayanbaghi", + "Kamayanbaghi" + ], + "Kara Kul": [ + "Kara Kul" + ], + "Mark Petrie": [ + "Mark Petrie" + ], + "Genesis": [ + "Genesis" + ], + "Wine For Me": [ + "Wine For Me", + "Wine for Me", + "Wine for me" + ], + "Love Lost": [ + "Love Lost" + ], + "Mattia Cupelli": [ + "Mattia Cupelli" + ], + "Reminiscence": [ + "Reminiscence" + ], + "Wojenka": [ + "Wojenka" + ], + "Lao Che": [ + "Lao Che" + ], + "Dzieciom": [ + "Dzieciom" + ], + "The Heart Wants What It Wants": [ + "The Heart Wants What It Wants", + "The Heart Wants What it Wants" + ], + "For You": [ + "For You" + ], + "Simply Three": [ + "Simply Three" + ], + "Undefined": [ + "Undefined" + ], + "Rain": [ + "Rain" + ], + "Grimes": [ + "Grimes" + ], + "Visions": [ + "Visions" + ], + "Oblivion": [ + "Oblivion" + ], + "Mercy": [ + "Mercy" + ], + "I Like It": [ + "I Like it", + "I like it", + "I Like It", + "I like It" + ], + "Enrique Iglesias": [ + "Enrique Iglesias", + "enrique iglesias", + "Enrique iglesias" + ], + "Euphoria": [ + "euphoria", + "Euphoria" + ], + "Cody Jinks": [ + "cody jinks", + "Cody Jinks" + ], + "Cast No Stones": [ + "Cast No Stones", + "cast no stones", + "Cast no stones" + ], + "Adobe Sessions": [ + "Adobe Sessions", + "adobe sessions" + ], + "Lookalike": [ + "Lookalike" + ], + "Broken Arrows": [ + "Broken Arrows" + ], + "Avicii": [ + "Avicii" + ], + "Stories": [ + "Stories" + ], + "Whore": [ + "whore", + "Whore" + ], + "Kolohe Kai": [ + "Kolohe Kai" + ], + "First True Love": [ + "First True Love" + ], + "Love Town": [ + "Love Town" + ], + "Meghan Trainor": [ + "Meghan Trainor" + ], + "All About That Bass": [ + "All About that Bass", + "All About That Bass", + "All about that Bass", + "All about That Bass", + "All about that bass" + ], + "Title": [ + "Title" + ], + "Yeah Boy": [ + "Yeah BOy", + "Yeah Boy" + ], + "Maximize": [ + "Maximize" + ], + "Amaranthe": [ + "Amaranthe" + ], + "Maximalism": [ + "Maximalism" + ], + "Morgan Wallen": [ + "morgan wallen", + "Morgan Wallen" + ], + "The Way I Talk": [ + "The Way I Talk", + "The Way I talk", + "the way I talk" + ], + "If I Know Me": [ + "If I know Me", + "if I know me", + "If I Know Me", + "if i know me", + "If I know me" + ], + "Major Lazer": [ + "Major Lazer" + ], + "2015": [ + "2015" + ], + "LookupSong": [ + "LookupSong" + ], + "Light It Up": [ + "Light It up", + "Light It Up", + "Light it up" + ], + "Essentials": [ + "Essentials" + ], + "Moombahton": [ + "Moombahton" + ], + "PlaySong": [ + "PlaySong" + ], + "2010": [ + "2010" + ], + "2016": [ + "2016", + "$2,016" + ], + "Kitchen speaker": [ + "Kitchen speaker" + ], + "2012": [ + "2012" + ], + "2018": [ + "2018" + ], + "2011": [ + "2011" + ], + "2017": [ + "2017" + ], + "Help": [ + "Help" + ], + "Bedroom speaker": [ + "Bedroom speaker" + ], + "Love Like This": [ + "Love Like This" + ], + "Ben Rector": [ + "Ben Rector" + ], + "Magic": [ + "Magic" + ], + "2014": [ + "2014" + ], + "John Wayne": [ + "John Wayne" + ], + "Joanne": [ + "Joanne" + ], + "2019": [ + "2019" + ], + "Must Be The Whiskey": [ + "Must Be The Whiskey", + "Must be the Whiskey" + ], + "Lifers": [ + "Lifers" + ], + "Still Ridin Shotgun": [ + "Still Ridin Shotgun" + ], + "Tyler Wood": [ + "Tyler Wood" + ], + "Outlaw Soul": [ + "outlaw Soul", + "Outlaw Soul" + ], + "Courtesy Call": [ + "Courtesy Call" + ], + "Pyramid": [ + "Pyramid" + ], + "Jake Zyrus": [ + "Jake Zyrus" + ], + "Charice": [ + "Charice" + ], + "Pyaw Nay Par": [ + "Pyaw Nay Par" + ], + "Kaung Kaung": [ + "Kaung Kaung" + ], + "A Soe Htae Ka A Kaung": [ + "A Soe Htae Ka a Kaung", + "A SOe Htae Ka A Kaung", + "A Soe Htae Ka A Kaung" + ], + "Shailesh Premi": [ + "Shailesh Premi" + ], + "Lahnga Lasar Ke": [ + "Lahnga Lasar Ke" + ], + "Maza Mar Liya Dhori Ke Niche": [ + "Maza mar Liya Dhori Ke Niche", + "Maza Mar Liya Dhori Ke Niche" + ], + "Burning Man": [ + "Burning Man", + "Burning man", + "burning man" + ], + "Dierks Bentley": [ + "Dierks Bentley" + ], + "Loser": [ + "Loser" + ], + "Older": [ + "Older" + ], + "Sasha Sloan": [ + "Sasha Sloan" + ], + "Into You": [ + "Into You" + ], + "High": [ + "High", + "high" + ], + "Sivik": [ + "Sivik" + ], + "Winter Collection": [ + "winter collection", + "Winter Collection" + ], + "Royal Beggars": [ + "Royal Beggars" + ], + "Architects": [ + "Architects" + ], + "Holy Hell": [ + "Holy Hell" + ], + "Summer": [ + "Summer" + ], + "Airplane Mode": [ + "Airplane Mode", + "Airplane mode" + ], + "Limbo": [ + "Limbo" + ], + "Holo": [ + "Holo" + ], + "Year Zero": [ + "Year Zero" + ], + "Infestissumam": [ + "Infestissumam" + ], + "Glow": [ + "Glow" + ], + "Madcon": [ + "Madcon" + ], + "Contraband": [ + "Contraband" + ], + "Alessia Cara": [ + "Alessia Cara" + ], + "Out Of Love": [ + "Out of Love", + "Out Of Love" + ], + "The Pains Of Growing": [ + "The Pains of Growing", + "The pains of Growing", + "The Pains Of Growing" + ], + "Trust My Lonely": [ + "Trust My lonely", + "Trust My Lonely" + ], + "Alternative Country": [ + "Alternative Country", + "alternative country" + ], + "Cover Me Up": [ + "Cover Me Up" + ], + "Southeastern": [ + "Southeastern" + ], + "2013": [ + "2013" + ], + "Anesthetic": [ + "Anesthetic" + ], + "Cross Off": [ + "Cross Off" + ], + "Mark Morton": [ + "Mark Morton" + ], + "Call Me Maybe": [ + "Call Me Maybe" + ], + "Kiss": [ + "Kiss" + ], + "Ana Mosh Anani": [ + "Ana Mosh Anani" + ], + "Amr Diab": [ + "Amr Diab" + ], + "Shoft El Ayam": [ + "Shoft El Ayam" + ], + "Shiroyama": [ + "Shiroyama" + ], + "Good Years": [ + "Good Years" + ], + "Let Me": [ + "Let Me" + ], + "Din Don Dan": [ + "Din Don Dan" + ], + "Ryutaro Nakahara": [ + "Ryutaro Nakahara" + ], + "Seventh Heaven": [ + "Seventh Heaven" + ], + "Anime": [ + "Anime", + "anime", + "cartoon", + "Animation", + "kids", + "Kids", + "Cartoon" + ], + "Common Kings": [ + "Common Kings" + ], + "No Other Love": [ + "No Other Love" + ], + "Summer Anthems": [ + "Summer Anthems" + ], + "FindEvents": [ + "FindEvents" + ], + "Music": [ + "Music" + ], + "Sports": [ + "Sports", + "sports" + ], + "Crooked Colours": [ + "Crooked Colours", + "Crooked colours", + "crooked colours" + ], + "Rough Trade NYC": [ + "rough trade nyc", + "Rough Trade NYC", + "rough trade NYC" + ], + "64 North 9th Street, Brooklyn": [ + "64 North 9th Street, Brooklyn", + "64 North 9th street, Brooklyn" + ], + "Baseball": [ + "baseball", + "Baseball" + ], + "Blue Jays Vs Braves": [ + "Blue Jays VS Braves", + "Blue Jays Vs Braves", + "blue jays vs braves", + "Blue Jays Vs braves", + "blue Jays Vs Braves", + "Blue Jays vs Braves" + ], + "Mets Vs Braves": [ + "Mets Vs Braves", + "Mets vs Braves", + "mets vs braves", + "Mets VS Braves", + "mets Vs Braves" + ], + "Blue Jays Vs Indians": [ + "Blue Jays Vs Indians", + "Blue jays Vs Indians", + "Blue Jays vs Indians" + ], + "20:30": [ + "half past 8 in the night", + "night 8:30", + "8:30 pm", + "8:30 PM", + "20:30", + "8:30 in the night", + "8:30 Pm" + ], + "Sydney": [ + "SYDNEY", + "sydney", + "Sydney", + "Sydney, NSW", + "sydney, australia", + "sydney, nsw", + "Sydney, Australia", + "Sydney, australia", + "Sydney NSW", + "Sydney Australia" + ], + "Melbourne Knights Vs Avondale": [ + "Melbourne Knights Vs Avondale", + "melbourne knights vs avondale", + "Melbourne Knights vs avondale" + ], + "Football Federation Australia": [ + "Football Federation Australia", + "football federation australia" + ], + "Football": [ + "football", + "Football" + ], + "1 Oxford Street": [ + "1 Oxford Street" + ], + "Allan Rayman": [ + "allan rayman", + "allan Rayman", + "Allan rayman", + "Allan Rayman" + ], + "Hip Hop": [ + "Hip hop", + "Hip Hop", + "hip hop" + ], + "United Vs Earthquakes": [ + "United Vs Earthquakes", + "United vs Earthquakes" + ], + "United Vs Red Bulls": [ + "United vs Red Bulls", + "United Vs Red Bulls" + ], + "American Football": [ + "American football", + "American Football", + "american football" + ], + "Bill Callahan": [ + "Bill callahan", + "bill callahan", + "Bill Callahan" + ], + "Lodge Room": [ + "Lodge Room", + "lodge Room", + "lodge room", + "Lodge room" + ], + "104 N. Ave 56, 2nd Floor": [ + "104 N. Ave 56, 2nd Floor", + "104 N. Ave 56 2nd Floor", + "104 N. Ave 56, 2nd floor", + "104 N., AVe 56, 2nd Floor" + ], + "Huskies Vs Cougars": [ + "Huskies vs Cougars", + "Huskies VS Cougars", + "huskies vs cougars", + "Huskies vs cougars", + "Huskies Vs Cougars" + ], + "Padres Vs Brewers": [ + "Padres vs Brewers", + "Padres Vs Brewers", + "padres vs brewers" + ], + "Padres Vs Diamondbacks": [ + "Padres vs Diamondbacks", + "padres vs diamondbacks", + "padres Vs Diamondbacks", + "Padres Vs Diamondbacks" + ], + "Eagles Vs Cowboys": [ + "Eagles vs cowboys", + "Eagles VS Cowboys", + "Eagles Vs Cowboys", + "Eagles vs Cowboys", + "eagles vs cowboys" + ], + "Phillies Vs Braves": [ + "Phillies vs Braves", + "Phillies Vs Braves", + "PHillies Vs Braves", + "Phillies vs braves" + ], + "Giants Vs Brewers": [ + "giants vs brewers", + "Giants Vs Brewers", + "giants vs Brewers", + "Giants vs Brewers" + ], + "Arizona Vs La Dodgers": [ + "Arizona vs LA Dodgers", + "Arizona vs La dodgers", + "Arizona vs La Dodgers", + "Arizona vs la dodgers", + "Arizona Vs LA Dodgers", + "arizona vs la dodgers", + "Arizona Vs La Dodgers" + ], + "Arizona Vs Milwaukee": [ + "Arizona Vs Milwaukee", + "Arizona vs Milwaukee" + ], + "Diamondbacks Vs Dodgers": [ + "Diamondbacks vs Dodgers", + "Diamondbacks Vs Dodgers" + ], + "Giants Vs Cardinals": [ + "Giants Vs Cardinals", + "Giants vs Cardinals" + ], + "Chemical Brothers": [ + "chemical brothers", + "Chemical Brothers" + ], + "Beyond The Black": [ + "Beyond The Black", + "Beyond the Black", + "Beyond the black", + "beyond the black" + ], + "Boston Music Room": [ + "Boston Music Room", + "boston music room", + "Boston Music room" + ], + "Americo": [ + "americo", + "Americo" + ], + "La Boom": [ + "La boom", + "LA Boom", + "La Boom", + "la boom" + ], + "Mets Vs Cubs": [ + "Mets VS Cubs", + "Mets Vs cubs", + "Mets Vs Cubs", + "Mets vs Cubs", + "Mets vs cubs", + "mets vs cubs" + ], + "Kishi Bashi": [ + "kishi bashi", + "kishi Bashi", + "Kishi bashi", + "Kishi Bashi" + ], + "Masonic Lodge at Hollywood Forever": [ + "Masonic Lodge at Hollywood FOrever", + "masonic lodge at hollywood forever", + "Masonic Lodge at Hollywood Forever", + "Masonic lodge at hollywood forever", + "masonic Lodge at Hollywood Forever" + ], + "5970 Santa Monica Boulevard": [ + "5970 Santa Monica Boulevard", + "5970 Santa monica Boulevard" + ], + "Alejandro Sanz": [ + "Alejandro sanz", + "alejandro sanz", + "ALejandro Sanz", + "Alejandro Sanz" + ], + "3800 Montlake Boulevard Northeast": [ + "3800 montlake boulevard northeast", + "3800 montlake Boulevard Northeast", + "3800 Montlake Boulevard Northeast" + ], + "Colin James": [ + "colin james", + "Colin James" + ], + "Giants Vs Diamondbacks": [ + "giants vs diamondbacks", + "Giants Vs Diamondbacks", + "Giants vs Diamondbacks", + "giants Vs Diamondbacks" + ], + "Anberlin": [ + "anberlin", + "Anberlin" + ], + "International": [ + "International", + "international" + ], + "Emmylou Harris": [ + "Emmylou Harris" + ], + "Atlanta Symphony Orchestra": [ + "ATlanta Symphony Orchestra", + "Atlanta Symphony Orchestra", + "Atlanta Symphony orchestra" + ], + "1280 Peachtree Street Northeast": [ + "1280 Peachtree Street Northeast" + ], + "56-15 Northern Boulevard, Woodside": [ + "56-15 Northern Boulevard, Woodside", + "56-15 northern boulevard, Woodside", + "56-15 Northern Boulevard Woodside" + ], + "Lyfe Jennings": [ + "Lyfe Jennings" + ], + "Owls Vs Terrapins": [ + "Owls Vs Terrapins", + "Owls vs Terrapins" + ], + "Hot Water Music": [ + "Hot Water Music" + ], + "Underground Arts": [ + "underground arts", + "Underground arts", + "Underground Arts" + ], + "1200 Callowhill Street": [ + "1200 Callowhill Street" + ], + "The Lemonheads": [ + "The lemonheads", + "The Lemonheads", + "the Lemonheads", + "the lemonheads" + ], + "Mets Vs Dodgers": [ + "mets Vs Dodgers", + "Mets vs Dodgers", + "mets vs dodgers", + "Mets Vs Dodgers" + ], + "Blue Jays Vs Orioles": [ + "Blue Jays vs Orioles", + "blue jays vs orioles", + "Blue Jays Vs Orioles" + ], + "Don Broco": [ + "Don Broco", + "DOn Broco", + "Don broco" + ], + "Jojo Siwa": [ + "jojo siwa", + "Jojo Siwa", + "Jojo siwa" + ], + "Jamey Johnson": [ + "Jamey Johnson" + ], + "Huichica Music Festival": [ + "Huichica Music Festival" + ], + "The Sandman Hotel": [ + "The Sandman hotel", + "the Sandman Hotel", + "The Sandman Hotel" + ], + "3421 Cleveland Avenue": [ + "3421 Cleveland Avenue" + ], + "Angels Vs Astros": [ + "Angels vs Astros", + "angels vs astros", + "Angels Vs Astros" + ], + "178 Junction Road": [ + "178 Junction road", + "178 junction road", + "178 Junction Road" + ], + "Mac Demarco": [ + "Mac Demarco", + "Mac demarco" + ], + "Woodbine Park": [ + "Woodbine Park" + ], + "1695 Queen Street East": [ + "1695 Queen Street East", + "1695 QUeen Street East" + ], + "Dodie": [ + "Dodie" + ], + "Cubs Vs Brewers": [ + "Cubs Vs Brewers", + "Cubs vs Brewers", + "Cubs vs brewers", + "Cubs VS Brewers", + "cubs vs brewers" + ], + "Whitecaps Vs Colorado Rapids": [ + "Whitecaps VS Colorado Rapids", + "Whitecaps Vs Colorado Rapids", + "Whitecaps vs colorado rapids", + "whitecaps vs colorado rapids", + "Whitecaps vs Colorado Rapids" + ], + "Jazz": [ + "jazz", + "Jazz" + ], + "Cubs Vs Giants": [ + "Cubs Vs Giants", + "Cubs vs Giants" + ], + "Nycfc Vs Red Bulls": [ + "Nycfc Vs Red Bulls", + "Nycfc vs Red Bulls", + "Nycfc vs Red bulls" + ], + "Ben Harper": [ + "ben harper", + "Ben Harper" + ], + "Blowout Music Festival": [ + "Blowout Music Festival" + ], + "Knockdown Center": [ + "Knockdown Center" + ], + "Dodgers Vs Rockies": [ + "Dodgers vs Rockies", + "Dodgers Vs Rockies", + "dodgers vs rockies" + ], + "Nationals Vs Braves": [ + "nationals vs braves", + "Nationals vs Braves", + "Nationals Vs Braves" + ], + "Soccer": [ + "soccer", + "Soccer" + ], + "Nationals Vs Diamondbacks": [ + "Nationals Vs Diamondbacks", + "Nationals vs Diamondbacks" + ], + "Nycfc Vs Dynamo": [ + "NYcfc Vs Dynamo", + "Nycfc vs Dynamo", + "Nycfc Vs Dynamo", + "nycfc vs dynamo", + "NYCFC Vs Dynamo" + ], + "Carmina Burana": [ + "Carmina burana", + "Carmina Burana" + ], + "San Francisco Symphony": [ + "San Francisco Symphony", + "San Francisco, Symphony" + ], + "3635 North Clark Street": [ + "3635 North Clark Street" + ], + "Dodgers Vs Diamondbacks": [ + "dodgers vs diamondbacks", + "Dodgers vs Diamondbacks", + "Dodgers Vs Diamondbacks" + ], + "201 Van Ness Avenue": [ + "201 van ness avenue", + "201 Van Ness Avenue" + ], + "89 South Street": [ + "89 South Street", + "89 south street", + "89 South street" + ], + "Chris Botti": [ + "Chris Botti" + ], + "Funk": [ + "funk", + "Funk" + ], + "Falcons Vs Rams": [ + "Falcons Vs Rams", + "Falcons vs Rams" + ], + "Phillies Vs Cubs": [ + "Phillies vs Cubs", + "Phillies Vs Cubs" + ], + "Beach Boys": [ + "Beach boys", + "beach boys", + "Beach Boys" + ], + "Erica Fernandez": [ + "erica fernandez", + "Erica Fernandez" + ], + "1111 Southwest Broadway": [ + "1111 Southwest Broadway", + "1111 southwest broadway" + ], + "Basketball": [ + "Basketball", + "basketball" + ], + "Cardinal Vs Wildcats": [ + "Cardinal Vs Wildcats", + "Cardinal vs Wildcats" + ], + "United Vs United": [ + "United vs United", + "United Vs United", + "united vs united", + "United Vs united" + ], + "Huskies Vs Utes": [ + "Huskies Vs Utes", + "Huskies VS Utes", + "Huskies vs Utes" + ], + "52-19 Flushing Avenue, Maspeth": [ + "52-19 Flushing Avenue Maspeth", + "52-19 Flushing Avenue, Maspeth" + ], + "Cruz Azul Vs Atlas": [ + "Cruz Azul vs Atlas", + "Cruz Azul Vs Atlas", + "cruz azul vs atlas", + "Cruz Azul VS Atlas" + ], + "Avaya Stadium": [ + "Avaya Stadium", + "Avaya stadium" + ], + "1145 Coleman Avenue": [ + "1145 Coleman Avenue", + "1145 Coleman avenue", + "1145 coleman avenue" + ], + "Blackbear": [ + "Blackbear" + ], + "Panteon Rococo": [ + "Panteon Rococo", + "panteon rococo" + ], + "SOMO Village Event Center": [ + "SOMO Village Event Center", + "SOMO Village event center", + "SOMO Village Event center" + ], + "1100 Valley House Drive": [ + "1100 Valley House Drive", + "1100 Valley House drive" + ], + "Owls Vs Bison": [ + "Owls Vs Bison", + "Owls VS Bison", + "Owls vs Bison", + "owls vs bison", + "Owls Vs bison" + ], + "Sounders Vs Timbers": [ + "Sounders vs Timbers", + "sounders vs timbers", + "Sounders Vs Timbers" + ], + "Carbon Leaf": [ + "carbon leaf", + "Carbon Leaf" + ], + "Nationals Vs White Sox": [ + "Nationals Vs White Sox" + ], + "Rob Thomas": [ + "Rob Thomas" + ], + "1720 East 16th Street": [ + "1720 East 16th Street", + "1720 east 16th street" + ], + "Owls Vs Huskies": [ + "Owls Vs Huskies", + "owls vs huskies", + "Owls vs Huskies" + ], + "Portland Thorns Vs Houston": [ + "Portland thorns vs Houston", + "Portland Thorns vs Houston", + "Portland Thorns Vs Houston", + "Portland thorns vs houston", + "portland thorns vs houston" + ], + "Timbers Vs Dc United": [ + "Timbers vs DC United", + "Timbers Vs Dc United", + "Timbers vs Dc United" + ], + "Sounders Vs Red Bulls": [ + "Sounders Vs Red bulls", + "Sounders vs Red Bulls", + "sounders vs red bulls", + "Sounders Vs Red Bulls", + "Sounders Vs red bulls" + ], + "Berkeley World Music Festival": [ + "berkeley world music festival", + "Berkeley World Music Festival", + "Berkeley World Music festival" + ], + "2500 Durant Ave": [ + "2500 durant ave", + "2500 Durant Ave" + ], + "Chris Webby": [ + "Chris webby", + "chris webby", + "Chris Webby" + ], + "Angels Vs Mariners": [ + "Angels vs MAriners", + "Angels Vs Mariners", + "angels vs mariners", + "Angels VS Mariners", + "Angels vs Mariners" + ], + "New Found Glory": [ + "New Found Glory" + ], + "Madonna": [ + "Madonna" + ], + "BAM Howard Gilman Opera House": [ + "BAM Howard Gilman Opera House", + "BAM howard Gilman opera house" + ], + "Peter Jay Sharp Building, 30 Lafayette Avenue, Brooklyn": [ + "Peter Jay Sharp Building, 30 Lafayette Avenue, Brooklyn" + ], + "Last Dinosaurs": [ + "Last Dinosaurs" + ], + "Imperial Vancouver": [ + "Imperial Vancouver" + ], + "319 Main Street": [ + "319 Main Street" + ], + "Mariners Vs Blue Jays": [ + "Mariners Vs Blue Jays", + "mariners Vs Blue Jays" + ], + "Acoustic Alchemy": [ + "Acoustic Alchemy", + "acoustic alchemy" + ], + "Chevere Music Festival": [ + "Chevere Music Festival", + "Chevere music festival" + ], + "Broadway:14th St": [ + "Broadway:14th St", + "Broadway:14th st" + ], + "Oakland, CA 94612, USA": [ + "Oakland, CA 94612, USA" + ], + "Crystal Lake": [ + "crystal lake", + "Crystal Lake", + "Crystal lake" + ], + "5050 Arroyo Road": [ + "5050 arroyo road", + "5050 Arroyo Road" + ], + "Aftershock Festival": [ + "aftershock festival", + "Aftershock Festival" + ], + "Discovery Park": [ + "Discovery Park", + "discovery park", + "Discovery park" + ], + "Yunger": [ + "yunger", + "Yunger" + ], + "Holy Diver": [ + "holy Diver", + "Holy Diver", + "holy diver" + ], + "1517 21st Street": [ + "1517 21st Street", + "1517 21st street" + ], + "Toronto Fc Vs Crew": [ + "Toronto FC Vs Crew", + "Toronto Fc Vs Crew", + "Toronto Fc vs Crew" + ], + "170 Princes' Boulevard": [ + "170 Princes' Boulevard" + ], + "Panthers Vs Jaguars": [ + "Panthers Vs Jaguars" + ], + "White Sox Vs Indians": [ + "White Sox vs Indians", + "White Sox Vs Indians" + ], + "Belvedere": [ + "Belvedere" + ], + "Chanticleer Concert": [ + "Chanticleer concert", + "Chanticleer Concert" + ], + "St. Stephen's Episcopal Church": [ + "St. Stephen's Episcopal church", + "St. Stephen's Episcopal Church" + ], + "3 Bayview Avenue": [ + "3 bayview avenue", + "3 Bayview Avenue" + ], + "Christian": [ + "christian", + "Christian" + ], + "Matt Corby": [ + "Matt Corby", + "matt corby" + ], + "1600 Garden Highway": [ + "1600 Garden Highway" + ], + "Nationals Vs Brewers": [ + "Nationals vs Brewers", + "Nationals Vs Brewers" + ], + "Giants Vs Phillies": [ + "Giants Vs Phillies", + "giants vs phillies", + "Giants vs Phillies" + ], + "The Original Wailers": [ + "the Original Wailers", + "The original wailers", + "The Original Wailers", + "The original Wailers", + "the original wailers" + ], + "Water Seed": [ + "water Seed", + "Water Seed" + ], + "White Sox Vs Rangers": [ + "White Sox Vs Rangers" + ], + "The Paper Kites": [ + "The Paper Kites", + "The Paper kites", + "The paper Kites" + ], + "2500 Durant Avenue": [ + "2500 Durant Avenue" + ], + "Joe Hisaishi": [ + "Joe Hisaishi" + ], + "Stern Auditorium / Perelman Stage": [ + "stern Auditorium / Perelman stage", + "Stern Auditorium / Perelman stage", + "Stern Auditorium / Perelman Stage" + ], + "881 7th Avenue": [ + "881 7th Avenue" + ], + "Jon B": [ + "Jon B" + ], + "Mets Vs Indians": [ + "Mets Vs Indians", + "Mets VS Indians", + "Mets vs Indians" + ], + "Wallows": [ + "Wallows", + "wallows" + ], + "Electric Brixton": [ + "electric brixton", + "Electric Brixton" + ], + "Town Hall Parade": [ + "town hall parade", + "Town Hall Parade" + ], + "Cardinal Vs Fighting Irish": [ + "Cardinal Vs Fighting Irish", + "Cardinal vs Fighting Irish", + "cardinal vs fighting irish" + ], + "Sparks Vs Mystics": [ + "Sparks vs Mystics", + "Sparks Vs Mystics", + "sparks vs mystics" + ], + "Angels Vs Orioles": [ + "angels vs orioles", + "Angels Vs Orioles", + "Angels vs orioles", + "Angels vs Orioles" + ], + "Rams Vs Cardinals": [ + "Rams VS Cardinals", + "Rams vs Cardinals", + "Rams vs cardinals", + "rams vs cardinals", + "Rams Vs Cardinals" + ], + "Diamondbacks Vs Giants": [ + "Diamondbacks Vs Giants" + ], + "Greta Van Fleet": [ + "Greta Van Fleet", + "greta van fleet", + "greta Van Fleet" + ], + "Sparks Vs Storm": [ + "Sparks vs Storm", + "SParks Vs Storm", + "Sparks Vs Storm", + "Sparks VS Storm" + ], + "Las Vegas": [ + "las Vegas", + "Las VEgas", + "Vegas", + "Las vegas", + "las vegas", + "Las Vegas", + "vegas" + ], + "Life Is Beautiful Festival": [ + "Life is Beautiful festival", + "Life is beautiful Festival", + "Life is beautiful festival", + "life is beautiful festival", + "Life is Beautiful Festival", + "Life Is Beautiful Festival" + ], + "Downtown Las Vegas Events Center - DLVEC": [ + "Downtown las Vegas Events Center - DLVEC", + "Downtown Las Vegas Events Center - DLVEC", + "downtown Las Vegas events center - DLVEC", + "downtown las vegas events center - dlvec" + ], + "200 South 3rd Street": [ + "200 south 3rd street", + "200 South 3rd Street" + ], + "Toto": [ + "Toto" + ], + "The Met Philadelphia": [ + "The Met Philadelphia" + ], + "Lafc Vs Rapids": [ + "Lafc vs Rapids", + "Lafc Vs Rapids", + "LAFC vs Rapids" + ], + "Mariners Vs Rays": [ + "Mariners VS Rays", + "Mariners Vs Rays" + ], + "Mariners Vs White Sox": [ + "Mariners VS White Sox", + "Mariners Vs White Sox", + "Mariners vs White Sox" + ], + "Toronto Fc Vs Impact": [ + "Toronto Fc Vs Impact" + ], + "Psychedelic Furs": [ + "Psychedelic furs", + "Psychedelic Furs", + "psychedelic furs" + ], + "Dodgers Vs Marlins": [ + "Dodgers Vs marlins", + "Dodgers Vs Marlins" + ], + "La Angels Vs Houston": [ + "LA Angels vs Houston", + "La angels vs houston", + "La Angels Vs Houston", + "La Angels vs Houston" + ], + "Angels Vs White Sox": [ + "Angels vs White Sox", + "Angels Vs White Sox", + "angels vs white sox", + "Angels Vs White sox" + ], + "FindMovies": [ + "FindMovies" + ], + "3d": [ + "3d" + ], + "Little": [ + "Little", + "little" + ], + "CineLux Almaden Cinema": [ + "Cinelux Almaden Cinema", + "Cinelux almaden cinema", + "CineLux Almaden", + "CineLux Almaden Cinema", + "Cinelux Almaden" + ], + "GetTimesForMovie": [ + "GetTimesForMovie" + ], + "22:30": [ + "10:30 in the night", + "22:30", + "10:30 PM", + "night 10:30", + "10:30 pm", + "half past 10 in the night" + ], + "BuyMovieTickets": [ + "BuyMovieTickets" + ], + "Veranda LUXE Cinema & IMAX": [ + "Veranda LUXE Cinema", + "Veranda LUXE Cinema & IMAX", + "Veranda Luxe Cinema", + "Veranda Luxe Cinema & IMAX" + ], + "21:30": [ + "9:30 PM", + "9:30 in the night", + "half past 9 in the night", + "21:30", + "night 9:30", + "9:30 pm" + ], + "2035 Diamond Boulevard": [ + "2035 Diamond Boulevard" + ], + "22": [ + "22", + "$22" + ], + "Dumbo": [ + "Dumbo", + "dumbo", + "DUmbo", + "DuMbo" + ], + "AMC Mercado 20": [ + "amc mercado", + "AMC Mercado", + "AMC mercado 20", + "AMC Mercado 20" + ], + "CineLux Tennant Station Stadium 11": [ + "CineLux Tennant Station Stadium 11", + "Cinelux Tennant Station Stadium 11", + "CineLux Tennant Station", + "Cinelux Tennant Station" + ], + "imax": [ + "imax" + ], + "15:30": [ + "afternoon 3:30", + "3:30 pm", + "Half past 3 in the afternoon", + "15:30", + "3:30 PM", + "3:30 in the afternoon", + "half past 3 in the afternoon" + ], + "Boulevard 14 Cinema": [ + "boulevard 14 cinema", + "Boulevard 14 Cinema", + "Boulevard Cinema", + "boulevard cinema" + ], + "Sebastopol": [ + "Sebastopol", + "sebastopol" + ], + "High Life": [ + "High life", + "high life", + "High Life", + "high Life" + ], + "The Best of Enemies": [ + "The best of Enemies", + "The best of enemies", + "the best of enemies", + "the Best of Enemies", + "The Best of Enemies" + ], + "Rialto Cinemas": [ + "Rialto Cinemas", + "rialto cinemas" + ], + "After": [ + "after", + "AFter", + "After" + ], + "Livermore 13 Cinema": [ + "Livermore Cinema", + "Livermore cinema", + "livermore 13 cinema", + "Livermore 13 Cinema", + "livermore cinema" + ], + "21:00": [ + "21:00", + "9 in the night", + "9 o\"clock in the night", + "nine pm", + "nine in the night", + "9 pm", + "Nine pm", + "9 PM", + "night 9" + ], + "2490 First Street": [ + "2490 First Street", + "2490 First street" + ], + "Century at Pacific Commons & XD": [ + "Century At Pacific Commons & XD", + "Century at Pacific Commons & XD", + "Century at Pacific Commons" + ], + "21": [ + "21 bucks", + "$21", + "21" + ], + "Roxie Theater": [ + "Roxie theater", + "Roxie Theater", + "roxie theater" + ], + "regular": [ + "regular" + ], + "16": [ + "16 dollars", + "16", + "$16" + ], + "3117 16th St": [ + "3117 16th St", + "3117 16th ST", + "3117 16th st" + ], + "Landmark's Piedmont Theatre": [ + "Landmark's Piedmont theatre", + "landmark's piedmont theatre", + "Landmark's Piedmont Theatre", + "Piedmont Theatre", + "piedmont theatre" + ], + "Landmark's Embarcadero Center Cinema": [ + "landmark's embarcadero center cinema", + "Landmark's Embarcadero Center Cinema", + "Embarcadero Center Cinema", + "landmark's Embarcadero Center Cinema", + "Landmarks Embarcadero Center Cinema", + "embarcadero center cinema" + ], + "Knock Down The House": [ + "knock down the house", + "Knock down the House", + "Knock Down the House", + "Knock down the house", + "Knock Down The House" + ], + "15": [ + "15 dollars", + "15", + "$15" + ], + "Century 25 Union Landing & XD": [ + "Century Union Landing", + "Century 25 Union Landing & XD" + ], + "Mikey and Nicky": [ + "mikey and nicky", + "Mikey and Nicky" + ], + "Say Anything": [ + "Say anything", + "say anything", + "Say Anything" + ], + "Alamo Drafthouse Cinema": [ + "Alamo Drafthouse Cinema" + ], + "Brentwood": [ + "Brentwood", + "brentwood" + ], + "16:00": [ + "4 o\"clock in the evening", + "4 PM", + "four pm", + "Four in the evening", + "four in the evening", + "Four pm", + "4 o'clock in the evening", + "16:00", + "4 pm", + "4 in the evening", + "evening 4" + ], + "CineLux Delta Cinema Saver": [ + "CineLux Delta Cinema Saver", + "cinelux delta cinema saver" + ], + "Vine Cinema & Alehouse": [ + "Vine Cinema & Alehouse", + "vine Cinema & alehouse", + "Vine Cinema" + ], + "Century at Tanforan & XD": [ + "Century at Tanforan & XD", + "Century at Tanforan" + ], + "Century Walnut Creek 14 & XD": [ + "century walnut creek", + "Century Walnut Creek", + "Century Walnut Creek 14 & XD", + "century walnut creek 14 & xd" + ], + "Century 20 Oakridge & XD": [ + "Century 20 Oakridge & XD", + "Century Oakridge", + "century 20 oakridge & XD" + ], + "Dogman": [ + "Dogman", + "DOgman", + "dogman" + ], + "22:00": [ + "ten in the night", + "10 in the night", + "night 10", + "10 o\"clock in the night", + "ten pm", + "10 pm", + "22:00", + "10 PM" + ], + "AMC Eastridge 15": [ + "AMC Eastridge 15", + "AMC Eastridge" + ], + "23": [ + "$23", + "23", + "23 bucks" + ], + "750 Tennant Station": [ + "750 Tennant Station" + ], + "Pruneyard Dine-In Cinemas": [ + "Pruneyard Dine-In Cinemas", + "Pruneyard cinemas", + "Pruneyard Cinemas", + "Pruneyard dine-in Cinemas" + ], + "3rd Street Cinema": [ + "3rd Street cinema", + "3rd street cinema", + "3rd Street Cinema" + ], + "620 3rd Street": [ + "620 3rd street", + "620 3rd Street" + ], + "AMC Brentwood 14": [ + "AMC Brentwood 14", + "AMC Brentwood" + ], + "23:00": [ + "eleven in the night", + "11 pm", + "11 o\"clock in the night", + "23:00", + "11 in the night", + "eleven pm", + "11 PM" + ], + "19": [ + "19", + "$19" + ], + "Sonoma": [ + "sonoma", + "Sonoma" + ], + "Sonoma Cinema": [ + "Sonoma cinema", + "sonoma cinema", + "Sonoma Cinema" + ], + "United Artists Berkeley 7": [ + "United Artists Berkeley", + "United Artists Berkeley 7" + ], + "2525 Sand Creek Road": [ + "2525 Sand Creek Road" + ], + "Larkspur": [ + "larkspur", + "Larkspur" + ], + "Auntie Mame": [ + "Auntie mame", + "auntie mame", + "Auntie Mame" + ], + "Lark Theater": [ + "lark theater", + "lark Theater", + "Lark Theater" + ], + "32100 Union Landing Boulevard": [ + "32100 Union Landing BOulevard", + "32100 Union Landing Boulevard" + ], + "13": [ + "13 dollars", + "13 bucks", + "13", + "$13", + "thirteen" + ], + "The New Parkway Theater": [ + "New Parkway Theater", + "the New Parkway Theater", + "The New Parkway Theater" + ], + "474 24th Street": [ + "474 24th Street", + "474 24th street" + ], + "11": [ + "eleven dollars", + "11", + "eleven", + "$11" + ], + "6868 McKinley Street": [ + "6868 McKinley Street", + "6868 mckinley street" + ], + "AMC NewPark 12": [ + "AMC NewPark", + "AMC Newpark 12", + "AMC NewPark 12", + "amc newpark 12", + "amc newpark" + ], + "Century 20 Daly City & XD": [ + "Century 20 Daly City & XD", + "Century Daly City" + ], + "Century Vallejo 14": [ + "century Vallejo", + "century vallejo 14", + "Century Vallejo", + "century vallejo", + "Century Vallejo 14", + "century Vallejo 14", + "Century, Vallejo 14" + ], + "Regal Cinemas Jack London 9": [ + "Regal Jack London", + "Regal Cinemas Jack London 9" + ], + "100 Washington Street": [ + "100 Washington Street", + "100 Washington street" + ], + "Emeryville": [ + "Emeryville", + "emeryville" + ], + "AMC Bay Street 16": [ + "AMC Bay Street 16", + "Amc Bay Street 16", + "AMC Bay Street" + ], + "12": [ + "TWELVE", + "12", + "$12", + "Twelve", + "12 dollars", + "twelve" + ], + "Musical": [ + "Song", + "Musical", + "musical", + "song" + ], + "2019-03-15": [ + "15th of this month", + "March 15th", + "15th of March", + "the 15th" + ], + "Century 16 Downtown": [ + "Century 16 Downtown", + "century 16 Downtown", + "century 16 downtown", + "Century Downtown" + ], + "125 Crescent Drive": [ + "125 Crescent drive", + "125 crescent Drive", + "125 crescent drive", + "125 Crescent Drive" + ], + "Century Rowland Plaza": [ + "Century Rowland Plaza" + ], + "Novato": [ + "novato", + "Novato" + ], + "44 Rowland Way": [ + "44 Rowland Way" + ], + "THE LOT City Center": [ + "the Lot City Center", + "the lot city center", + "The LOT City Center", + "THE LOT city center", + "THE LOT City center", + "THE LOT City Center", + "THE LOt City Center", + "The lot City Center", + "The Lot City Center" + ], + "Cloverdale": [ + "cloverdale", + "Cloverdale" + ], + "The Clover Theater": [ + "the Clover Theater", + "The Clover Theater" + ], + "2306 Almaden Road": [ + "2306 Almaden Road", + "2306 Almaden road", + "2306 almaden road" + ], + "6000 Bollinger Canyon Road Suite 2300": [ + "6000 Bollinger Canyon road Suite 2300", + "6000 Bollinger Canyon Road Suite 2300", + "6000 bollinger canyon road suite 2300" + ], + "United Artists Stonestown Twin": [ + "United Artists Stonestown Twin", + "United artists stonestown twin", + "united artists stonestown twin" + ], + "501 Buckingham Way": [ + "501 Buckingham Way", + "501 BUckingham Way" + ], + "14": [ + "14 dollars", + "$14", + "14 bucks", + "14" + ], + "Crime": [ + "Crime", + "FIght", + "fight", + "Fight", + "crime", + "Violent", + "violent" + ], + "War": [ + "War", + "war" + ], + "25": [ + "25 bucks", + "$25", + "25", + "twenty five dollars" + ], + "15:00": [ + "15:00", + "three PM", + "3 pm", + "afternoon 3", + "3 PM", + "3 in the afternoon", + "Three in the afternoon", + "3 o'clock in the afternoon", + "Three pm", + "three pm", + "three in the afternoon", + "3 o\"clock in the afternoon" + ], + "Cinemark USA": [ + "Cinemark USA", + "Cinemark" + ], + "Landmark's Albany Twin": [ + "Landmark's albany twin", + "albany twin", + "Landmark's Albany Twin", + "landmark's albany twin", + "Albany Twin" + ], + "Vogue Theatre": [ + "vogue theatre", + "Vogue theatre", + "Vogue Theatre" + ], + "1 Embarcadero Center": [ + "1 Embarcadero Center", + "1 EMbarcadero Center", + "1 embarcadero center", + "1 Embarcadero center" + ], + "Menlo Park": [ + "Menlo park", + "Menlo Park", + "menlo park" + ], + "Landmark's Guild Theatre": [ + "landmark's guild theatre", + "Guild Theatre", + "Landmark's guild theatre", + "Landmark's Guild Theatre", + "Guild theatre" + ], + "3111 Mission College Boulevard": [ + "3111 mission college boulevard", + "3111 Mission College Boulevard", + "3111 mission College Boulevard" + ], + "Contra Costa Stadium Cinemas": [ + "Contra Costa Stadium Cinemas", + "Contra Costa Stadium cinemas", + "Contra Costa stadium cinemas", + "Contra Costa", + "contra costa stadium cinemas" + ], + "Roxy Stadium 14": [ + "Roxy Stadium 14", + "Roxy Stadium Cinemas" + ], + "85 Santa Rosa Avenue": [ + "85 Santa Rosa Avenue" + ], + "Brenden Vacaville 16": [ + "Brenden, Vacaville", + "Brenden Vacaville 16", + "Brenden Vacaville" + ], + "531 Davis Street": [ + "531 Davis Street", + "531 Davis STreet" + ], + "Century San Francisco Centre 9 & XD": [ + "century san francisco centre 9 & xd", + "Century San Francisco Centre", + "Century San Francisco Centre 9 & XD", + "century san francisco centre 9 & XD", + "century san francisco centre" + ], + "835 Market Street": [ + "835 Market street", + "835 Market Street" + ], + "18": [ + "eighteen bucks", + "18 bucks", + "$18", + "18" + ], + "1188 El Camino Real 4th Floor": [ + "1188 El camino real 4th floor", + "1188 El Camino Real 4th Floor", + "1188 El Camino Real 4th floor" + ], + "Century Redwood City Downtown 20 & XD": [ + "Century Redwood city Downtown 20 & XD", + "Century Redwood City", + "Century Redwood city", + "Century Redwood City Downtown 20 & XD" + ], + "825 Middlefield Road": [ + "825 middlefield road", + "825 Middlefield Road" + ], + "Century Regency": [ + "century regency", + "Century Regency" + ], + "Transit": [ + "Transit", + "transit" + ], + "549 Magnolia Avenue": [ + "549 Magnolia Avenue" + ], + "AMC Saratoga 14": [ + "amc saratoga 14", + "AMC Saratoga 14", + "AMC Saratoga", + "AMC saratoga", + "amc saratoga" + ], + "Century Napa Valley and XD Theater": [ + "century napa valley and xd theater", + "Century Napa Valley", + "Century Napa Valley and XD Theater", + "Century Napa Valley and XD theater", + "century napa valley", + "Century Napa valley", + "century napa valley and XD theater" + ], + "Josie and the Pussycats": [ + "Josie and the Pussycats the Pussycats movie", + "the Pussycats movie", + "josie and the pussycats", + "Josie and the Pussycats", + "The pussycats movie", + "Josie and the pussycats", + "the pussycats movie", + "The Pussycats movie" + ], + "Airport Stadium 12": [ + "Airport Stadium 12", + "Airport Stadium Cinemas", + "airport stadium 12" + ], + "1115 Solano Avenue": [ + "1115 Solano Avenue", + "1115 solano avenue" + ], + "17": [ + "17 bucks", + "$17", + "17" + ], + "2019-03-17": [ + "the 17th" + ], + "14:30": [ + "Afternoon 2:30", + "2:30 pm", + "2:30 PM", + "half past 2 in the afternoon", + "afternoon 2:30", + "2:30 in the afternoon", + "Half past 2 in the afternoon", + "14:30" + ], + "Regal Cinemas Crow Canyon 6": [ + "Regal Crow Canyon", + "Regal Cinemas Crow Canyon 6" + ], + "1603": [ + "1603" + ], + "43917 Pacific Commons Boulevard": [ + "43917 Pacific Commons BOulevard", + "43917 Pacific Commons Boulevard" + ], + "Presidio Theatre": [ + "Presidio Theatre" + ], + "24": [ + "24", + "$24", + "twenty four dollars" + ], + "555 Center Avenue": [ + "555 center avenue", + "555 Center Avenue" + ], + "949 El Camino Real": [ + "949 El camino real", + "949 El Camino Real", + "949 el camino real" + ], + "AMC Deer Valley 16": [ + "AMC Deer Valley 16", + "amc deer valley", + "amc deer valley 16", + "AMC Deer Valley", + "Amc Deer Valley" + ], + "4204 Lone Tree Way": [ + "4204 Lone Tree Way", + "4204 lone tree way" + ], + "Pillow Talk": [ + "pillow talk", + "Pillow Talk", + "Pillow talk" + ], + "Stanford Theatre": [ + "Stanford theatre", + "stanford theatre", + "Stanford Theatre" + ], + "Alameda Theatre & Cineplex": [ + "alameda theatre & cineplex", + "Alameda Theatre & Cineplex", + "Alameda theatre & cineplex" + ], + "Mill Valley": [ + "Mill Valley", + "Mill VAlley", + "MIll Valley", + "mill valley", + "Mill valley" + ], + "CineArts at Sequoia": [ + "CineArts at Sequoia" + ], + "Century 16": [ + "Century 16", + "century 16", + "century cinemas", + "Century cinemas", + "Century Cinemas" + ], + "5614 Bay Street Suite 220": [ + "5614 Bay Street Suite 220" + ], + "Edwards Fairfield 16 & IMAX": [ + "Edwards Fairfield 16 & IMAX", + "edwards fairfield", + "Edwards Fairfield", + "edwards fairfield 16 & IMAX" + ], + "3 Below Theaters And Lounge": [ + "3 Below Theaters and Lounge", + "3 Below THeaters and Lounge", + "3 Below Theaters And Lounge", + "3 Below Theaters and lounge" + ], + "Action": [ + "action", + "Action" + ], + "The Last Dragon": [ + "Last Dragon", + "The Last Dragon", + "the Last Dragon", + "Last dragon", + "The last Dragon", + "The Last dragon", + "the last dragon" + ], + "Summerfield Cinemas": [ + "summerfield Cinemas", + "Summerfield Cinemas", + "summerfield cinemas" + ], + "Grand Lake Theatre": [ + "Grand Lake Theatre" + ], + "20": [ + "20", + "20 bucks", + "$20" + ], + "Landmark's Opera Plaza Cinema": [ + "opera plaza", + "landmark's opera plaza cinema", + "Opera Plaza", + "Landmark's Opera Plaza Cinema", + "Landmark's opera plaza cinema", + "LandMark's Opera Plaza Cinema" + ], + "Hillsborough": [ + "Hillsborough" + ], + "Century 12 San Mateo": [ + "Century 12 San Mateo" + ], + "Century at Hayward": [ + "Century at Hayward" + ], + "200 C Street": [ + "200 C Street", + "200 C street" + ], + "10:00": [ + "10 am", + "morning 10", + "10:00", + "Ten in the morning", + "ten AM", + "ten in the morning", + "Ten am", + "10 o'clock in the morning", + "10 AM", + "Morning 10", + "10 in the morning", + "ten am", + "10 Am", + "10 o\"clock in the morning" + ], + "AMC Metreon 16": [ + "amc metreon", + "AMC Metreon 16", + "AMC Metreon" + ], + "Moraga": [ + "moraga", + "Moraga" + ], + "Rheem Theatre": [ + "Rheem Theatre", + "Rheem theatre", + "rheem theatre" + ], + "Raven Film Center": [ + "Raven Film center", + "Raven Film Center", + "raven Film Center", + "raven film center" + ], + "Tiburon Playhouse": [ + "Tiburon Playhouse" + ], + "Tiburon": [ + "Tiburon" + ], + "Century Larkspur": [ + "Century Larkspur", + "century larkspur" + ], + "500 Larkspur Landing Circle": [ + "500 Larkspur Landing Circle" + ], + "2317 Central Avenue": [ + "2317 Central Avenue", + "2317 Central avenue", + "2317 central avenue" + ], + "Century Cinema 16": [ + "century cinema 16", + "century cinema", + "Century Cinema", + "Century Cinema 16", + "Century cinema 16" + ], + "4451": [ + "4451" + ], + "400 Newpark Mall": [ + "400 newpark mall", + "400 Newpark Mall" + ], + "Reading Cinemas Rohnert Park": [ + "Reading Cinemas Rohnert Park", + "reading cinemas rohnert park" + ], + "2340 Chestnut Street": [ + "2340 Chestnut Street" + ], + "West Wind Capitol Drive-In": [ + "West Wind Capitol Drive-In", + "west wind capitol drive-in", + "West Wind Capitol Drive-in" + ], + "ShowPlace ICON Valley Fair": [ + "ShowPlace ICON Valley Fair" + ], + "ShowPlace ICON Mountain View": [ + "ShowPlace ICON Mountain View", + "ShowPlace ICON" + ], + "Century": [ + "Century" + ], + "2550 Mission Street": [ + "2550 Mission Street" + ], + "Giants Vs Rockies": [ + "Giants vs Rockies", + "Giants Vs Rockies", + "giants vs rockies" + ], + "Thee Oh Sees": [ + "Thee oh sees", + "Thee Oh Sees", + "Thee Oh sees", + "thee oh sees" + ], + "White Sox Vs Tigers": [ + "White Sox Vs Tigers", + "White Sox vs Tigers" + ], + "Imperial Daze": [ + "Imperial Daze" + ], + "Yellow Jackets Vs Hokies": [ + "Yellow Jackets Vs Hokies" + ], + "Yankees Vs Angels": [ + "Yankees Vs Angels" + ], + "Sounders Vs United": [ + "Sounders Vs United", + "Sounders vs United" + ], + "Nycfc Vs Timbers": [ + "Nycfc vs Timbers", + "Nycfc vs timbers", + "Nycfc Vs Timbers" + ], + "Outlaw Music Festival": [ + "Outlaw Music Festival" + ], + "Owls Vs Tigers": [ + "Owls Vs Tigers", + "Owls vs Tigers" + ], + "Yankees Vs Indians": [ + "Yankees Vs Indians", + "Yankees vs Indians" + ], + "Russian Circles": [ + "Russian Circles" + ], + "Kirk Franklin": [ + "Kirk Franklin" + ], + "Phillies Vs White Sox": [ + "Phillies vs White Sox", + "Phillies Vs White sox", + "Phillies Vs White Sox" + ], + "Yankees Vs Rays": [ + "Yankees Vs Rays" + ], + "451 Queensbridge Road": [ + "451 Queensbridge Road" + ], + "Okkervil River": [ + "okkervil river", + "Okkervil River", + "Okkervil river" + ], + "Blue Jays Vs Rays": [ + "Blue Jays vs Rays", + "Blue Jays Vs Rays" + ], + "Yellow Jackets Vs Panthers": [ + "Yellow Jackets VS Panthers", + "Yellow Jackets Vs Panthers" + ], + "Smokey Robinson": [ + "Smokey Robinson" + ], + "Giants Vs Nationals": [ + "giants vs nationals", + "Giants Vs Nationals", + "giants Vs Nationals", + "Giants vs Nationals" + ], + "Toronto Vs Ottawa": [ + "Toronto vs Ottawa", + "Toronto Vs Ottawa" + ], + "Timmy Trumpet": [ + "Timmy Trumpet" + ], + "Long Beach Jazz Festival": [ + "Long Beach jazz festival", + "Long Beach Jazz Festival", + "long beach jazz festival" + ], + "Delta Airlines": [ + "Delta Airlines" + ], + "Economy": [ + "Economy" + ], + "SearchOnewayFlight": [ + "SearchOnewayFlight" + ], + "17:35": [ + "5:35 PM", + "5:35 pm" + ], + "364": [ + "$364" + ], + "ReserveOnewayFlight": [ + "ReserveOnewayFlight" + ], + "Air Canada": [ + "Air Canada" + ], + "263": [ + "$263" + ], + "02:50": [ + "2:50 am" + ], + "309": [ + "$309" + ], + "American Airlines": [ + "American Airlines" + ], + "10:55": [ + "10:55 AM", + "10:55 am" + ], + "0": [ + "0" + ], + "96": [ + "ninety six dollars", + "96", + "96 bucks", + "96 dollars", + "$96" + ], + "Mexico City": [ + "CDMX", + "Mexico City", + "Mexico city", + "Ciudad De mexico", + "mexico city", + "ciudad de mexico", + "Ciudad de Mexico", + "cdmx", + "Ciudad de mexico" + ], + "12:05": [ + "12:05 PM", + "12:05 pm" + ], + "208": [ + "$208" + ], + "05:05": [ + "5:05 AM", + "5:05 am" + ], + "182": [ + "$182" + ], + "Alaska Airlines": [ + "Alaska Airlines" + ], + "16:20": [ + "4:20 PM", + "4:20 pm" + ], + "168": [ + "$168", + "168 bucks" + ], + "13:40": [ + "1:40 PM", + "1:40 pM", + "1:40 pm" + ], + "180": [ + "180 dollars", + "one hundred and eighty bucks", + "$180", + "one hundred and eighty dollars" + ], + "17:50": [ + "5:50 pm", + "5:50 PM" + ], + "295": [ + "$295" + ], + "United Airlines": [ + "United Airlines" + ], + "22:05": [ + "10:05 pm" + ], + "324": [ + "$324" + ], + "Kingsford Smith International Airport": [ + "Kingsford Smith Airport", + "kingsford Smith international airport", + "kingsford smith international airport", + "Kingsford Smith International Airport", + "kingsford smith International Airport", + "Kingsford smith international airport", + "Kingsford Smith International airport" + ], + "Delhi": [ + "new delhi", + "delhi, india", + "delhi", + "Delhi India", + "Delhi, India", + "New Delhi", + "Delhi" + ], + "07:50": [ + "7:50 AM", + "7:50 am" + ], + "334": [ + "$334" + ], + "Premium Economy": [ + "Premium Economy" + ], + "100": [ + "100 bucks", + "$100", + "100 dollars", + "100" + ], + "23:15": [ + "11:15 PM", + "11:15 pm" + ], + "129": [ + "129 bucks", + "$129" + ], + "11:10": [ + "11:10 AM", + "11:10 am" + ], + "102": [ + "102", + "$102" + ], + "21:20": [ + "9:20 pm" + ], + "99": [ + "ninety nine dollars", + "99", + "$99" + ], + "161": [ + "$161", + "161 bucks" + ], + "09:35": [ + "9:35 am", + "9:35 AM" + ], + "177": [ + "$177" + ], + "Hartsfield-Jackson International Airport": [ + "Hartsfield-Jackson international airport", + "Hartsfield-jackson international airport", + "HArtsfield-Jackson International Airport", + "Hartsfield-Jackson International AIrport", + "Hartsfield-Jackson", + "hartsfield-jackson international airport", + "Hartsfield-Jackson international Airport", + "Hartsfield-Jackson International airport", + "Hartsfield-Jackson International Airport", + "hartsfield-Jackson international airport", + "Hartsfield", + "Hartsfield-Jackson Airport", + "Hartsfield-jackson International Airport" + ], + "LAX International Airport": [ + "LAX international airport", + "LAX Airport", + "lax international airport", + "LAX International Airport", + "Lax International Airport", + "LAX International airport", + "LAX international Airport" + ], + "09:45": [ + "Morning 9:45", + "9:45 AM", + "quarter to 10 in the morning", + "9:45 am", + "morning 9:45", + "09:45", + "9:45 in the morning" + ], + "159": [ + "one hundred and fifty nine dollars", + "$159" + ], + "09:30": [ + "half past 9 in the morning", + "morning 9:30", + "9:30 AM", + "9:30 am", + "09:30", + "9:30 in the morning" + ], + "209": [ + "$209" + ], + "13:35": [ + "1:35 PM", + "1:35 pm" + ], + "283": [ + "$283" + ], + "14:45": [ + "14:45", + "2:45 in the afternoon", + "2:45 PM", + "2:45 pm", + "afternoon 2:45", + "quarter to 3 in the afternoon" + ], + "162": [ + "$162", + "162 bucks" + ], + "21:25": [ + "9:25 pm" + ], + "09:20": [ + "9:20 am", + "9:20 AM" + ], + "173": [ + "$173", + "173 bucks" + ], + "17:19": [ + "5:19 pm" + ], + "07:25": [ + "7:25 am" + ], + "127": [ + "$127" + ], + "09:55": [ + "9:55 am", + "9:55 AM" + ], + "20:15": [ + "night 8:15", + "quarter past 8 in the night", + "20:15", + "8:15 in the night", + "8:15 PM", + "8:15 pm" + ], + "87": [ + "87", + "$87" + ], + "21:50": [ + "9:50 pm" + ], + "McCarran International Airport": [ + "McCarran International Airport", + "mccarran international airport", + "McCarran International airport", + "Mccarran international airport" + ], + "297": [ + "$297" + ], + "04:30": [ + "morning 4:30", + "4:30 am", + "4:30 AM", + "half past 4 in the morning" + ], + "256": [ + "$256" + ], + "11:55": [ + "11:55 AM", + "11:55 am" + ], + "08:30": [ + "08:30", + "morning 8:30", + "half past 8 in the morning", + "8:30 am", + "8:30 in the morning", + "8:30 AM" + ], + "302": [ + "$302" + ], + "01:10": [ + "1:10 am" + ], + "410": [ + "$410" + ], + "08:40": [ + "8:40 AM", + "8:40 am" + ], + "226": [ + "$226" + ], + "15:05": [ + "3:05 pm", + "3:05 PM" + ], + "341": [ + "$341" + ], + "British Airways": [ + "British Airways" + ], + "09:15": [ + "9:15 am", + "09:15", + "morning 9:15", + "9:15 in the morning", + "quarter past 9 in the morning" + ], + "374": [ + "$374" + ], + "08:00": [ + "morning 8", + "8 o\"clock in the morning", + "8 o'clock in the morning", + "eight am", + "eight in the morning", + "8 in the morning", + "8 am", + "08:00", + "8 AM" + ], + "355": [ + "$355" + ], + "128": [ + "$128", + "128 bucks" + ], + "247": [ + "$247" + ], + "239": [ + "$239" + ], + "00:51": [ + "0:51 am" + ], + "115": [ + "$115", + "115 dollars", + "115 bucks" + ], + "183": [ + "$183" + ], + "15:20": [ + "3:20 PM", + "3:20 pm" + ], + "170": [ + "one hundred and seventy bucks", + "170 bucks", + "$170", + "170 dollars" + ], + "07:30": [ + "7:30 in the morning", + "07:30", + "half past 7 in the morning", + "morning 7:30", + "7:30 AM", + "7:30 am" + ], + "70": [ + "70", + "seventy dollars", + "$70" + ], + "07:40": [ + "7:40 AM", + "7:40 am" + ], + "69": [ + "$69", + "69" + ], + "Southwest Airlines": [ + "Southwest Airlines" + ], + "15:25": [ + "3:25 pm", + "3:25 PM" + ], + "58": [ + "$58", + "58", + "fifty eight dollars", + "fifty eight bucks" + ], + "212": [ + "$212" + ], + "08:25": [ + "8:25 am" + ], + "210": [ + "$210", + "210 bucks" + ], + "Benito Juarez International Airport": [ + "Benito Juarez International Airport", + "benito juarez international airport", + "Benito Juarez international Airport", + "Benito Juarez Airport", + "Benito Juarez International airport", + "Benito juarez International Airport" + ], + "19:46": [ + "7:46 pm" + ], + "Washington": [ + "Washington", + "WAshington", + "washington" + ], + "14:50": [ + "2:50 pm", + "2:50 PM" + ], + "359": [ + "$359" + ], + "10:14": [ + "10:14 am" + ], + "Heathrow International Airport": [ + "Heathrow international Airport", + "heathrow international airport", + "Heathrow international airport", + "Heathrow International Airport", + "Heathrow International airport", + "Heathrow Airport" + ], + "15:35": [ + "3:35 pm", + "3:35 PM" + ], + "339": [ + "$339" + ], + "15:45": [ + "3:45 PM", + "15:45", + "afternoon 3:45", + "3:45 in the afternoon", + "quarter to 4 in the afternoon", + "3:45 pm", + "3:45 Pm" + ], + "404": [ + "$404" + ], + "250": [ + "$250" + ], + "255": [ + "$255" + ], + "119": [ + "one hundred and nineteen bucks", + "119 dollars", + "$119" + ], + "05:10": [ + "5:10 AM", + "5:10 am" + ], + "225": [ + "$225" + ], + "Dulles International Airport": [ + "Dulles International Airport", + "dulles international airport", + "Dulles International AIrport", + "Dulles international airport", + "Dulles international Airport", + "Dulles International airport" + ], + "11:06": [ + "11:06 AM" + ], + "214": [ + "$214" + ], + "14:05": [ + "2:05 PM", + "2:05 pm" + ], + "22:56": [ + "10:56 pm" + ], + "260": [ + "260 bucks", + "$260" + ], + "Toronto Pearson International Airport": [ + "Toronto pearson international Airport", + "Toronto Pearson International airport", + "Toronto Pearson International Airport", + "toronto pearson international airport", + "Toronto pearson International Airport", + "Toronto Pearson Airport", + "Toronto Pearson international Airport" + ], + "06:00": [ + "6 AM", + "morning 6", + "six in the morning", + "6 am", + "6 in the morning", + "six am" + ], + "366": [ + "$366" + ], + "16:07": [ + "4:07 pm", + "4:07 PM" + ], + "11:05": [ + "11:05 am" + ], + "04:05": [ + "4:05 AM", + "4:05 am" + ], + "272": [ + "$272" + ], + "333": [ + "$333" + ], + "Charles de Gaulle International Airport": [ + "charles de gaulle airport", + "Charles de Gaulle international Airport", + "Roissy Airport", + "Charles de Gaulle International Airport", + "Charles de Gaulle international airport", + "roissy airport", + "Charles De Gaulle International Airport", + "Charles de Gaulle International airport", + "Charles de gaulle international airport", + "Charles De Gaulle international airport", + "Charles de Gaulle Airport", + "charles de gaulle international airport" + ], + "PHL International Airport": [ + "PHL airport", + "PHL international Airport", + "PHL International airport", + "phl international airport", + "PHL international airport", + "PHL International Airport" + ], + "21:15": [ + "night 9:15", + "9:15 in the night", + "9:15 PM", + "21:15", + "9:15 pm", + "quarter past 9 in the night" + ], + "108": [ + "$108", + "one hundred and eight dollars" + ], + "110": [ + "one hundred and ten bucks", + "110 bucks", + "110 dollars", + "$110" + ], + "04:35": [ + "4:35 am" + ], + "104": [ + "$104", + "one hundred and four dollars", + "104 dollars" + ], + "10:10": [ + "10:10 am", + "10:10 AM" + ], + "215": [ + "$215", + "two hundred and fifteen bucks" + ], + "323": [ + "$323" + ], + "23:04": [ + "11:04 pm" + ], + "Indira Gandhi International Airport": [ + "Delhi airport", + "Indira Gandhi Airport", + "Indira Gandhi International Airport", + "Indira Gandhi International airport", + "indira gandhi international airport", + "Indira Gandhi International AIrport", + "Delhi Airport" + ], + "SAN International Airport": [ + "San International Airport", + "SAN airport", + "SAN international airport", + "SAN Airport", + "san international airport", + "SAN international Airport", + "SAN International Airport" + ], + "23:25": [ + "11:25 pm" + ], + "Sky Harbor International Airport": [ + "Phoenix Sky Harbor Airport", + "Sky harbor international airport", + "sky harbor international airport", + "Sky Harbor International Airport", + "sky Harbor International airport", + "Sky Harbor International airport", + "phoenix sky harbor airport", + "Sky Harbor Airport", + "Sky Harbor International AIrport" + ], + "06:37": [ + "6:37 am", + "6:37 AM" + ], + "22:55": [ + "10:55 pm" + ], + "163": [ + "$163" + ], + "199": [ + "$199" + ], + "08:45": [ + "morning 8:45", + "08:45", + "quarter to 9 in the morning", + "8:45 am" + ], + "303": [ + "$303" + ], + "11:40": [ + "11:40 am" + ], + "176": [ + "176 bucks", + "$176" + ], + "04:10": [ + "4:10 am", + "4:10 AM" + ], + "195": [ + "$195" + ], + "09:10": [ + "9:10 AM", + "9:10 am" + ], + "150": [ + "$150", + "150 dollars", + "150 bucks", + "one hundred and fifty dollars" + ], + "103": [ + "$103", + "103 bucks", + "103" + ], + "10:50": [ + "10:50 AM", + "10:50 am" + ], + "105": [ + "105", + "$105", + "105 bucks" + ], + "149": [ + "$149", + "one hundred and forty nine bucks", + "149 bucks" + ], + "196": [ + "$196" + ], + "135": [ + "$135", + "135 dollars" + ], + "14:07": [ + "2:07 pm" + ], + "17:55": [ + "5:55 pm", + "5:55 PM" + ], + "06:40": [ + "6:40 am", + "6:40 AM" + ], + "194": [ + "$194" + ], + "16:06": [ + "4:06 pm" + ], + "191": [ + "$191" + ], + "200": [ + "$200" + ], + "16:40": [ + "4:40 pm" + ], + "188": [ + "$188", + "one hundred and eighty eight bucks" + ], + "259": [ + "$259" + ], + "21:54": [ + "9:54 pm" + ], + "356": [ + "$356" + ], + "406": [ + "$406" + ], + "184": [ + "$184" + ], + "237": [ + "$237" + ], + "307": [ + "$307" + ], + "258": [ + "$258" + ], + "232": [ + "$232" + ], + "Nairobi": [ + "nairobi, kenya", + "Nairobi", + "Nairobi, Kenya", + "Nairobi Kenya", + "nairobi" + ], + "06:45": [ + "morning 6:45", + "06:45", + "6:45 in the morning", + "6:45 am", + "quarter to 7 in the morning" + ], + "416": [ + "$416" + ], + "07:35": [ + "7:35 AM", + "7:35 am" + ], + "228": [ + "$228" + ], + "07:15": [ + "7:15 in the morning", + "07:15", + "quarter past 7 in the morning", + "7:15 AM", + "7:15 am", + "morning 7:15" + ], + "YVR International Airport": [ + "YVR airport", + "Vancouver Airport", + "YVR international Airport", + "yvr international airport", + "YVR International Airport", + "yvr airport", + "YVR Airport", + "YVR International AIrport", + "YVR International airport", + "YVR international airport" + ], + "13:59": [ + "1:59 pm" + ], + "13:20": [ + "1:20 PM", + "1:20 pm" + ], + "132": [ + "132 bucks", + "132 dollars", + "$132", + "one hundred and thirty two dollars" + ], + "144": [ + "$144", + "144 bucks" + ], + "133": [ + "$133" + ], + "12:10": [ + "12:10 pm" + ], + "13:10": [ + "1:10 pm" + ], + "155": [ + "one hundred and fifty five bucks", + "$155", + "155 bucks" + ], + "SFO International Airport": [ + "SFO INternational Airport", + "SFO International airport", + "SFO international Airport", + "sfo international airport", + "SFO", + "SFO International AIrport", + "SFO International Airport", + "SFO Airport", + "SFO international airport", + "SFO airport" + ], + "358": [ + "$358" + ], + "348": [ + "$348" + ], + "169": [ + "169 bucks", + "$169", + "169 dollars", + "one hundred and sixty nine bucks" + ], + "160": [ + "$160", + "160 dollars" + ], + "306": [ + "$306" + ], + "428": [ + "$428" + ], + "97": [ + "97 bucks", + "97 dollars", + "$97", + "97" + ], + "399": [ + "$399" + ], + "292": [ + "$292" + ], + "20:45": [ + "8:45 in the night", + "8:45 pm", + "quarter to 9 in the night", + "night 8:45" + ], + "153": [ + "153 bucks", + "$153" + ], + "13:05": [ + "1:05 pm" + ], + "06:15": [ + "6:15 am", + "morning 6:15" + ], + "130": [ + "130 bucks", + "130 dollars", + "$130" + ], + "439": [ + "$439" + ], + "17:57": [ + "5:57 pm" + ], + "First Class": [ + "First Class" + ], + "273": [ + "$273" + ], + "17:05": [ + "5:05 pm" + ], + "234": [ + "$234" + ], + "203": [ + "$203" + ], + "16:35": [ + "4:35 PM", + "4:35 pm" + ], + "267": [ + "$267" + ], + "04:57": [ + "4:57 am" + ], + "17:40": [ + "5:40 pm" + ], + "89": [ + "eighty nine bucks", + "$89", + "89" + ], + "05:55": [ + "5:55 am" + ], + "91": [ + "91", + "$91" + ], + "Air France": [ + "Air France" + ], + "03:55": [ + "3:55 am" + ], + "142": [ + "142 dollars", + "$142" + ], + "16:25": [ + "4:25 PM", + "4:25 pm" + ], + "257": [ + "$257" + ], + "164": [ + "$164", + "164 bucks" + ], + "146": [ + "$146" + ], + "262": [ + "$262" + ], + "Kuala Lumpur": [ + "Kuala lumpur", + "KL", + "kuala lumpur", + "Kuala Lumpur", + "kl" + ], + "415": [ + "$415" + ], + "21:35": [ + "9:35 PM", + "9:35 pm" + ], + "15:15": [ + "quarter past 3 in the afternoon", + "15:15", + "3:15 PM", + "afternoon 3:15", + "3:15 in the afternoon", + "3:15 pm" + ], + "71": [ + "seventy one bucks", + "71", + "$71" + ], + "12:20": [ + "12:20 pm" + ], + "14:35": [ + "2:35 PM", + "2:35 pm" + ], + "74": [ + "$74", + "74 bucks", + "74" + ], + "18:55": [ + "6:55 pm" + ], + "125": [ + "125 dollars", + "$125" + ], + "06:10": [ + "6:10 AM", + "6:10 am" + ], + "113": [ + "$113" + ], + "20:13": [ + "8:13 pm" + ], + "04:40": [ + "4:40 am", + "4:40 AM" + ], + "106": [ + "$106", + "106 dollars" + ], + "321": [ + "$321" + ], + "18:25": [ + "6:25 pm", + "6:25 PM" + ], + "19:39": [ + "7:39 pm" + ], + "80": [ + "eighty bucks", + "80 dollars", + "80 bucks", + "$80", + "80" + ], + "346": [ + "$346" + ], + "342": [ + "$342" + ], + "197": [ + "$197" + ], + "20:40": [ + "8:40 PM", + "8:40 pm" + ], + "O'Hare International Airport": [ + "O'Hare Airport", + "O'Hare International Airport", + "O'hare International Airport", + "O'hare international airport", + "O'Hare international airport", + "Chicago Airport", + "o'hare international airport" + ], + "252": [ + "$252" + ], + "90": [ + "ninety bucks", + "$90", + "90", + "ninety dollars" + ], + "254": [ + "$254" + ], + "340": [ + "$340", + "340 dollars" + ], + "338": [ + "$338" + ], + "230": [ + "$230", + "230 dollars" + ], + "KLIA International Airport": [ + "Kuala Lumpur International Airport", + "KLIA International Airport", + "KILA Airport", + "KLIA International airport", + "Klia International Airport", + "KLIA International AIrport" + ], + "13:32": [ + "1:32 pm" + ], + "00:15": [ + "morning 0:15", + "0:15 am" + ], + "331": [ + "$331" + ], + "01:37": [ + "1:37 am" + ], + "15:50": [ + "3:50 PM", + "3:50 pm" + ], + "242": [ + "$242" + ], + "PDX International Airport": [ + "PDX international Airport", + "PDx International Airport", + "PDX Airport", + "PDX airport", + "pdx International airport", + "pdx international airport", + "PDX International airport", + "PDX international airport", + "PDX International Airport" + ], + "14:47": [ + "2:47 pm" + ], + "15:16": [ + "3:16 pm" + ], + "16:55": [ + "4:55 pm" + ], + "67": [ + "67", + "$67" + ], + "11:18": [ + "11:18 am" + ], + "Seattle-Tacoma International Airport": [ + "Seattle-Tacoma international Airport", + "Seattle-Tacoma international airport", + "seattle-tacoma international airport", + "Seattle-Tacoma International airport", + "Seattle-Tacoma International Airport", + "Seattle-tacoma International Airport", + "seattle-Tacoma International Airport" + ], + "86": [ + "86", + "eighty six dollars", + "$86" + ], + "JFK International Airport": [ + "JFK international Airport", + "JFk International Airport", + "JFK Airport", + "JFK International AIrport", + "JFK International Airport", + "John F. Kennedy International Airport", + "JFK international airport", + "jfk international airport", + "John F. Kennedy Airport", + "JFK International airport" + ], + "204": [ + "$204" + ], + "13:25": [ + "1:25 pm", + "1:25 PM" + ], + "357": [ + "$357" + ], + "185": [ + "$185" + ], + "314": [ + "$314" + ], + "03:14": [ + "3:14 am" + ], + "10:05": [ + "10:05 am" + ], + "11:34": [ + "11:34 am" + ], + "07:05": [ + "7:05 am", + "7:05 AM" + ], + "09:52": [ + "9:52 am" + ], + "08:15": [ + "8:15 AM", + "morning 8:15", + "8:15 in the morning", + "8:15 am", + "8:15 Am", + "quarter past 8 in the morning", + "08:15" + ], + "432": [ + "$432" + ], + "426": [ + "$426" + ], + "05:25": [ + "5:25 AM", + "5:25 am" + ], + "384": [ + "$384" + ], + "07:58": [ + "7:58 AM", + "7:58 am" + ], + "20:28": [ + "8:28 pm" + ], + "57": [ + "$57", + "57" + ], + "17:31": [ + "5:31 pm" + ], + "07:45": [ + "7:45 in the morning", + "07:45", + "quarter to 8 in the morning", + "7:45 am" + ], + "73": [ + "$73", + "73", + "73 dollars" + ], + "411": [ + "$411" + ], + "00:05": [ + "0:05 am" + ], + "438": [ + "$438" + ], + "14:10": [ + "2:10 PM", + "2:10 pm" + ], + "448": [ + "$448" + ], + "423": [ + "$423" + ], + "Jomo Kenyatta International Airport": [ + "Jomo Kenyatta International airport", + "Jomo Kenyatta International Airport", + "Jomo Kenyatta Airport", + "JOmo Kenyatta International Airport", + "Nairobi International Airport" + ], + "22:25": [ + "10:25 PM", + "10:25 pm" + ], + "120": [ + "120 dollars", + "$120", + "120 bucks", + "One hundred and twenty dollars", + "one hundred and twenty bucks" + ], + "08:20": [ + "8:20 am", + "8:20 AM" + ], + "98": [ + "98", + "ninety eight bucks", + "$98" + ], + "376": [ + "$376" + ], + "15:40": [ + "3:40 PM", + "3:40 pm" + ], + "216": [ + "$216" + ], + "15:32": [ + "3:32 PM", + "3:32 pm" + ], + "09:40": [ + "9:40 AM", + "9:40 am" + ], + "117": [ + "$117", + "117 bucks", + "117 dollars" + ], + "116": [ + "$116", + "116 dollars", + "one hundred and sixteen bucks" + ], + "19:06": [ + "7:06 pm" + ], + "17:20": [ + "5:20 pm" + ], + "187": [ + "$187" + ], + "14:28": [ + "2:28 pm" + ], + "15:55": [ + "3:55 pm", + "3:55 PM" + ], + "20:35": [ + "8:35 pm", + "8:35 PM" + ], + "11:25": [ + "11:25 am" + ], + "124": [ + "$124", + "124 dollars", + "one hundred and twenty four dollars" + ], + "13:47": [ + "1:47 pm" + ], + "07:20": [ + "7:20 am", + "7:20 AM" + ], + "137": [ + "$137" + ], + "06:44": [ + "6:44 am" + ], + "220": [ + "$220", + "220 dollars" + ], + "06:25": [ + "6:25 AM", + "6:25 am" + ], + "20:31": [ + "8:31 pm" + ], + "401": [ + "$401" + ], + "441": [ + "$441" + ], + "07:10": [ + "7:10 am", + "7:10 AM" + ], + "436": [ + "$436" + ], + "19:19": [ + "7:19 pm" + ], + "14:55": [ + "2:55 pm", + "2:55 PM" + ], + "395": [ + "$395" + ], + "370": [ + "370 dollars", + "370 bucks", + "$370", + "three hundred and seventy bucks" + ], + "271": [ + "$271" + ], + "299": [ + "$299" + ], + "312": [ + "312", + "$312" + ], + "75": [ + "$75", + "75", + "seventy five dollars", + "75 bucks" + ], + "221": [ + "$221" + ], + "190": [ + "$190", + "one hundred and ninety bucks", + "190" + ], + "18:31": [ + "6:31 pm" + ], + "538": [ + "$538" + ], + "05:45": [ + "morning 5:45", + "5:45 am" + ], + "07:55": [ + "7:55 am", + "7:55 AM" + ], + "18:53": [ + "6:53 pm" + ], + "18:40": [ + "6:40 PM", + "6:40 pm" + ], + "18:20": [ + "6:20 pm" + ], + "60": [ + "sixty dollars", + "$60", + "60 bucks", + "60" + ], + "19:25": [ + "7:25 pm", + "7:25 PM" + ], + "63": [ + "$63", + "63", + "63 dollars" + ], + "61": [ + "$61", + "61 bucks", + "61" + ], + "08:36": [ + "8:36 am" + ], + "269": [ + "$269" + ], + "16:50": [ + "4:50 pm" + ], + "06:54": [ + "6:54 am" + ], + "207": [ + "$207" + ], + "10:15": [ + "10:15 AM", + "Quarter past 10 in the morning", + "quarter past 10 in the morning", + "10:15 am", + "10:15", + "10:15 in the morning", + "morning 10:15" + ], + "243": [ + "$243" + ], + "12:55": [ + "12:55 pm" + ], + "18:05": [ + "6:05 PM", + "6:05 pm" + ], + "327": [ + "$327" + ], + "398": [ + "$398" + ], + "10:35": [ + "10:35 AM", + "10:35 am" + ], + "328": [ + "$328" + ], + "09:26": [ + "9:26 am" + ], + "201": [ + "$201" + ], + "22:16": [ + "10:16 PM", + "10:16 pm" + ], + "83": [ + "$83", + "83", + "83 dollars" + ], + "79": [ + "79 dollars", + "79", + "79 bucks", + "$79" + ], + "19:59": [ + "7:59 pm" + ], + "372": [ + "$372" + ], + "288": [ + "$288" + ], + "06:17": [ + "6:17 am" + ], + "19:42": [ + "7:42 pm" + ], + "03:15": [ + "quarter past 3 in the morning", + "3:15 AM", + "3:15 in the morning", + "3:15 am" + ], + "337": [ + "$337" + ], + "15:12": [ + "3:12 pm" + ], + "244": [ + "$244" + ], + "05:00": [ + "5 am" + ], + "18:01": [ + "6:01 pm" + ], + "238": [ + "$238" + ], + "379": [ + "$379" + ], + "06:05": [ + "6:05 AM", + "6:05 am" + ], + "82": [ + "82 dollars", + "82 bucks", + "82", + "$82" + ], + "464": [ + "$464" + ], + "02:55": [ + "2:55 am", + "2:55 AM" + ], + "06:30": [ + "half past 6 in the morning", + "6:30 AM", + "6:30 in the morning", + "morning 6:30", + "6:30 am", + "06:30" + ], + "282": [ + "$282" + ], + "76": [ + "$76", + "76" + ], + "68": [ + "68", + "68 dollars", + "68 bucks", + "$68" + ], + "05:38": [ + "5:38 am" + ], + "663": [ + "$663" + ], + "667": [ + "$667" + ], + "315": [ + "$315" + ], + "289": [ + "$289" + ], + "15:10": [ + "3:10 PM", + "3:10 pm" + ], + "00:25": [ + "0:25 am" + ], + "378": [ + "$378" + ], + "04:29": [ + "4:29 am" + ], + "275": [ + "$275" + ], + "21:47": [ + "9:47 pm" + ], + "Business": [ + "Business" + ], + "18:41": [ + "6:41 pm" + ], + "270": [ + "270", + "two hundred and seventy dollars", + "$270", + "270 bucks" + ], + "85": [ + "$85", + "85", + "eighty five bucks" + ], + "219": [ + "$219" + ], + "193": [ + "$193" + ], + "483": [ + "$483" + ], + "280": [ + "$280" + ], + "21:40": [ + "9:40 pm" + ], + "151": [ + "151 bucks", + "$151" + ], + "350": [ + "350 bucks", + "350 dollars", + "$350" + ], + "326": [ + "$326" + ], + "461": [ + "$461" + ], + "21:33": [ + "9:33 pm" + ], + "157": [ + "$157", + "one hundred and fifty seven dollars" + ], + "01:47": [ + "1:47 am" + ], + "308": [ + "$308" + ], + "14:04": [ + "2:04 pm" + ], + "20:22": [ + "8:22 pm" + ], + "08:05": [ + "8:05 am", + "8:05 AM" + ], + "23:41": [ + "11:41 pm" + ], + "17:48": [ + "5:48 pm" + ], + "530": [ + "five hundred and thirty dollars", + "$530", + "530 dollars" + ], + "268": [ + "$268" + ], + "123": [ + "one hundred and twenty three bucks", + "$123" + ], + "224": [ + "$224" + ], + "02:04": [ + "2:04 am", + "2:04 AM" + ], + "14:15": [ + "2:15 in the afternoon", + "2:15 PM", + "quarter past 2 in the afternoon", + "2:15 pm", + "Afternoon 2:15", + "14:15", + "afternoon 2:15" + ], + "14:25": [ + "2:25 pm" + ], + "198": [ + "$198" + ], + "17:06": [ + "5:06 pm" + ], + "422": [ + "$422" + ], + "07:34": [ + "7:34 am" + ], + "11:20": [ + "11:20 am", + "11:20 AM" + ], + "296": [ + "$296" + ], + "402": [ + "$402" + ], + "437": [ + "$437" + ], + "515": [ + "$515" + ], + "06:04": [ + "6:04 am" + ], + "419": [ + "$419" + ], + "16:19": [ + "4:19 pm" + ], + "145": [ + "one hundred and forty five bucks", + "$145" + ], + "700": [ + "$700", + "700 dollars" + ], + "09:04": [ + "9:04 am" + ], + "14:56": [ + "2:56 pm" + ], + "277": [ + "$277" + ], + "04:00": [ + "4 am" + ], + "10:44": [ + "10:44 am" + ], + "304": [ + "$304" + ], + "390": [ + "$390" + ], + "429": [ + "$429" + ], + "266": [ + "$266" + ], + "20:39": [ + "8:39 pm" + ], + "04:07": [ + "4:07 am" + ], + "511": [ + "$511" + ], + "18:58": [ + "6:58 pm" + ], + "121": [ + "121 dollars", + "$121", + "one hundred and twenty one dollars" + ], + "20:24": [ + "8:24 pm" + ], + "536": [ + "$536" + ], + "205": [ + "$205" + ], + "320": [ + "320 bucks", + "three hundred and twenty dollars", + "$320" + ], + "20:07": [ + "8:07 pm" + ], + "367": [ + "$367" + ], + "156": [ + "$156" + ], + "211": [ + "$211" + ], + "03:20": [ + "3:20 am", + "3:20 AM" + ], + "284": [ + "$284" + ], + "04:15": [ + "4:15 am" + ], + "05:13": [ + "5:13 am" + ], + "227": [ + "$227" + ], + "202": [ + "$202" + ], + "23:16": [ + "11:16 pm" + ], + "19:10": [ + "7:10 PM", + "7:10 pm" + ], + "514": [ + "$514" + ], + "279": [ + "$279" + ], + "02:10": [ + "2:10 am" + ], + "276": [ + "$276" + ], + "19:31": [ + "7:31 pm" + ], + "05:15": [ + "morning 5:15", + "5:15 am" + ], + "178": [ + "$178" + ], + "21:45": [ + "night 9:45", + "9:45 in the night", + "9:45 pm", + "21:45", + "quarter to 10 in the night" + ], + "18:02": [ + "6:02 pm" + ], + "381": [ + "$381" + ], + "12:40": [ + "12:40 PM", + "12:40 pm" + ], + "218": [ + "$218" + ], + "08:24": [ + "8:24 am", + "8:24 AM" + ], + "SearchRoundtripFlights": [ + "SearchRoundtripFlights" + ], + "17:10": [ + "5:10 PM", + "5:10 pm" + ], + "ReserveRoundtripFlights": [ + "ReserveRoundtripFlights" + ], + "20:25": [ + "8:25 PM", + "8:25 pm" + ], + "84": [ + "84 bucks", + "eighty four dollars", + "84", + "$84" + ], + "21:39": [ + "9:39 pm" + ], + "95": [ + "$95", + "95" + ], + "06:20": [ + "6:20 AM", + "6:20 am" + ], + "189": [ + "$189" + ], + "11:42": [ + "11:42 am" + ], + "04:20": [ + "4:20 am" + ], + "206": [ + "$206" + ], + "23:45": [ + "11:45 pm", + "11:45 PM" + ], + "136": [ + "$136" + ], + "456": [ + "$456" + ], + "152": [ + "152 dollars", + "$152" + ], + "06:24": [ + "6:24 am" + ], + "248": [ + "$248" + ], + "10:40": [ + "10:40 am", + "10:40 AM" + ], + "00:37": [ + "0:37 am" + ], + "00:10": [ + "0:10 am" + ], + "385": [ + "$385" + ], + "17:25": [ + "5:25 pm" + ], + "311": [ + "$311" + ], + "322": [ + "$322" + ], + "02:05": [ + "2:05 am" + ], + "16:59": [ + "4:59 pm" + ], + "19:40": [ + "7:40 pm", + "7:40 PM" + ], + "09:03": [ + "9:03 am" + ], + "22:45": [ + "quarter to 11 in the night", + "22:45", + "10:45 pm" + ], + "14:40": [ + "2:40 pm" + ], + "473": [ + "$473" + ], + "181": [ + "$181" + ], + "06:50": [ + "6:50 am", + "6:50 AM" + ], + "12:08": [ + "12:08 pm" + ], + "23:50": [ + "11:50 PM", + "11:50 pm" + ], + "18:52": [ + "6:52 pm" + ], + "174": [ + "$174" + ], + "223": [ + "$223" + ], + "12:56": [ + "12:56 pm" + ], + "293": [ + "$293" + ], + "138": [ + "138 dollars", + "$138" + ], + "08:35": [ + "8:35 am" + ], + "06:55": [ + "6:55 am", + "6:55 AM" + ], + "12:50": [ + "12:50 pm", + "12:50 PM" + ], + "04:39": [ + "4:39 am" + ], + "241": [ + "$241" + ], + "00:19": [ + "0:19 am" + ], + "19:57": [ + "7:57 pm" + ], + "122": [ + "$122" + ], + "10:11": [ + "10:11 am" + ], + "245": [ + "$245" + ], + "22:03": [ + "10:03 pm" + ], + "421": [ + "$421" + ], + "375": [ + "$375" + ], + "18:14": [ + "6:14 pm" + ], + "14:20": [ + "2:20 PM", + "2:20 pm" + ], + "298": [ + "$298" + ], + "281": [ + "$281" + ], + "373": [ + "$373" + ], + "15:49": [ + "3:49 pm" + ], + "02:35": [ + "2:35 am" + ], + "14:13": [ + "2:13 pm" + ], + "407": [ + "$407" + ], + "01:18": [ + "1:18 am" + ], + "21:51": [ + "9:51 pm" + ], + "11:21": [ + "11:21 am" + ], + "15:17": [ + "3:17 pm" + ], + "501": [ + "$501" + ], + "01:24": [ + "1:24 am" + ], + "09:50": [ + "9:50 am", + "9:50 AM" + ], + "08:14": [ + "8:14 AM", + "8:14 am" + ], + "10:13": [ + "10:13 am" + ], + "05:35": [ + "5:35 am" + ], + "175": [ + "one hundred and seventy five dollars", + "$175" + ], + "131": [ + "$131", + "one hundred and thirty one bucks" + ], + "23:56": [ + "11:56 pm" + ], + "13:55": [ + "1:55 pm" + ], + "290": [ + "$290" + ], + "08:34": [ + "8:34 am" + ], + "16:01": [ + "4:01 pm" + ], + "00:16": [ + "0:16 AM", + "0:16 am" + ], + "00:32": [ + "0:32 am" + ], + "16:38": [ + "4:38 pm" + ], + "93": [ + "93", + "$93", + "93 bucks", + "ninety three dollars" + ], + "368": [ + "$368" + ], + "301": [ + "$301" + ], + "233": [ + "$233" + ], + "20:12": [ + "8:12 PM", + "8:12 pm" + ], + "20:20": [ + "8:20 PM", + "8:20 pm" + ], + "08:51": [ + "8:51 am" + ], + "21:55": [ + "9:55 pm" + ], + "08:21": [ + "8:21 am" + ], + "17:16": [ + "5:16 pm" + ], + "08:53": [ + "8:53 am", + "8:53 AM" + ], + "08:10": [ + "8:10 am", + "8:10 AM" + ], + "05:30": [ + "5:30 am", + "05:30" + ], + "111": [ + "$111", + "111 dollars" + ], + "141": [ + "one hundred and forty one bucks", + "$141", + "One hundred and forty one dollars" + ], + "274": [ + "$274" + ], + "05:50": [ + "5:50 am" + ], + "14:02": [ + "2:02 pm" + ], + "13:41": [ + "1:41 pm" + ], + "92": [ + "92", + "$92" + ], + "413": [ + "$413" + ], + "166": [ + "$166", + "166 bucks" + ], + "12:49": [ + "12:49 pm" + ], + "126": [ + "126 dollars", + "one hundred and twenty six dollars", + "126 bucks", + "$126" + ], + "23:10": [ + "11:10 pm" + ], + "00:34": [ + "0:34 am" + ], + "353": [ + "$353" + ], + "01:19": [ + "1:19 am" + ], + "11:11": [ + "11:11 am" + ], + "291": [ + "$291" + ], + "294": [ + "$294" + ], + "18:10": [ + "6:10 pm", + "6:10 PM" + ], + "148": [ + "148 dollars", + "$148" + ], + "09:05": [ + "9:05 am", + "9:05 AM" + ], + "414": [ + "$414" + ], + "94": [ + "94", + "$94", + "94 bucks", + "94 dollars" + ], + "222": [ + "$222" + ], + "09:48": [ + "9:48 am" + ], + "18:50": [ + "6:50 PM", + "6:50 pm" + ], + "167": [ + "one hundred and sixty seven dollars", + "$167" + ], + "109": [ + "109 bucks", + "$109", + "one hundred and nine bucks" + ], + "19:05": [ + "7:05 pm" + ], + "316": [ + "$316" + ], + "19:32": [ + "7:32 pm" + ], + "388": [ + "$388" + ], + "14:06": [ + "2:06 pm" + ], + "236": [ + "$236" + ], + "22:10": [ + "10:10 pm" + ], + "06:47": [ + "6:47 am" + ], + "20:05": [ + "8:05 pm" + ], + "16:10": [ + "4:10 pm", + "4:10 PM" + ], + "361": [ + "$361" + ], + "05:20": [ + "5:20 am" + ], + "310": [ + "three hundred and ten bucks", + "310 bucks", + "$310" + ], + "400": [ + "400 bucks", + "$400" + ], + "300": [ + "$300", + "three hundred bucks", + "300 bucks", + "three hundred dollars" + ], + "186": [ + "$186" + ], + "15:29": [ + "3:29 pm" + ], + "319": [ + "$319" + ], + "365": [ + "$365" + ], + "143": [ + "$143" + ], + "305": [ + "$305" + ], + "382": [ + "$382" + ], + "325": [ + "$325" + ], + "391": [ + "$391" + ], + "213": [ + "$213" + ], + "253": [ + "$253" + ], + "04:55": [ + "4:55 am" + ], + "229": [ + "$229" + ], + "251": [ + "$251" + ], + "165": [ + "$165" + ], + "08:55": [ + "8:55 am" + ], + "171": [ + "one hundred and seventy one bucks", + "$171", + "171 dollars" + ], + "118": [ + "$118", + "118 bucks" + ], + "09:00": [ + "9 o\"clock in the morning", + "nine in the morning", + "09:00", + "9 in the morning", + "9 o'clock in the morning", + "9 am", + "Nine in the morning", + "9 AM", + "morning 9", + "nine am" + ], + "07:00": [ + "07:00", + "seven am", + "7 AM", + "7 o\"clock in the morning", + "morning 7", + "7 in the morning", + "7 am" + ], + "03:00": [ + "3 am", + "3 o\"clock in the morning" + ], + "00:45": [ + "0:45 am", + "0:45 in the morning" + ], + "22:15": [ + "night 10:15", + "10:15 PM", + "22:15", + "10:15 pm", + "10:15 in the night", + "quarter past 10 in the night" + ], + "03:30": [ + "morning 3:30", + "3:30 in the morning", + "3:30 am" + ], + "23:30": [ + "11:30 pm", + "11:30 in the night" + ], + "02:32": [ + "2:32 AM", + "2:32 am" + ], + "18:26": [ + "6:26 pm" + ], + "03:45": [ + "3:45 am", + "morning 3:45" + ], + "16:15": [ + "quarter past 4 in the evening", + "16:15", + "4:15 in the evening", + "evening 4:15", + "Evening 4:15", + "Quarter past 4 in the evening", + "4:15 pm", + "4:15 PM" + ], + "01:30": [ + "half past 1 in the morning", + "1:30 am" + ], + "02:45": [ + "2:45 in the morning", + "2:45 am" + ], + "Laura Steinel": [ + "laura steinel", + "Laura Steinel" + ], + "True Grit": [ + "True Grit", + "True grit", + "true grit" + ], + "Harry Elfont": [ + "harry elfont", + "Harry elfont", + "Harry Elfont", + "harry Elfont" + ], + "Madeleine Olnek": [ + "Madeleine olnek", + "Madeleine Olnek", + "madeleine olnek" + ], + "Stanley Kubrick": [ + "Stanley Kubrick" + ], + "Qui Sheng": [ + "qui sheng", + "Qui Sheng" + ], + "Mafia": [ + "gangster", + "Mafia", + "mafia", + "Gangster" + ], + "Nia DaCosta": [ + "Nia DaCosta" + ], + "Little Woods": [ + "Little woods", + "little woods", + "Little Woods" + ], + "Matteo Garrone": [ + "matteo Garrone", + "matteo garrone", + "Matteo Garrone" + ], + "Max Minghella": [ + "Max Minghella", + "max minghella" + ], + "Tina Gordon": [ + "tina gordon", + "Tina Gordon" + ], + "Jonathan Levine": [ + "Jonathan levine", + "Jonathan Levine" + ], + "Justin Kelly": [ + "justin kelly", + "Justin Kelly" + ], + "Cameron Crowe": [ + "Cameron Crowe" + ], + "Ronald Neame": [ + "ronald neame", + "Ronald Neame" + ], + "Elaine May": [ + "Elaine May", + "elaine may" + ], + "Morton DaCosta": [ + "Morton Dacosta", + "morton dacosta", + "Morton DaCosta" + ], + "Michael Gordon": [ + "Michael Gordon" + ], + "Kevin Kolsch": [ + "Kevin Kolsch", + "kevin kolsch" + ], + "Robin Bissell": [ + "Robin Bissell", + "Robin BIssell" + ], + "Jia Zhangke": [ + "Jia Zhangke", + "jia zhangke" + ], + "Michael Schultz": [ + "Michael Schultz" + ], + "Claire Denis": [ + "claire denis", + "Claire Denis" + ], + "Documentary": [ + "Life History", + "documentary", + "Biographical", + "life history", + "non-fiction", + "Documentary", + "Life history" + ], + "Rachel Lears": [ + "Rachel Lears" + ], + "James Kent": [ + "James Kent", + "james kent" + ], + "Joel Coen": [ + "Joel Coen" + ], + "Tom McCarthy": [ + "Tom McCarthy" + ], + "Tim Burton": [ + "Tim Burton", + "tim burton" + ], + "Jenny Gage": [ + "Jenny Gage", + "jenny gage" + ], + "Simon Jaquemet": [ + "SImon Jaquemet", + "Simon Jaquemet" + ], + "Trevor Nunn": [ + "Trevor Nunn" + ], + "Claus Rafle": [ + "Claus Rafle" + ], + "Iain Softley": [ + "Iain Softley", + "Iain softley", + "iain softley" + ], + "George Miller": [ + "george miller", + "George Miller" + ], + "20:21": [ + "8:21 pm" + ], + "09:58": [ + "9:58 am" + ], + "345": [ + "$345" + ], + "235": [ + "$235" + ], + "00:07": [ + "0:07 am" + ], + "88": [ + "$88", + "88" + ], + "77": [ + "$77", + "77" + ], + "240": [ + "240 bucks", + "$240", + "two hundred and forty dollars" + ], + "22:40": [ + "10:40 pm" + ], + "172": [ + "$172" + ], + "16:22": [ + "4:22 PM", + "4:22 pm" + ], + "65": [ + "sixty five dollars", + "65", + "$65", + "65 bucks" + ], + "140": [ + "one hundred and forty dollars", + "$140", + "140 dollars" + ], + "424": [ + "$424" + ], + "231": [ + "$231" + ], + "01:45": [ + "1:45 am" + ], + "10:23": [ + "10:23 am" + ], + "278": [ + "$278" + ], + "19:20": [ + "7:20 pm" + ], + "05:40": [ + "5:40 am" + ], + "335": [ + "$335" + ], + "13:17": [ + "1:17 PM", + "1:17 pm" + ], + "362": [ + "$362" + ], + "154": [ + "one hundred and fifty four dollars", + "$154" + ], + "392": [ + "$392" + ], + "675": [ + "$675" + ], + "23:20": [ + "11:20 PM", + "11:20 pm" + ], + "22:50": [ + "10:50 pm" + ], + "00:20": [ + "0:20 am" + ], + "07:19": [ + "7:19 am" + ], + "417": [ + "$417" + ], + "383": [ + "$383" + ], + "445": [ + "$445" + ], + "20:47": [ + "8:47 pm" + ], + "04:25": [ + "4:25 am" + ], + "107": [ + "$107" + ], + "23:07": [ + "11:07 pm" + ], + "431": [ + "$431" + ], + "452": [ + "$452" + ], + "475": [ + "$475" + ], + "147": [ + "$147" + ], + "18:32": [ + "6:32 pm" + ], + "394": [ + "$394" + ], + "611": [ + "$611" + ], + "627": [ + "$627" + ], + "17:04": [ + "5:04 pm" + ], + "318": [ + "$318" + ], + "363": [ + "$363" + ], + "14:46": [ + "2:46 pm" + ], + "02:25": [ + "2:25 am" + ], + "19:55": [ + "7:55 pm" + ], + "114": [ + "$114" + ], + "01:57": [ + "1:57 Am", + "1:57 am" + ], + "04:45": [ + "4:45 am", + "4:45 AM" + ], + "Kanpai": [ + "Kanpai" + ], + "GetRide": [ + "GetRide" + ], + "Pool": [ + "Pool" + ], + "Luxury": [ + "Luxury" + ], + "659 Merchant Street": [ + "659 Merchant Street" + ], + "Regular": [ + "Regular" + ], + "1012 Oak Grove Avenue": [ + "1012 Oak Grove Avenue" + ], + "Kabul Kabob & Grill": [ + "Kabul Kabob & Grill" + ], + "11.45": [ + "$11.45" + ], + "Go Vegan": [ + "Go Vegan" + ], + "La Vie": [ + "La Vie" + ], + "1200 D Street #27": [ + "1200 D Street #27" + ], + "2550 South King Road": [ + "2550 south king road", + "2550 South King Road" + ], + "11.00": [ + "$11.00" + ], + "Best Taste Sushi & Chinese Restaurant": [ + "Best Taste Sushi & Chinese Restaurant", + "Best taste Sushi & Chinese Restaurant" + ], + "Trattoria Pinocchio": [ + "Trattoria Pinocchio" + ], + "Enoteca Molinari": [ + "Enoteca Molinari" + ], + "23.57": [ + "$23.57" + ], + "Ginto": [ + "Ginto" + ], + "336 North Santa Cruz Avenue": [ + "336 North Santa Cruz Avenue" + ], + "45.45": [ + "$45.45" + ], + "Barracuda Japanese Restaurant": [ + "barracuda japanese restaurant", + "Barracuda Japanese Restaurant" + ], + "15.64": [ + "$15.64" + ], + "Solomon R. Guggenheim Museum": [ + "Solomon R. Guggenheim Museum" + ], + "10.32": [ + "$10.32" + ], + "1045 North Armando Street": [ + "1045 North Armando Street" + ], + "2217 Market Street": [ + "2217 Market Street" + ], + "Amaravati House": [ + "Amaravati house", + "Amaravati", + "Amaravati House" + ], + "Perfect Chinese Food": [ + "Perfect Chinese Food" + ], + "36.12": [ + "$36.12" + ], + "403 Healdsburg Avenue": [ + "403 Healdsburg Avenue" + ], + "25.48": [ + "$25.48" + ], + "Phoenix Union Station": [ + "Phoenix union station", + "Phoenix Union station", + "phoenix Union station", + "phoenix union station", + "Phoenix Union Station" + ], + "Penang Garden Restaurant": [ + "Penang Garden Restaurant" + ], + "39.73": [ + "$39.73" + ], + "512 Sacramento Street": [ + "512 Sacramento Street" + ], + "4087 Peralta Boulevard": [ + "4087 Peralta Boulevard" + ], + "411 Main Street": [ + "411 Main Street" + ], + "Prospect Park": [ + "Prospect Park", + "Prospect park" + ], + "14.24": [ + "$14.24" + ], + "3540 Blackhawk Plaza Circle": [ + "3540 Blackhawk Plaza Circle" + ], + "1 Letterman Drive": [ + "1 Letterman Drive" + ], + "Saint Thomas Church Fifth Avenue": [ + "Saint Thomas Church Fifth Avenue" + ], + "17.89": [ + "$17.89" + ], + "1331 Medical Center Drive": [ + "1331 Medical Center Drive" + ], + "Takumi Sushi Bar & Grill": [ + "Takumi Sushi Bar & Grill" + ], + "24.97": [ + "$24.97" + ], + "Sonoma Ave, # 44, 1820 Doctors Park Drive": [ + "sonoma ave, # 44, 1820 doctors park drive", + "Sonoma Ave, # 44, 1820 Doctors Park Drive", + "Sonoma ave, # 44, 1820 doctors park drive", + "Sonoma Ave, # 44, 1820, Doctors Park Drive" + ], + "15.25": [ + "$15.25" + ], + "22.76": [ + "$22.76" + ], + "3455 Homestead Road": [ + "3455 Homestead Road" + ], + "1367 North McDowell Boulevard": [ + "1367 North McDowell Boulevard" + ], + "London Aquatics Centre": [ + "London Aquatics Centre" + ], + "Pear Street Bistro": [ + "Pear Street Bistro" + ], + "Seiki House": [ + "Seiki House" + ], + "37.62": [ + "$37.62" + ], + "Sitar Indian Cuisine": [ + "Sitar Indian Cuisine" + ], + "49.32": [ + "$49.32" + ], + "1631 Lincoln Avenue": [ + "1631 Lincoln Avenue" + ], + "29.02": [ + "$29.02" + ], + "Pacific Science Center": [ + "Pacific Science Center" + ], + "395 Ano Nuevo Avenue": [ + "395 Ano Nuevo Avenue" + ], + "46.76": [ + "$46.76" + ], + "Sushi Lover": [ + "Sushi Lover" + ], + "2510 Shattuck Avenue": [ + "2510 Shattuck Avenue" + ], + "15.56": [ + "$15.56" + ], + "20 Stone Pine Road": [ + "20 Stone Pine Road" + ], + "604 East Evelyn Avenue": [ + "604 East Evelyn Avenue" + ], + "45.17": [ + "$45.17" + ], + "1306 Lincoln Avenue": [ + "1306 Lincoln Avenue" + ], + "21.17": [ + "$21.17" + ], + "19369 Stevens Creek Boulevard Suite 130": [ + "19369 Stevens Creek Boulevard Suite 130" + ], + "353 Columbus Avenue": [ + "353 Columbus Avenue" + ], + "40.88": [ + "$40.88" + ], + "Shaking the Tree Theatre": [ + "Shaking the Tree Theatre" + ], + "29.77": [ + "$29.77" + ], + "Greentree Apartments": [ + "Greentree Apartments" + ], + "87 East San Fernando Street": [ + "87 east san fernando street", + "87 East San Fernando Street" + ], + "961 Bluebell Drive": [ + "961 Bluebell Drive" + ], + "Luna Mexican Kitchen": [ + "Luna Mexican Kitchen" + ], + "13.94": [ + "$13.94" + ], + "3119 Clement Street": [ + "3119 Clement Street", + "3119 Clement street" + ], + "Val's": [ + "Val's" + ], + "20.06": [ + "$20.06" + ], + "Rooftop Restaurant & Bar": [ + "Rooftop Restaurant & Bar" + ], + "291 30th Street": [ + "291 30th Street" + ], + "5041 Geary Boulevard": [ + "5041 Geary Boulevard" + ], + "510 San Anselmo Avenue": [ + "510 San Anselmo Avenue" + ], + "2125 Coast Hwy": [ + "2125 Coast Hwy" + ], + "15.68": [ + "$15.68" + ], + "Two Temple Place": [ + "Two Temple Place" + ], + "2222 Bancroft Way": [ + "2222 Bancroft Way" + ], + "1178 El Camino Real": [ + "1178 El Camino Real" + ], + "Summerwood": [ + "Summerwood" + ], + "49.22": [ + "$49.22" + ], + "Capurro's": [ + "Capurro's" + ], + "Locanda": [ + "Locanda" + ], + "27.15": [ + "$27.15" + ], + "4906 Paseo Padre Parkway": [ + "4906 Paseo Padre Parkway" + ], + "25 Broadway": [ + "25 Broadway" + ], + "44.43": [ + "$44.43" + ], + "337 Biscayne Drive": [ + "337 Biscayne Drive" + ], + "518 7th Street": [ + "518 7th Street" + ], + "1347 Main Street": [ + "1347 Main Street" + ], + "Menara Kuala Lumpur": [ + "Menara Kuala Lumpur" + ], + "Loft Bar & Bistro": [ + "Loft Bar & Bistro" + ], + "411 East El Camino Real": [ + "411 East El Camino Real" + ], + "1501 Trousdale Drive #2": [ + "1501 Trousdale Drive #2" + ], + "2020 Forest Ave # 8": [ + "2020 Forest Ave # 8" + ], + "426 Brannan Street": [ + "426 Brannan Street" + ], + "19.64": [ + "$19.64" + ], + "3090 Olsen Drive": [ + "3090 Olsen drive", + "3090 Olsen Drive" + ], + "13.43": [ + "$13.43" + ], + "Skates On The Bay": [ + "Skates On The Bay", + "Skates On the Bay", + "Skates on The Bay" + ], + "168 South Murphy Avenue": [ + "168 South Murphy Avenue" + ], + "Mariscos El Patron": [ + "Mariscos El Patron" + ], + "Museum of London": [ + "Museum of London" + ], + "3515 20th Street A": [ + "3515 20th Street A" + ], + "1118 East Pike Street": [ + "1118 East Pike Street" + ], + "14.50": [ + "$14.50" + ], + "379 Gellert Boulevard": [ + "379 Gellert Boulevard" + ], + "6.10": [ + "6.1", + "$6.10" + ], + "1265 Monument Boulevard": [ + "1265 Monument Boulevard" + ], + "1881 Contra Costa Boulevard": [ + "1881 Contra Costa Boulevard" + ], + "21.86": [ + "$21.86" + ], + "29": [ + "29 bucks", + "$29", + "29" + ], + "2020 West El Camino Real": [ + "2020 West El Camino Real" + ], + "4300 Great America Parkway #156": [ + "4300 Great America Parkway #156" + ], + "12.40": [ + "$12.40" + ], + "Market": [ + "market", + "Market" + ], + "King Chuan": [ + "King Chuan" + ], + "1450 Creekside Drive": [ + "1450 Creekside Drive" + ], + "941 Kearny Street": [ + "941 Kearny Street" + ], + "2055 Fox Way": [ + "2055 Fox Way" + ], + "16.45": [ + "$16.45" + ], + "Amoura": [ + "Amoura" + ], + "2508 Santa Clara Avenue": [ + "2508 Santa clara Avenue", + "2508 Santa Clara Avenue" + ], + "30": [ + "30 bucks", + "30 dollars", + "30", + "$30", + "thirty bucks", + "thirty dollars" + ], + "8.64": [ + "$8.64" + ], + "28": [ + "28", + "$28" + ], + "7.84": [ + "$7.84" + ], + "Pasta Prego": [ + "Pasta Prego" + ], + "16.25": [ + "$16.25" + ], + "54 37th Avenue": [ + "54 37th Avenue" + ], + "10.06": [ + "$10.06" + ], + "K&l Bistro": [ + "K&l Bistro" + ], + "1150 Webster Street": [ + "1150 Webster Street", + "1150 Webster street", + "1150 webster street" + ], + "42808 Christy Street #208": [ + "42808 Christy Street #208", + "42808 christy street #208" + ], + "334 California Avenue": [ + "334 California Avenue" + ], + "Ni-mo Japanese Cuisine": [ + "Ni-mo Japanese Cuisine" + ], + "Vin Santo": [ + "Vin Santo" + ], + "455 Oconnor Drive #210": [ + "455 Oconnor Drive #210" + ], + "Jalisco's Restaurant": [ + "JAlisco's", + "Jalisco's Restaurant" + ], + "16.09": [ + "$16.09" + ], + "Caffe California": [ + "Caffe California" + ], + "18.53": [ + "$18.53" + ], + "3339 Walnut Avenue": [ + "3339 Walnut Avenue" + ], + "800 Pollard Road bldg a": [ + "800 Pollard Road bldg a" + ], + "27": [ + "$27", + "27", + "27 dollars" + ], + "15.87": [ + "$15.87" + ], + "337 East Leland Road": [ + "337 East Leland Road", + "337 east leland road" + ], + "Runyon Canyon Park": [ + "Runyon Canyon Park" + ], + "520 Van Buren Avenue": [ + "520 Van Buren Avenue" + ], + "Bella Trattoria": [ + "Bella Trattoria" + ], + "Galway Terrace Apartments": [ + "Galway Terrace Apartments" + ], + "15.40": [ + "$15.40" + ], + "Georgetown Waterfront Park": [ + "Georgetown Waterfront Park" + ], + "Las Casas De San Pedro Apartments": [ + "Las Casas De San Pedro Apartments", + "Las Casas de San Pedro Apartments" + ], + "6800 Palm Avenue": [ + "6800 Palm Avenue", + "6800 palm avenue" + ], + "9.48": [ + "$9.48" + ], + "The Reel Fish Shop & Grill": [ + "The Reel Fish Shop & Grill" + ], + "15.32": [ + "$15.32" + ], + "National Science Centre": [ + "National Science Centre" + ], + "951 Pomona Avenue": [ + "951 Pomona Avenue" + ], + "Arbol Verde Apartments": [ + "Arbol Verde Apartments" + ], + "4757 Snyder Lane": [ + "4757 Snyder Lane", + "4757 snyder lane", + "4757 Snyder lane" + ], + "Royal Geographical Society": [ + "Royal Geographical Society" + ], + "12.92": [ + "$12.92" + ], + "2100 Webster Street Suite 411": [ + "2100 Webster Street Suite 411" + ], + "2042 University Avenue": [ + "2042 university avenue", + "2042 University Avenue" + ], + "17.34": [ + "$17.34" + ], + "Ume Sushi Japanese Restaurant": [ + "Ume Sushi Japanese Restaurant" + ], + "698 Post Street": [ + "698 Post Street" + ], + "31": [ + "$31", + "31 bucks", + "31 dollars", + "31" + ], + "Brookvale Chateau": [ + "brookvale chateau", + "Brookvale Chateau" + ], + "Museo del Caracol": [ + "Museo del Caracol" + ], + "22.19": [ + "$22.19" + ], + "5251 Martinelli Way": [ + "5251 Martinelli Way" + ], + "17.88": [ + "$17.88" + ], + "555 Knowles Drive Suite 109": [ + "555 Knowles Drive Suite 109" + ], + "769 Center Boulevard #124": [ + "769 Center Boulevard #124" + ], + "25.88": [ + "$25.88" + ], + "26": [ + "$26", + "26" + ], + "200 Greenbriar Circle": [ + "200 Greenbriar Circle" + ], + "Chilpancingo Vista Apartments": [ + "Chilpancingo Vista Apartments" + ], + "14.99": [ + "$14.99" + ], + "560 Waverley Street": [ + "560 Waverley Street" + ], + "3136 Contra Loma Boulevard": [ + "3136 Contra Loma Boulevard", + "3136 contra loma boulevard" + ], + "Sons Of Liberty Alehouse": [ + "Sons of Liberty Alehouse" + ], + "13.75": [ + "$13.75" + ], + "211 Quarry Road #107": [ + "211 Quarry Road #107" + ], + "8.20": [ + "8.2", + "$8.20" + ], + "605 Cowper Street": [ + "605 Cowper Street" + ], + "12.26": [ + "$12.26" + ], + "20700 Lake Chabot Road": [ + "20700 Lake Chabot Road" + ], + "1512 Locust Street": [ + "1512 Locust Street" + ], + "7.38": [ + "$7.38" + ], + "22 Belden Place": [ + "22 Belden Place" + ], + "14.81": [ + "$14.81" + ], + "10.37": [ + "$10.37" + ], + "630 Park Court": [ + "630 Park Court" + ], + "18.95": [ + "$18.95" + ], + "2100 Monument Boulevard #8": [ + "2100 Monument Boulevard #8" + ], + "Mancora Cebicheria": [ + "Mancora Cebicheria" + ], + "Pelayo's Mexican Food": [ + "Pelayo's Mexican Food" + ], + "23.86": [ + "$23.86" + ], + "Woodcreek": [ + "Woodcreek" + ], + "19.59": [ + "$19.59" + ], + "St. Vincent Tavern And Wine Merchant": [ + "St. Vincent Tavern and Wine Merchant" + ], + "10.15": [ + "$10.15" + ], + "4342 California Street": [ + "4342 California Street" + ], + "Columbia Center": [ + "Columbia Center" + ], + "400 Moffett Boulevard": [ + "400 Moffett Boulevard" + ], + "10.86": [ + "$10.86" + ], + "Kitson Road": [ + "Kitson road", + "Kitson Road" + ], + "13.12": [ + "$13.12" + ], + "32": [ + "$32", + "32", + "thirty two bucks", + "32 bucks" + ], + "GetCarsAvailable": [ + "GetCarsAvailable" + ], + "Port Authority Station": [ + "port Authority Station", + "Port Authority STation", + "Port authority station", + "Port Authority Station", + "port authority station", + "Port authority Station", + "Port Authority station" + ], + "Standard": [ + "Standard" + ], + "Altima": [ + "Altima", + "ALtima", + "altima" + ], + "ReserveCar": [ + "ReserveCar" + ], + "Grand Central Station": [ + "grand Central Station", + "Grand Central Station", + "Grand central station", + "Grand Central station", + "grand central station" + ], + "Accord": [ + "accord", + "Accord" + ], + "Camry": [ + "Camry", + "camry" + ], + "SMF International Airport": [ + "SMF International airport", + "smf international airport", + "SMF International Airport", + "SMF international airport", + "SMF international Airport" + ], + "35": [ + "$35", + "35 bucks", + "thirty five dollars", + "35 dollars", + "35" + ], + "Compact": [ + "Compact" + ], + "Cooper": [ + "cooper", + "Cooper" + ], + "54": [ + "$54", + "54" + ], + "Cruze": [ + "cruze", + "Cruze" + ], + "Full-size": [ + "Full-size" + ], + "CR-V": [ + "CR-V" + ], + "Santa Fe Depot": [ + "Santa Fe depot", + "Santa fe depot", + "santa fe depot", + "Santa Fe Depot" + ], + "Prius": [ + "prius", + "Prius" + ], + "30th Street Station": [ + "30th Street Station", + "30th street Station", + "30th street station", + "30th Street station" + ], + "Long Beach": [ + "Long Beach CA", + "Long beach, ca", + "long beach, CA", + "Long beach", + "Long Beach, Ca", + "LOng Beach", + "Long Beach, CA", + "long beach, ca", + "Long BEach", + "Long beach, CA", + "Long Beach", + "long beach" + ], + "LGB Airport": [ + "lgb airport", + "LGB airport", + "LGB Airport" + ], + "Fresno": [ + "Fresno, Ca", + "Fresno, CA", + "Fresno", + "fresno, ca", + "Fresno CA", + "fresno, CA", + "fresno" + ], + "Fresno Station": [ + "Fresno Station", + "Fresno station", + "fresno station" + ], + "Fresno Yosemite International Airport": [ + "fresno yosemite international airport", + "Fresno Yosemite International Airport" + ], + "Estacion Buenavista": [ + "Estacion Buenavista" + ], + "Civic": [ + "civic", + "Civic" + ], + "Corolla": [ + "corolla", + "Corolla" + ], + "56": [ + "$56", + "56 dollars", + "56" + ], + "Portland Bus Station": [ + "Portland bus station", + "Portland Bus station", + "Portland bus Station", + "portland bus station", + "Portland Bus Station" + ], + "Sentra": [ + "sentra", + "Sentra" + ], + "Forte": [ + "Forte", + "forte" + ], + "Bolt": [ + "bolt", + "Bolt" + ], + "Union Station": [ + "union Station", + "Union Station", + "union station", + "Union station" + ], + "72": [ + "seventy two bucks", + "$72", + "72" + ], + "Cherokee": [ + "cherokee", + "Cherokee" + ], + "43": [ + "43", + "43 dollars", + "43 bucks", + "$43" + ], + "Intercity Terminal": [ + "intercity terminal", + "Intercity terminal", + "intercity Terminal", + "Intercity Terminal", + "INtercity Terminal" + ], + "50": [ + "50", + "$50", + "fifty bucks", + "50 dollars", + "50 bucks" + ], + "Gatwick International Airport": [ + "gatwick international airport", + "Gatwick international Airport", + "Gatwick International Airport", + "Gatwick International airport" + ], + "78": [ + "$78", + "78" + ], + "Pacific Central Station": [ + "Pacific Central Station", + "Pacific Central station", + "pacific central station", + "Pacific central Station", + "PAcific Central Station", + "pacific Central station", + "Pacific central station" + ], + "46": [ + "46", + "$46" + ], + "52": [ + "$52", + "52 dollars", + "fifty two bucks" + ], + "Fit": [ + "Fit", + "fit" + ], + "Elantra": [ + "Elantra", + "elantra" + ], + "51": [ + "fifty one bucks", + "51", + "$51", + "51 bucks" + ], + "81": [ + "81", + "$81" + ], + "Chicago Union Station": [ + "Chicago union Station", + "chicago union station", + "Chicago Union station", + "Chicago union station", + "Chicago Union Station" + ], + "John Wayne Airport": [ + "John wayne airport", + "John Wayne airport", + "john wayne airport", + "John Wayne Airport", + "John wayne Airport" + ], + "Escape": [ + "Escape", + "escape" + ], + "Forester": [ + "forester", + "Forester" + ], + "40": [ + "40", + "40 dollars", + "Forty Bucks", + "$40" + ], + "Golf": [ + "Golf" + ], + "64": [ + "sixty four dollars", + "64", + "$64" + ], + "34": [ + "$34", + "34", + "34 bucks", + "thirty four bucks" + ], + "Peachtree Station": [ + "Peachtree station", + "peachtree station", + "Peachtree Station" + ], + "Sacramento Valley Station": [ + "Sacramento Valley station", + "Sacramento valley Station", + "Sacramento valley station", + "sacramento valley station", + "Sacramento Valley Station" + ], + "62": [ + "62", + "$62", + "sixty two dollars" + ], + "King Street Station": [ + "King Street STation", + "King street station", + "King Street station", + "king street station", + "king Street Station", + "King street Station", + "King Street Station" + ], + "Fusion": [ + "Fusion", + "fusion" + ], + "Union Plaza": [ + "union plaza", + "Union plaza", + "union Plaza", + "Union Plaza", + "Union PLaza" + ], + "Rogue": [ + "Rogue" + ], + "42": [ + "42 dollars", + "$42", + "forty two dollars", + "forty two bucks", + "42" + ], + "GTI": [ + "GTI" + ], + "48": [ + "$48", + "48" + ], + "Salesforce Transit Center": [ + "Salesforce transit center", + "Salesforce Transit center", + "Salesforce Transit Center", + "Salesforce Transit CEnter", + "Salesforce transit Center", + "salesforce transit center" + ], + "RAV4": [ + "rav4", + "RAV4", + "Rav4" + ], + "66": [ + "66", + "$66" + ], + "38": [ + "38 bucks", + "38", + "$38" + ], + "Downtown Station": [ + "Downtown Station", + "Downtown station", + "downtown station", + "DOwntown Station", + "downtown Station" + ], + "Equinox": [ + "Equinox", + "equinox" + ], + "287": [ + "$287" + ], + "Chevrolet Cruze": [ + "Chevrolet cruze", + "chevrolet Cruze", + "chevrolet cruze", + "Chevrolet Cruze" + ], + "Chevrolet Equinox": [ + "chevrolet equinox", + "Chevrolet Equinox" + ], + "Honda Fit": [ + "Honda Fit", + "honda fit" + ], + "112": [ + "$112", + "one hundred and twelve bucks" + ], + "Kia Forte": [ + "kia forte", + "kia Forte", + "Kia Forte" + ], + "Honda Accord": [ + "Honda accord", + "Honda Accord", + "honda accord" + ], + "Hyundai Elantra": [ + "hyundai elantra", + "Hyundai Elantra", + "Hyundai elantra" + ], + "Anaheim Intermodal Center": [ + "Anaheim intermodal center", + "Anaheim INtermodal Center", + "Anaheim Intermodal Center", + "Anaheim Intermodal center", + "anaheim intermodal center", + "Anaheim intermodal Center" + ], + "Hyundai Tucson": [ + "Hyundai Tucson" + ], + "Chevrolet Bolt": [ + "chevrolet bolt", + "Chevrolet Bolt" + ], + "Toyota Prius": [ + "Toyota Prius", + "toyota prius" + ], + "Honda Civic": [ + "Honda civic", + "honda civic", + "Honda Civic" + ], + "Ford Fusion": [ + "Ford fusion", + "ford fusion", + "Ford Fusion" + ], + "Honda CR-V": [ + "Honda CR-V" + ], + "Nissan Rogue": [ + "Nissan Rogue", + "nissan rogue" + ], + "37": [ + "37", + "$37" + ], + "Toyota Camry": [ + "Toyota camry", + "Toyota Camry", + "toyota camry" + ], + "33": [ + "$33", + "33", + "33 bucks", + "33 dollars" + ], + "Ford Escape": [ + "Ford escape", + "Ford Escape" + ], + "Nissan Altima": [ + "Nissan Altima", + "nissan altima" + ], + "Toyota Corolla": [ + "toyota corolla", + "Toyota Corolla" + ], + "Mini Cooper": [ + "mini cooper", + "Mini Cooper" + ], + "Nissan Sentra": [ + "Nissan Sentra", + "Nissan sentra", + "nissan sentra" + ], + "47": [ + "47", + "$47" + ], + "192": [ + "$192" + ], + "36": [ + "thirty six bucks", + "thirty six dollars", + "$36", + "36" + ], + "313": [ + "$313" + ], + "19:34": [ + "7:34 pm" + ], + "08:07": [ + "8:07 am" + ], + "15:24": [ + "3:24 pm" + ], + "285": [ + "$285" + ], + "380": [ + "380 dollars", + "$380" + ], + "18:34": [ + "6:34 PM", + "6:34 pm" + ], + "354": [ + "$354" + ], + "14:22": [ + "2:22 pm" + ], + "344": [ + "$344" + ], + "249": [ + "$249" + ], + "286": [ + "$286" + ], + "21:12": [ + "9:12 pm" + ], + "11:31": [ + "11:31 am" + ], + "352": [ + "$352" + ], + "264": [ + "$264" + ], + "360": [ + "$360" + ], + "351": [ + "$351" + ], + "20:04": [ + "8:04 pm" + ], + "16:04": [ + "4:04 pm" + ], + "433": [ + "$433" + ], + "13:52": [ + "1:52 pm" + ], + "409": [ + "$409" + ], + "450": [ + "450 dollars", + "$450", + "450 bucks" + ], + "13:42": [ + "1:42 pm", + "1:42 PM" + ], + "17:54": [ + "5:54 pm" + ], + "158": [ + "158 dollars", + "$158" + ], + "21:57": [ + "9:57 pm" + ], + "470": [ + "470 bucks", + "$470" + ], + "434": [ + "$434" + ], + "246": [ + "$246" + ], + "19:50": [ + "7:50 pm" + ], + "22:33": [ + "10:33 pm" + ], + "482": [ + "$482" + ], + "505": [ + "$505" + ], + "FindBus": [ + "FindBus" + ], + "41": [ + "41", + "$41" + ], + "10:20": [ + "10:20 am" + ], + "11:50": [ + "11:50 am" + ], + "BuyBusTicket": [ + "BuyBusTicket" + ], + "Flexible": [ + "Flexible" + ], + "Economy extra": [ + "Economy extra" + ], + "39": [ + "39", + "$39" + ], + "49": [ + "49", + "49 bucks", + "$49" + ], + "13:50": [ + "1:50 pm" + ], + "53": [ + "53", + "$53", + "53 dollars" + ], + "08:50": [ + "8:50 am" + ], + "44": [ + "$44", + "44 dollars", + "forty four dollars", + "44" + ], + "45": [ + "45 dollars", + "$45", + "forty five bucks", + "45" + ], + "BookHouse": [ + "BookHouse" + ], + "4.40": [ + "4.4" + ], + "3.70": [ + "3.7" + ], + "+1 718-659-0200": [ + "+1 718-659-0200" + ], + "201 South Christopher Columbus Boulevard": [ + "201 South Christopher Columbus Boulevard" + ], + "4.50": [ + "4.5" + ], + "+1 212-248-1100": [ + "+1 212-248-1100" + ], + "+1 404-321-0999": [ + "+1 404-321-0999" + ], + "1782": [ + "1782" + ], + "8-10 Paul Street": [ + "8-10 Paul Street" + ], + "+60 3-2785 2828": [ + "+60 3-2785 2828" + ], + "912": [ + "$912", + "912" + ], + "16, Jalan Imbi, 55100 Kuala Lumpur, Wilayah Persekutuan": [ + "16, Jalan Imbi, 55100 Kuala Lumpur, Wilayah Persekutuan" + ], + "+1 415-546-3110": [ + "+1 415-546-3110" + ], + "3.90": [ + "3.9" + ], + "+1 619-544-0164": [ + "+1 619-544-0164" + ], + "3600": [ + "3600", + "$3,600" + ], + "3.10": [ + "3.1" + ], + "1440": [ + "1440", + "1440 dollars", + "$1,440", + "1,440 dollars", + "$1440", + "one thousand four hundred and forty bucks" + ], + "11 Adam Street": [ + "11 Adam Street" + ], + "+44 20 3744 7520": [ + "+44 20 3744 7520" + ], + "3515 Wilshire Boulevard": [ + "3515 Wilshire Boulevard" + ], + "3564": [ + "3564" + ], + "1914": [ + "1914" + ], + "4992": [ + "4992" + ], + "2760": [ + "$2,760" + ], + "+60 3-2692 9298": [ + "+60 3-2692 9298" + ], + "+33 1 40 62 67 00": [ + "+33 1 40 62 67 00" + ], + "+1 404-965-7992": [ + "+1 404-965-7992" + ], + "4.10": [ + "4.1" + ], + "864": [ + "$864", + "864" + ], + "4.20": [ + "4.2" + ], + "27 Avenue des Ternes, 75017": [ + "27 Avenue des Ternes, 75017" + ], + "4.00": [ + "4.0" + ], + "+1 212-873-5222": [ + "+1 212-873-5222" + ], + "2904": [ + "2904" + ], + "+1 619-291-1300": [ + "+1 619-291-1300" + ], + "1260": [ + "1260", + "1260 dollars", + "$1,260", + "$1260" + ], + "+1 206-728-7666": [ + "+1 206-728-7666" + ], + "618 John Street": [ + "618 John Street" + ], + "1152": [ + "$1,152", + "1152" + ], + "9 Montfichet Road": [ + "9 Montfichet Road" + ], + "3.60": [ + "3.6" + ], + "833 Ash Street": [ + "833 Ash Street" + ], + "+44 20 3096 5888": [ + "+44 20 3096 5888" + ], + "1018 Dockside Road": [ + "1018 Dockside Road" + ], + "15 Charles Street East": [ + "15 Charles street East", + "15 Charles Street East" + ], + "3672": [ + "$3,672" + ], + "6120": [ + "6120" + ], + "3060": [ + "$3,060" + ], + "1728": [ + "$1,728", + "1728" + ], + "+44 20 8536 3700": [ + "+44 20 8536 3700" + ], + "1A Romford Road": [ + "1A Romford Road" + ], + "+1 310-645-4600": [ + "+1 310-645-4600" + ], + "3.30": [ + "3.3" + ], + "+1 212-222-2954": [ + "+1 212-222-2954" + ], + "2688 Broadway": [ + "2688 Broadway" + ], + "3.50": [ + "3.5" + ], + "+1 858-483-6300": [ + "+1 858-483-6300" + ], + "4802 Mission Boulevard": [ + "4802 Mission Boulevard" + ], + "1 Rue Daunou, 75002": [ + "1 Rue Daunou, 75002" + ], + "30, Jalan Beremi, Off, Jalan Sultan Ismail, Bukit Bintang, 50200": [ + "30, Jalan Beremi, Off, Jalan Sultan Ismail, Bukit Bintang, 50200" + ], + "+60 3-2110 2211": [ + "+60 3-2110 2211" + ], + "832": [ + "832" + ], + "1088": [ + "1088" + ], + "+1 800-257-3000": [ + "+1 800-257-3000" + ], + "324 West 44th Street": [ + "324 West 44th Street" + ], + "2688": [ + "$2,688", + "2688" + ], + "+1 323-327-9702": [ + "+1 323-327-9702" + ], + "567": [ + "$567" + ], + "+1 619-881-4000": [ + "+1 619-881-4000" + ], + "1860": [ + "1860", + "$1,860" + ], + "+1 800-228-2800": [ + "+1 800-228-2800" + ], + "8800 Bartram Avenue": [ + "8800 Bartram Avenue" + ], + "+1 312-332-5052": [ + "+1 312-332-5052" + ], + "773 Beatty Street": [ + "773 Beatty Street" + ], + "+1 718-654-5500": [ + "+1 718-654-5500" + ], + "+44 20 7581 0103": [ + "+44 20 7581 0103" + ], + "728": [ + "728", + "$728" + ], + "310 Cambie Street": [ + "310 Cambie Street" + ], + "1550": [ + "1,550 dollars", + "$1,550", + "$1550", + "1550 bucks" + ], + "4.60": [ + "4.6" + ], + "55": [ + "55 bucks", + "$55", + "55" + ], + "59": [ + "$59", + "59" + ], + "FindProvider": [ + "FindProvider" + ], + "Albert Lee": [ + "Albert Lee", + "Albert lee" + ], + "Amazing Smile Dental": [ + "Amazing smile Dental", + "Amazing Smile Dental", + "Amazing Smile dental", + "Amazing smile dental", + "amazing smile dental" + ], + "689 East Remington Drive Ste A": [ + "689 East Remington Drive Ste A", + "689 east remington drive ste a" + ], + "408-739-6520": [ + "408-739-6520" + ], + "Andrei Simel , Family & Cosmetic Dentisry": [ + "Andrei Simel , Family & cosmetic Dentisry", + "Andrei Simel , Family & cosmetic dentisry", + "Andrei Simel , Family & Cosmetic Dentisry" + ], + "BookAppointment": [ + "BookAppointment" + ], + "Daniel Sullivan": [ + "daniel sullivan", + "Daniel Sullivan" + ], + "Krystle Lim": [ + "Krystle Lim" + ], + "707-579-1100": [ + "707-579-1100" + ], + "131 Stony Circle #900": [ + "131 Stony Circle #900" + ], + "Cho Benjamin": [ + "Cho Benjamin" + ], + "925-827-3542": [ + "925-827-3542" + ], + "Abadi Esfandiar": [ + "abadi esfandiar", + "Abadi Esfandiar" + ], + "850 Middlefield Rd # 3": [ + "850 Middlefield Rd # 3" + ], + "650-324-4900": [ + "650-324-4900" + ], + "Solage Dental": [ + "Solage Dental" + ], + "925-523-3695": [ + "925-523-3695" + ], + "78 Mission Drive Suite A": [ + "78 Mission Drive Suite A" + ], + "Tri Valley Dental": [ + "Tri Valley Dental" + ], + "925-225-1555": [ + "925-225-1555" + ], + "Amy N. Tran, And Eric R. Nagareda": [ + "Amy N. Tran, And Eric R. Nagareda", + "Amy N. Tran, and Eric R. Nagareda", + "Amy N. Tran And Eric R. Nagareda", + "Amy N. Tran and Eric R. Nagareda" + ], + "408-847-0795": [ + "408-847-0795" + ], + "7880 Wren Avenue Suite D141": [ + "7880 Wren Avenue Suite D141" + ], + "A J Dental Lab": [ + "A J Dental Lab", + "a j dental lab", + "A j Dental Lab", + "A J dental Lab", + "A J Dental lab" + ], + "Bay Area Kids Dentist": [ + "Bay Area Kids Dentist", + "Bay Area Kids dentist" + ], + "Pittsburg": [ + "pittsburg", + "Pittsburg" + ], + "La Clinica De La Raza": [ + "la clinica de la raza", + "La Clinica De La Raza" + ], + "925-431-1252": [ + "925-431-1252" + ], + "Pineda Lady F": [ + "pineda lady f", + "Pineda Lady F" + ], + "2664 Berryessa Road # 206": [ + "2664 berryessa Road # 206", + "2664 berryessa road # 206", + "2664 Berryessa Road # 206" + ], + "408-847-6060": [ + "408-847-6060" + ], + "7880 Wren Ave": [ + "7880 Wren Ave" + ], + "Dr. Svetlana Naret": [ + "Dr. svetlana naret", + "dr. svetlana naret", + "Dr. Svetlana Naret" + ], + "5710 Cahalan Avenue # 8J": [ + "5710 cahalan avenue # 8J", + "5710 Cahalan Avenue # 8J" + ], + "408-225-7813": [ + "408-225-7813" + ], + "Ahmed Sameena": [ + "ahmed sameena", + "Ahmed Sameena" + ], + "Deffenbaugh John": [ + "Deffenbaugh John" + ], + "707-451-0182": [ + "707-451-0182" + ], + "2100 Peabody Road": [ + "2100 Peabody Road" + ], + "Delta Dental": [ + "Delta Dental" + ], + "925-230-2183": [ + "925-230-2183" + ], + "Red Hill Dental": [ + "Red Hill Dental", + "red Hill Dental" + ], + "415-482-9808": [ + "415-482-9808" + ], + "899 Sir Francis Drake Boulevard": [ + "899 Sir Francis Drake Boulevard" + ], + "Cofield Marianne": [ + "cofield Marianne", + "Cofield Marianne", + "cofield marianne" + ], + "Edwards John G": [ + "Edwards John G" + ], + "408-316-8226": [ + "408-316-8226" + ], + "A-1 Dental Care": [ + "A-1 dental care", + "A-1 Dental Care", + "a-1 dental care" + ], + "2664 Berryessa Road # 205": [ + "2664 Berryessa Road # 205", + "2664 berryessa road # 205" + ], + "408-258-6669": [ + "408-258-6669" + ], + "Dr Oscar Ventanilla": [ + "Dr Oscar Ventanilla", + "dr oscar ventanilla" + ], + "Dr. Christopher J. Bennett": [ + "Dr. Christopher J. Bennett" + ], + "Cabanas Carol L": [ + "Cabanas Carol L" + ], + "Donna M Cotner": [ + "Donna M Cotner" + ], + "408-255-2550": [ + "408-255-2550" + ], + "17705 Hale Avenue A-5": [ + "17705 Hale Avenue A-5" + ], + "408-779-2747": [ + "408-779-2747" + ], + "Centerville Dental Care": [ + "Centerville Dental Care", + "Centerville Dental care", + "centerville dental care" + ], + "510-797-6000": [ + "510-797-6000" + ], + "Gilman Dental Group/Valerie Gilman": [ + "Gilman Dental Group/Valerie Gilman" + ], + "1785 San Carlos Avenue #5": [ + "1785 San Carlos Avenue #5" + ], + "650-539-4785": [ + "650-539-4785" + ], + "Dr. Michael E. Bahlinger": [ + "Dr. Michael E. Bahlinger" + ], + "650-259-1111": [ + "650-259-1111" + ], + "1870 El Camino Real #204": [ + "1870 El Camino Real #204" + ], + "Access Dental - Santa Rosa": [ + "access dental - santa rosa", + "Access Dental - Santa Rosa" + ], + "4812, 1144 Sonoma Avenue": [ + "4812, 1144 Sonoma Avenue", + "4812 1144 Sonoma Avenue" + ], + "Cosmetic Dentistry Antioch Ca": [ + "Cosmetic Dentistry Antioch Ca", + "Cosmetic Dentistry Antioch CA" + ], + "3107 Lone Tree Way": [ + "3107 Lone Tree Way" + ], + "925-757-2422": [ + "925-757-2422" + ], + "Cosmetic Dentist In Los Gatos - Moradi Signature Smiles - Sedation Dentistry": [ + "Cosmetic Dentist in Los Gatos - Moradi Signature Smiles - Sedation Dentistry", + "Cosmetic Dentist In Los Gatos - Moradi Signature Smiles - Sedation Dentistry", + "Cosmetic Dentist In Los Gatos - Moradi Signature smiles - Sedation Dentistry", + "cosmetic dentist in los gatos - moradi signature smiles - sedation dentistry" + ], + "888-852-4539": [ + "888-852-4539" + ], + "Mountain Bay Dental": [ + "Mountain Bay Dental" + ], + "408-837-7700": [ + "408-837-7700" + ], + "1464 Pollard Road": [ + "1464 Pollard Road" + ], + "Dr. Susana M. Chou": [ + "Dr. Susana M. Chou", + "dr. susana m. chou", + "DR. Susana M. Chou" + ], + "Abad Dental Office": [ + "Abad Dental Office" + ], + "Cathrine Steinborn": [ + "Cathrine Steinborn" + ], + "Central Dental Group": [ + "Central Dental Group" + ], + "2998 El Camino Real #200": [ + "2998 El Camino Real #200" + ], + "Castro Valley": [ + "Castro Valley", + "castro valley", + "castro Valley" + ], + "Darnell Jr Robert": [ + "Darnell Jr Robert" + ], + "510-582-1602": [ + "510-582-1602" + ], + "20632 Redwood Road # A": [ + "20632 Redwood Road # A" + ], + "Kahn Sandra": [ + "Kahn Sandra" + ], + "650-355-5038": [ + "650-355-5038" + ], + "1039 Terra Nova Boulevard": [ + "1039 Terra Nova Boulevard" + ], + "Dr. Keller & Dr. Burk - Antioch Premier Dental": [ + "Dr. Keller & Dr. Burk - Antioch Premier Dental" + ], + "925-757-5081": [ + "925-757-5081" + ], + "Dr Pucan Dental Office": [ + "Dr Pucan Dental Office", + "dr pucan dental office", + "Dr pucan dental office", + "Dr Pucan Dental office" + ], + "Dr. John Y. Park": [ + "Dr. John Y. Park" + ], + "3200 Mowry Avenue # G": [ + "3200 Mowry Avenue # G" + ], + "Gerald E. Dixon Scott E. Dixon": [ + "Gerald E. Dixon Scott E. Dixon", + "Gerald E. dixon scott e. dixon", + "Gerald e. Dixon Scott E. Dixon" + ], + "Stephanie Kahle": [ + "stephanie kahle", + "Stephanie Kahle" + ], + "Bayhill Dental Care / Dr. Diaz F Luisa": [ + "Bayhill Dental Care / Dr. Diaz F Luisa" + ], + "Apple Dental Practice": [ + "Apple dental practice", + "apple dental practice", + "Apple Dental Practice" + ], + "Bares William R": [ + "Bares William R" + ], + "Boyer Dental Arts": [ + "Boyer Dental Arts" + ], + "Astra Dental": [ + "Astra Dental", + "astra dental" + ], + "Dr. Pascuala Geraldine T. Ocampo": [ + "Dr. Pascuala Geraldine T. Ocampo" + ], + "Fairfield Endodontics": [ + "Fairfield Endodontics" + ], + "Hale Robert H": [ + "Hale Robert H" + ], + "707-426-5427": [ + "707-426-5427" + ], + "2801 Waterman Boulevard # 240": [ + "2801 Waterman Boulevard # 240" + ], + "Gateway Plaza Dental Clinic": [ + "Gateway Plaza Dental Clinic", + "Gateway plaza dental clinic" + ], + "510-887-6835": [ + "510-887-6835" + ], + "24901 Santa Clara Street #2": [ + "24901 santa clara street #2", + "24901 Santa Clara Street #2" + ], + "37149 Fremont Boulevard": [ + "37149 fremont boulevard", + "37149 Fremont Boulevard" + ], + "650-336-1313": [ + "650-336-1313" + ], + "1040 Grant Road #103": [ + "1040 grant road #103", + "1040 Grant Road #103" + ], + "Chen Jiangkai": [ + "Chen Jiangkai" + ], + "Grant Road Dental": [ + "Grant Road Dental" + ], + "1040 Grant Road #105": [ + "1040 Grant Road #105" + ], + "650-938-8127": [ + "650-938-8127" + ], + "El Sobrante": [ + "el sobrante", + "El Sobrante" + ], + "Family Dental Care": [ + "Family Dental Care" + ], + "510-223-3337": [ + "510-223-3337" + ], + "866-682-9904": [ + "866-682-9904" + ], + "Craig Wilson Msd": [ + "Craig Wilson Msd" + ], + "707-544-4922": [ + "707-544-4922" + ], + "4655 Hoen Avenue": [ + "4655 Hoen Avenue" + ], + "Balboa Dental Care": [ + "Balboa Dental care", + "Balboa Dental Care", + "balboa dental care" + ], + "415-387-8802": [ + "415-387-8802" + ], + "3544 Balboa Street": [ + "3544 balboa street", + "3544 Balboa Street" + ], + "Advanced Ceramics Dental Sudio": [ + "Advanced Ceramics Dental Sudio" + ], + "Castro Valley Health": [ + "Castro Valley Health" + ], + "1580 East Washington Street # 105": [ + "1580 East Washington Street # 105", + "1580 East Washington street # 105" + ], + "599 Tomales Road": [ + "599 Tomales Road", + "599 Tomales road" + ], + "Arroyo Park Family Dental": [ + "Arroyo Park Family Dental" + ], + "1783 Second Street": [ + "1783 Second Street" + ], + "925-449-1768": [ + "925-449-1768" + ], + "2401 Waterman Boulevard": [ + "2401 Waterman Boulevard" + ], + "209-834-7300": [ + "209-834-7300" + ], + "Dr. Azadeh Jafarnia": [ + "Dr. Azadeh Jafarnia", + "dr. azadeh jafarnia" + ], + "2500 Hospital Dr # 5D": [ + "2500 Hospital Dr # 5D" + ], + "Marc Bowen": [ + "Marc Bowen" + ], + "707-429-0451": [ + "707-429-0451" + ], + "2801 Waterman Boulevard": [ + "2801 Waterman Boulevard" + ], + "707-552-3952": [ + "707-552-3952" + ], + "2143 Springs Road # 51": [ + "2143 Springs Road # 51", + "2143 springs road # 51" + ], + "Dr. Eugene H. Burton Iii": [ + "Dr. Eugene H. Burton Iii" + ], + "Dr. Kwang H. Kim": [ + "Dr. Kwang H. Kim" + ], + "Premier Family Dental: Dr. Peter Han": [ + "Premier Family Dental: Dr. Peter Han" + ], + "24307 Southland Drive": [ + "24307 Southland Drive" + ], + "510-785-3900": [ + "510-785-3900" + ], + "1150 Scott Boulevard # A2": [ + "1150 scott boulevard # a2", + "1150 Scott Boulevard # A2" + ], + "Breds Barbershop": [ + "breds barbershop", + "Breds Barbershop" + ], + "4330 Clayton Road suite j": [ + "4330 clayton road suite j", + "4330 Clayton Road Suite j", + "4330 Clayton Road suite j", + "4330 Clayton Road Suite J" + ], + "925-446-4144": [ + "925-446-4144" + ], + "Empire Barbershop": [ + "Empire Barbershop" + ], + "First Class Barber Shop": [ + "First Class Barber Shop" + ], + "1512 Barber Shop": [ + "1512 Barber Shop", + "1512 barber Shop", + "1512 Barber SHop", + "1512 barber shop", + "1512 BArber Shop", + "1512 Barber shop" + ], + "4.80": [ + "4.8" + ], + "Primo'S Barbershop": [ + "Primo's barbershop", + "Primo's Barbershop", + "Primo'S Barbershop", + "primo's Barbershop" + ], + "707-689-5136": [ + "707-689-5136" + ], + "17 Jewels Salon": [ + "17 jewels salon", + "17 Jewels Salon" + ], + "Benny Adem Grooming Parlor": [ + "benny Adem grooming parlor", + "Benny Adem Grooming Parlor", + "Benny Adem grooming parlor" + ], + "408 14th Street": [ + "408 14th Street", + "408 14th street" + ], + "510-227-4268": [ + "510-227-4268" + ], + "Bibo Salon": [ + "Bibo Salon" + ], + "3Sixty Salon And Boutique": [ + "3sixty salon and boutique", + "3Sixty Salon and Boutique", + "3Sixty Salon And Boutique", + "3Sixty salon and Boutique", + "3sixty Salon And Boutique" + ], + "Corte Madera": [ + "Corte madera", + "Corte Madera" + ], + "Colour Bar": [ + "Colour Bar" + ], + "20Th Salon And Barber": [ + "20th salon and barber", + "20th Salon and Barber", + "20Th Salon And Barber", + "20th Salon And Barber", + "20Th Salon and Barber", + "20Th Salon And barber", + "20tH Salon and Barber", + "20TH Salon and Barber", + "20th salon and Barber" + ], + "2737 20th Street": [ + "2737 20th street", + "2737 20th Street", + "2737 20Th Street" + ], + "1532 20th Street": [ + "1532 20th street", + "1532 20th Street" + ], + "August Barbershop": [ + "august barbershop", + "August Barbershop", + "August BarberShop" + ], + "Natalie'S Salon": [ + "Natalie's salon", + "Natalie'S Salon", + "Natalie's Salon" + ], + "2606 Broadway": [ + "2606 broadway", + "2606 Broadway" + ], + "650-298-8586": [ + "650-298-8586" + ], + "Cosmo'S Barber Shop": [ + "Cosmo's Barber shop", + "Cosmo'S Barber shop", + "Cosmo's Barber Shop", + "Cosmo's barber Shop", + "Cosmo'S Barber Shop" + ], + "925-462-2695": [ + "925-462-2695" + ], + "4275 First Street": [ + "4275 first Street", + "4275 First Street" + ], + "Fusion 3 Salon Pleasanton": [ + "Fusion 3 Salon Pleasanton" + ], + "Great Clips": [ + "Great Clips", + "Great clips", + "great clips" + ], + "929 East Hillsdale Boulevard": [ + "929 East Hillsdale Boulevard" + ], + "650-522-8433": [ + "650-522-8433" + ], + "415-824-1335": [ + "415-824-1335" + ], + "Blow Dry Bar": [ + "Blow Dry Bar", + "Blow Dry bar", + "blow dry bar" + ], + "Dipietro Todd Salon": [ + "Dipietro Todd salon", + "Dipietro Todd Salon" + ], + "Drybar Walnut Creek": [ + "Drybar Walnut Creek" + ], + "1634 Bonanza Street": [ + "1634 Bonanza Street" + ], + "Alex'S Classic Barber Shop": [ + "Alex'S Classic Barber shop", + "Alex's Classic Barber Shop", + "AlexS Classic Barber Shop", + "Alex'S Classic Barber Shop", + "Alex's classic Barber Shop" + ], + "4175, 42151 Blacow Road": [ + "4175, 42151 Blacow Road" + ], + "415-286-4371": [ + "415-286-4371" + ], + "114 Sun Valley Mall": [ + "114 Sun Valley Mall" + ], + "925-798-3000": [ + "925-798-3000" + ], + "Atelier Salon Willow Glen": [ + "Atelier salon Willow glen", + "ATelier Salon Willow Glen", + "Atelier Salon Willow Glen", + "atelier salon willow glen", + "atelier salon willow Glen", + "Atelier Salon willow Glen", + "Atelier salon willow glen", + "Atelier salon Willow Glen" + ], + "Barba & Co. San Jose": [ + "Barba & CO. San Jose", + "barba & Co. San Jose", + "Barba & co. san jose", + "Barba & Co. San Jose", + "Barba & Co. San jose", + "barba & co. san jose" + ], + "3.80": [ + "3.8" + ], + "About Time Barber Shop": [ + "About Time Barber Shop", + "about time barber shop", + "about Time Barber Shop" + ], + "408-727-2200": [ + "408-727-2200" + ], + "2485 De La Cruz Boulevard": [ + "2485 De LA Cruz Boulevard", + "2485 de la cruz boulevard", + "2485 De La Cruz Boulevard" + ], + "Elite Hair Design": [ + "Elite hair Design", + "Elite Hair Design", + "Elite Hair design" + ], + "207 East 4th Avenue": [ + "207 East 4th Avenue", + "207 east 4th avenue" + ], + "3.40": [ + "3.4" + ], + "4.30": [ + "4.3" + ], + "A+ Haircuts For Men": [ + "A+ Haircuts for Men", + "a+ haircuts for men", + "A+ Haircuts for men", + "A+ Haircuts For Men" + ], + "450 East El Camino Real": [ + "450 East El Camino Real", + "450 east el camino real" + ], + "408-743-5780": [ + "408-743-5780" + ], + "Alpha Barbershop": [ + "Alpha Barbershop" + ], + "979 Broadway Ave Ste 108": [ + "979 Broadway Ave Ste 108" + ], + "Bollywood Beauty Salon": [ + "Bollywood Beauty Salon", + "Bollywood Beauty salon" + ], + "Christine'S Salon": [ + "Christine's salon", + "Christine'S Salon", + "Christine's Salon", + "christine's salon" + ], + "Cubby Cuts For Kids": [ + "Cubby Cuts for Kids", + "Cubby Cuts For Kids" + ], + "650-964-5437": [ + "650-964-5437" + ], + "1734 El Camino Real": [ + "1734 El Camino Real" + ], + "C'S Barber Shop": [ + "CS Barber Shop", + "C'S Barber Shop" + ], + "707-673-7601": [ + "707-673-7601" + ], + "4.90": [ + "4.9" + ], + "A Businessman'S Haircut": [ + "A Businessman'S Haircut", + "a businessman's haircut", + "a Businessman'S Haircut", + "A Businessman's Haircut", + "A businessmans' haircut", + "A businessman's haircut", + "A Businessman's haircut" + ], + "Hunny Hair & Nail Spa": [ + "Hunny hair & nail Spa", + "Hunny hair & nail spa", + "Hunny Hair & Nail Spa" + ], + "Jimmy Hair Team": [ + "Jimmy hair team", + "Jimmy Hair Team" + ], + "2803 El Camino Real": [ + "2803 el camino real", + "2803 El Camino Real" + ], + "408-663-0137": [ + "408-663-0137" + ], + "Cool Tops": [ + "Cool Tops", + "Cool tops" + ], + "2255 Contra Costa Boulevard": [ + "2255 Contra Costa Boulevard" + ], + "925-798-5214": [ + "925-798-5214" + ], + "Fusion 3 Salon Livermore": [ + "fusion 3 salon Livermore", + "Fusion 3 salon livermore", + "Fusion 3 salon Livermore", + "Fusion 3 Salon Livermore" + ], + "Livermore Barber Shop Third Street Og": [ + "Livermore Barber Shop Third Street Og" + ], + "925-292-5328": [ + "925-292-5328" + ], + "Elle Lui Hair Salon": [ + "Elle Lui Hair salon", + "Elle Lui Hair Salon" + ], + "Exclusive Spa": [ + "Exclusive Spa" + ], + "314 Mendocino Avenue": [ + "314 Mendocino Avenue" + ], + "707-528-8266": [ + "707-528-8266" + ], + "Chop Salon & Spa": [ + "Chop Salon & Spa" + ], + "510-649-7843": [ + "510-649-7843" + ], + "Bella Capelli Salon": [ + "Bella Capelli Salon" + ], + "2160 South Bascom Avenue": [ + "2160 South Bascom Avenue" + ], + "408-371-2051": [ + "408-371-2051" + ], + "4.70": [ + "4.7" + ], + "1047 Lincoln Highway suite 101": [ + "1047 lincoln Highway suite 101", + "1047 lincoln highway suite 101", + "1047 Lincoln highway suite 101", + "1047 Lincoln Highway suite 101", + "1047 Lincoln Highway Suite 101" + ], + "1775 Park Avenue": [ + "1775 Park avenue", + "1775 park avenue", + "1775 Park Avenue" + ], + "669-258-9601": [ + "669-258-9601" + ], + "C C Beauty Salon": [ + "C C Beauty Salon" + ], + "18615 California 12": [ + "18615 California 12" + ], + "707-935-8329": [ + "707-935-8329" + ], + "408-293-3494": [ + "408-293-3494" + ], + "Burlingame Barber Shop": [ + "Burlingame Barber Shop", + "Burlingame Barber shop", + "burlingame barber shop" + ], + "Didi Salon": [ + "Didi Salon", + "didi salon" + ], + "1221 Donnelly Avenue": [ + "1221 Donnelly Avenue" + ], + "650-344-3010": [ + "650-344-3010" + ], + "18/8 Fine Men'S Salons - Palo Alto": [ + "18/8 Fine Men'S salons - Palo Alto", + "18/8 Fine Men's salons - Palo Alto", + "18/8 Fine Men'S salons - palo Alto", + "18/8 Fine Men'S Salons - Palo alto", + "18/8 Fine Men's Salons - Palo Alto", + "18/8 Fine Men'S Salons - Palo Alto" + ], + "408-457-8453": [ + "408-457-8453" + ], + "138 E El Camino Real Ste B": [ + "138 E El Camino Real Ste B" + ], + "Stags Barbershop": [ + "stags barbershop", + "Stags Barbershop" + ], + "Berkeley Hair Studio": [ + "Berkeley hair studio", + "berkeley hair studio", + "Berkeley Hair studio", + "Berkeley Hair Studio" + ], + "510-540-1261": [ + "510-540-1261" + ], + "2556 Telegraph Avenue #4": [ + "2556 telegraph avenue #4", + "2556 Telegraph Avenue #4" + ], + "4801 Telegraph Avenue": [ + "4801 Telegraph Avenue", + "4801 Telegraph avenue", + "4801 telegraph avenue" + ], + "510-653-1059": [ + "510-653-1059" + ], + "Rae Talbot Salon": [ + "Rae Talbot Salon" + ], + "20627 Rustic Drive": [ + "20627 Rustic drive" + ], + "510-538-4111": [ + "510-538-4111" + ], + "Citrus Salon": [ + "Citrus Salon", + "Citrus salon" + ], + "Sofia African Hair Braiding": [ + "Sofia African Hair Braiding" + ], + "15208 East 14th Street": [ + "15208 East 14th Street" + ], + "510-415-3420": [ + "510-415-3420" + ], + "Supercuts": [ + "supercuts", + "Supercuts" + ], + "44 Montgomery Street #30": [ + "44 Montgomery street #30", + "44 Montgomery Street #30" + ], + "Daredevils & Queens": [ + "Daredevils & Queens", + "Daredevils & queens", + "daredevils & queens" + ], + "Best Coast Cuts": [ + "Best Coast Cuts", + "Best Coast cuts" + ], + "216 Northgate One": [ + "216 Northgate One" + ], + "415-479-1961": [ + "415-479-1961" + ], + "20686 Homestead Road": [ + "20686 Homestead Road", + "20686 homestead road" + ], + "5.00": [ + "5.0" + ], + "Sport Clips Haircuts Of Benicia": [ + "Sport Clips Haircuts of Benicia", + "Sport Clips Haircuts Of Benicia" + ], + "808 Southampton Road": [ + "808 Southampton Road" + ], + "1919 Mount Diablo Boulevard": [ + "1919 Mount Diablo Boulevard" + ], + "650-685-1888": [ + "650-685-1888" + ], + "1806 Soscol Avenue B": [ + "1806 Soscol Avenue B", + "1806 soscol avenue b" + ], + "The Gentlemen'S Parlor": [ + "The Gentlemen'S Parlor" + ], + "2758 Old Sonoma Road": [ + "2758 Old Sonoma Road" + ], + "707-266-1416": [ + "707-266-1416" + ], + "408-358-2232": [ + "408-358-2232" + ], + "Los Gatos Beauty Bar": [ + "Los Gatos Beauty Bar" + ], + "408-395-1314": [ + "408-395-1314" + ], + "130 North Santa Cruz Avenue # E": [ + "130 North Santa Cruz Avenue # E" + ], + "Saratoga": [ + "saratoga", + "Saratoga" + ], + "D & H Hair Salon": [ + "D & H Hair salon", + "D & H hair salon", + "D & H Hair Salon" + ], + "Viange Hair Saratoga": [ + "Viange Hair Saratoga" + ], + "1821 Saratoga Avenue #102": [ + "1821 Saratoga Avenue #102" + ], + "408-255-2895": [ + "408-255-2895" + ], + "707-257-3744": [ + "707-257-3744" + ], + "Village Barber Shop": [ + "Village barber shop", + "village barber shop", + "Village Barber Shop" + ], + "3372 Village Drive": [ + "3372 Village Drive" + ], + "510-881-9555": [ + "510-881-9555" + ], + "Dukes And Dolls Salon": [ + "Dukes and Dolls Salon", + "dukes and dolls salon", + "Dukes And Dolls Salon" + ], + "707-769-8000": [ + "707-769-8000" + ], + "Cut Right Barber Shop": [ + "Cut right Barber Shop", + "Cut Right Barber shop" + ], + "430 San Bruno Avenue West": [ + "430 San Bruno Avenue West" + ], + "Stanford Hair": [ + "Stanford Hair" + ], + "415-250-4370": [ + "415-250-4370" + ], + "294 North San Pedro Road": [ + "294 North San Pedro Road" + ], + "Dermatologist": [ + "Dermatologist" + ], + "Anne Han, M.D.": [ + "Anne Han, M.d.", + "Anne Han M.D.", + "Anne Han, M.D." + ], + "General Practitioner": [ + "General Practitioner" + ], + "Abazari Mina MD": [ + "abazari mina md", + "Abazari Mina MD" + ], + "5050 West El Camino Real # 110": [ + "5050 west el camino real # 110", + "5050 West El Camino Real # 110" + ], + "949-916-9100": [ + "949-916-9100" + ], + "Arthur H Coleman Medical Center: Dickey Jan V MD": [ + "Arthur H coleman medical center: Dickey Jan V MD", + "Arthur H Coleman Medical Center: Dickey Jan V MD" + ], + "Gynecologist": [ + "Gynecologist" + ], + "Blossom Ridge Medical Group: Zimmer J Kirk MD": [ + "Blossom Ridge Medical Group: Zimmer J Kirk MD", + "blossom ridge medical group: zimmer j kirk md" + ], + "408-377-9180": [ + "408-377-9180" + ], + "Ophthalmologist": [ + "Ophthalmologist" + ], + "Dr. Robert R. Anderson, MD": [ + "Dr. Robert R. Anderson, MD" + ], + "415-461-8200": [ + "415-461-8200" + ], + "Elloway John MD": [ + "Elloway John MD", + "elloway john md", + "Elloway, John MD" + ], + "J. Timothy Murphy, M.D.": [ + "J. Timothy Murphy, M.D." + ], + "Dr. Farhad Zamani, MD": [ + "dr. farhad zamani, md", + "Dr. Farhad Zamani, MD" + ], + "131 West A Street": [ + "131 West A Street", + "131 west a street" + ], + "707-624-4000": [ + "707-624-4000" + ], + "David Quincy, M.D., MPH": [ + "David Quincy, M.D., MPH" + ], + "Emanuel Elias, M.D.": [ + "Emanuel Elias, M.D." + ], + "Contra-Costa Regional Med Center: Cominos Eve D MD": [ + "Contra-Costa REgional Med Center: Cominos Eve D MD", + "Contra-Costa Regional Med Center: Cominos Eve D MD", + "Contra-costa regional med center: cominos eve D MD", + "contra-costa regional med center: cominos Eve D MD", + "contra-costa regional med center: cominos eve D MD" + ], + "2500 Alhambra Avenue": [ + "2500 Alhambra avenue", + "2500 Alhambra Avenue", + "2500 alhambra Avenue", + "2500 alhambra avenue" + ], + "Contra-Costa Regional Med Center: Hubiak Melissa M MD": [ + "Contra-costa regional med center: Hubiak melissa M MD", + "contra-costa Regional med center: hubiak Melissa m MD" + ], + "925-370-5110": [ + "925-370-5110" + ], + "ENT Specialist": [ + "ENT Specialist", + "ENT specialist" + ], + "Aaron Tward, M.D.": [ + "Aaron Tward, M.D.", + "aaron tward, m.d.", + "Aaron Tward M.D." + ], + "415-353-2757": [ + "415-353-2757" + ], + "Alchemy John MD": [ + "alchemy john md", + "Alchemy John MD", + "Alchemy, John MD", + "Alchemy John, MD", + "Alchemy john md" + ], + "707-576-7000": [ + "707-576-7000" + ], + "Berman Skin Institute": [ + "Berman skin Institute", + "Berman Skin Institute" + ], + "Age Defying Dermatology": [ + "Age Defying Dermatology" + ], + "Amelia K. Hausauer, MD": [ + "Amelia K. Hausauer, MD" + ], + "Bastoni Kelly A MD": [ + "Bastoni Kelly A MD", + "bastoni kelly a md" + ], + "1550 Gateway Boulevard": [ + "1550 gateway boulevard", + "1550 Gateway Boulevard" + ], + "Lance Gibson, MD": [ + "Lance Gibson, MD" + ], + "Chen M Dwight MD": [ + "Chen M Dwight MD" + ], + "360 Dardanelli Lane #2d": [ + "360 Dardanelli Lane #2d" + ], + "408-523-3900": [ + "408-523-3900" + ], + "Alan B. Scott, M.D.": [ + "Alan B. Scott, M.D." + ], + "Alejandra de Alba, M.D.": [ + "Alejandra de Alba, M.D." + ], + "291 Geary Street #700": [ + "291 Geary Street #700" + ], + "415-353-2800": [ + "415-353-2800" + ], + "Dr. Elizabeth Olle": [ + "Dr. Elizabeth Olle" + ], + "2645 Ocean Avenue #303": [ + "2645 Ocean Avenue #303" + ], + "Andolsen Richard J MD": [ + "Andolsen Richard J MD" + ], + "Avril Swan, MD": [ + "Avril Swan, MD", + "avril swan, MD" + ], + "1286 Sanchez Street a": [ + "1286 Sanchez street a", + "1286 Sanchez Street a" + ], + "Avis E. Logan, M.D.": [ + "Avis E. Logan, M.D.", + "Avis E. Logan M.D.", + "avis e. logan, m.d.", + "Avis E. logan, M.D." + ], + "Dr. Sandra Bendeck, MD": [ + "Dr. Sandra Bendeck, MD" + ], + "770 San Ramon Valley Boulevard": [ + "770 San Ramon Valley Boulevard" + ], + "925-817-5600": [ + "925-817-5600" + ], + "Alta Eye Care": [ + "Alta Eye Care", + "alta eye care" + ], + "1085 West El Camino Real Level 2": [ + "1085 West El Camino Real Level 2", + "1085 west el camino real level 2", + "1085 West El Camino real Level 2" + ], + "Chen Howard MD": [ + "Chen Howard MD" + ], + "Contreras Claudio S, MD": [ + "Contreras Claudio S, MD" + ], + "2100 Forest Avenue # 105": [ + "2100 Forest Avenue # 105" + ], + "408-971-2020": [ + "408-971-2020" + ], + "Dr. Steven G. Pascal, MD": [ + "Dr. Steven G. Pascal, MD" + ], + "5980 Stoneridge Drive #117": [ + "5980 Stoneridge Drive #117" + ], + "925-283-8400": [ + "925-283-8400" + ], + "Dermatology: UCSF Benioff Children's Hospital Oakland": [ + "Dermatology: UCSF Benioff Children's hospital Oakland", + "Dermatology: UCSF Benioff Children's Hospital Oakland" + ], + "Dr. Faith R. Protsman, MD": [ + "Dr. Faith R. Protsman, MD" + ], + "Dr. Gunjan Mittal, MD": [ + "Dr. Gunjan Mittal, MD" + ], + "Carla Stelling, MD": [ + "carla stelling, md", + "Carla Stelling, MD", + "Carla Stelling, Md" + ], + "3300 Webster Street #1200": [ + "3300 Webster Street #1200", + "3300 webster Street #1200" + ], + "510-275-7492": [ + "510-275-7492" + ], + "Access Health": [ + "access health", + "Access health", + "Access Health" + ], + "301 Old San Francisco Road Level 2": [ + "301 Old San Francisco Road Level 2", + "301 old san francisco road level 2" + ], + "Dr. Janet Bodle, MD": [ + "Dr. Janet Bodle", + "Dr. Janet Bodle, MD" + ], + "Aura Skin Spa": [ + "Aura Skin Spa" + ], + "415-788-3800": [ + "415-788-3800" + ], + "John Chiu, M.D.": [ + "John Chiu, M.d.", + "Dr. John Chiu", + "John Chiu, M.D." + ], + "Clifford Chew, MD": [ + "clifford chew, md", + "Clifford Chew, MD" + ], + "45 Castro Street": [ + "45 Castro Street" + ], + "415-433-7945": [ + "415-433-7945" + ], + "Daniel J. Beers, MD": [ + "Daniel J. Beers, MD", + "daniel j. beers, md" + ], + "525 South Drive #101": [ + "525 south drive #101", + "525 South Drive #101" + ], + "650-961-2585": [ + "650-961-2585" + ], + "Dr. Peter S. Levin, MD": [ + "Dr. Peter S. Levin, MD" + ], + "Jay Bansal, MD": [ + "Jay Bansal, MD", + "Dr. Jay Bansal" + ], + "408-729-7690": [ + "408-729-7690" + ], + "Bay Area House Call Physicians": [ + "bay area house call physicians", + "Bay Area House Call Physicians" + ], + "415-642-0333": [ + "415-642-0333" + ], + "415-600-3800": [ + "415-600-3800" + ], + "450 Sutter Street #2340": [ + "450 Sutter Street #2340", + "450 Sutter street #2340" + ], + "701 E El Camino Real 2nd Floor": [ + "701 E El Camino Real 2nd Floor", + "701 e el camino real 2nd floor" + ], + "650-384-0986": [ + "650-384-0986" + ], + "Brown Peter, MD": [ + "Brown Peter, MD" + ], + "877 West Fremont Avenue unit n1": [ + "877 West Fremont Avenue unit n1" + ], + "D Graeme Shaw Md": [ + "D Graeme Shaw MD" + ], + "Dr. Milagros T. Buenviaje, MD": [ + "Dr. Milagros T. Buenviaje, MD" + ], + "Dr. Gregory P. Rosa, MD": [ + "Dr. Gregory P. Rosa, MD" + ], + "James A. Watson, MD": [ + "james a. watson, md", + "James A. Watson, MD" + ], + "8833 Monterey Road": [ + "8833 Monterey Road", + "8833 monterey road" + ], + "Dr. Chika Akera, MD": [ + "dr. chika akera, MD", + "Dr. Chika Akera, MD" + ], + "Harpole Jr B Patrick MD": [ + "Harpole Jr B Patrick MD" + ], + "Jolin Patrick V MD": [ + "Jolin Patrick V MD" + ], + "5161 Clayton Road # C1": [ + "5161 Clayton Road # C1" + ], + "Dr. Ruth E. Hoddinott, MD": [ + "Dr. Ruth E. Hoddinott, MD", + "Dr. Ruth Hoddinott" + ], + "Anjali Tate, M.D.": [ + "anjali tate, m.d.", + "Anjali Tate, M.D." + ], + "2400 Samaritan Drive #105": [ + "2400 Samaritan Drive #105", + "2400 samaritan drive #105" + ], + "Advanced Dermatology & Skin Surgery, George Hsieh, M.D.": [ + "Advanced Dermatology & Skin Surgery, George Hsieh, M.D." + ], + "Britz Marie B MD": [ + "Britz Marie B MD" + ], + "Byrne Eileen MD": [ + "Byrne Eileen MD" + ], + "650-321-4121": [ + "650-321-4121" + ], + "Dr. Ali A. Zaki, MD": [ + "Dr. Ali A. Zaki, MD" + ], + "200 Jose Figueres Avenue #490": [ + "200 Jose Figueres Avenue #490" + ], + "408-272-2252": [ + "408-272-2252" + ], + "Claudio A Bet Inc": [ + "Claudio A bet inc", + "claudio a bet inc", + "Claudio a bet inc", + "Claudio A Bet Inc" + ], + "211 Quarry Road": [ + "211 quarry road", + "211 Quarry Road", + "211 Quarry road" + ], + "555 Knowles Drive #203": [ + "555 Knowles Drive #203" + ], + "Dr. Kathleen M. Healey, MD": [ + "Dr. Kathleen M. Healey, MD" + ], + "707-251-3608": [ + "707-251-3608" + ], + "1701 4th Street Suite 120": [ + "1701 4th Street Suite 120" + ], + "Clifford Hoffman DO, MPH Family Doctor": [ + "Clifford Hoffman DO, MPH Family Doctor", + "Clifford HOffman DO, MPH Family Doctor" + ], + "707-750-5944": [ + "707-750-5944" + ], + "1179 North McDowell Boulevard": [ + "1179 North McDowell Boulevard" + ], + "Nina R. Birnbaum, M.D.": [ + "nina r. birnbaum, m.d.", + "Nina R. Birnbaum, M.D." + ], + "510-524-0861": [ + "510-524-0861" + ], + "2380 Sutter Street": [ + "2380 Sutter Street", + "2380 sutter street" + ], + "Dr. Hoang M. Duong, MD": [ + "Dr. Hoang M. Duong, MD" + ], + "408-263-6073": [ + "408-263-6073" + ], + "Antioch Family Practice: Copeland John W MD": [ + "Antioch family Practice: Copeland John W MD", + "Antioch Family Practice: Copeland john W MD", + "Antioch Family Practice: Copeland John W MD" + ], + "Baart Antioch: Quismorio William L MD": [ + "Baart Antioch: Quismorio William L MD" + ], + "Howard L Friesen Inc": [ + "Howard L Friesen Inc" + ], + "3436 Hillcrest Avenue # 200": [ + "3436 Hillcrest Avenue # 200" + ], + "Neil Fruman, MD - Retired": [ + "Neil Fruman, MD - retired", + "Neil Fruman, MD - Retired" + ], + "1450 Treat Boulevard Suite 120B": [ + "1450 Treat Boulevard Suite 120B" + ], + "925-296-7490": [ + "925-296-7490" + ], + "Dr. Ani Tajirian": [ + "Dr. Ani Tajirian" + ], + "20400 Lake Chabot Road #202": [ + "20400 Lake Chabot Road #202" + ], + "510-839-2937": [ + "510-839-2937" + ], + "Optima Ophthalmic Med Associates: Mandel Mark R MD": [ + "Optima Ophthalmic Med Associates: Mandel Mark R MD" + ], + "706 Webster Street": [ + "706 Webster Street" + ], + "510-886-3937": [ + "510-886-3937" + ], + "Arthur D. Fu, MD": [ + "Arthur D. Fu, MD" + ], + "Dr. Dan R. Lightfoot, MD": [ + "Dr. Dan R. Lightfoot, MD" + ], + "Dr. James E. Hunt, MD": [ + "Dr. James E. Hunt, MD" + ], + "4501 Rosewood Drive": [ + "4501 Rosewood Drive" + ], + "Dr. Arthur C. O'brien Jr, MD": [ + "Dr. Arthur C. O'brien Jr, MD", + "Dr. Arthur C. O'Brien Jr, MD" + ], + "Dr. Maryam Fortani, MD": [ + "Dr. Maryam Fortani, MD", + "Dr. Maryam fortani, MD" + ], + "510-357-3023": [ + "510-357-3023" + ], + "2700 Grant Street #309": [ + "2700 Grant Street #309" + ], + "Alphaeus Wise, MD": [ + "alphaeus wise, md", + "alphaeus wise, MD", + "Alphaeus Wise, MD", + "Alphaeus Wise MD" + ], + "1181 Boulevard Way B": [ + "1181 boulevard way b", + "1181 Boulevard Way B" + ], + "925-935-3113": [ + "925-935-3113" + ], + "San Lorenzo": [ + "San Lorenzo" + ], + "Linder Alan M MD": [ + "Linder Alan M MD" + ], + "3100 Telegraph Avenue #2102": [ + "3100 Telegraph Avenue #2102" + ], + "510-276-3150": [ + "510-276-3150" + ], + "655 Redwood Highway Suite 100": [ + "655 Redwood Highway Suite 100", + "655 Redwood highway Suite 100", + "655 Redwood Highway, Suite 100" + ], + "510-845-8035": [ + "510-845-8035" + ], + "925-778-7233": [ + "925-778-7233" + ], + "Daisy Manuel-Arguelles, DO": [ + "Daisy Manuel-Arguelles, DO" + ], + "Sonoma Dermatology": [ + "Sonoma Dermatology" + ], + "1104 Adams Street # 201": [ + "1104 Adams Street # 201" + ], + "Borodulin Tatyana MD": [ + "Borodulin Tatyana MD" + ], + "408-378-3300": [ + "408-378-3300" + ], + "340 Dardanelli Ln # 24": [ + "340 Dardanelli LN # 24" + ], + "Babak Edraki MD": [ + "Babak Edraki MD", + "babak edraki md" + ], + "925-627-3440": [ + "925-627-3440" + ], + "Jonathan Kurss, MD": [ + "Jonathan Kurss, MD", + "Jonathan kurss, md" + ], + "Ratcliffe Jennifer V MD": [ + "Ratcliffe Jennifer V MD" + ], + "1111 Sonoma Avenue #214": [ + "1111 Sonoma Avenue #214" + ], + "707-575-5831": [ + "707-575-5831" + ], + "Dr. Elizabeth A. Abel, MD": [ + "Dr. Elizabeth A. Abel, MD" + ], + "F. Landon Clark, M.D., MPH": [ + "F. Landon Clark, M.D., MPH" + ], + "Bay Area Cosmetic Dermatology": [ + "Bay Area Cosmetic Dermatology" + ], + "415-440-6356": [ + "415-440-6356" + ], + "2211 Post Street #404": [ + "2211 Post Street #404" + ], + "4D Miracles": [ + "4d miracles", + "4D Miracles" + ], + "408-842-6500": [ + "408-842-6500" + ], + "707-575-3800": [ + "707-575-3800" + ], + "John Nguyen, M.D.": [ + "John Nguyen, M.D." + ], + "4906 West El Camino Real # A": [ + "4906 West El Camino Real # A" + ], + "650-934-7900": [ + "650-934-7900" + ], + "Alex De Moraes, MD": [ + "Alex De Moraes, MD", + "alex de moraes, MD" + ], + "935 Trancas Street": [ + "935 trancas street", + "935 Trancas Street" + ], + "Harrup Kaur, MD": [ + "Harrup Kaur, MD", + "Dr. Harrup Kaur" + ], + "408-940-3930": [ + "408-940-3930" + ], + "2120 McKee Road": [ + "2120 McKee Road" + ], + "2100 Webster Street suite 214": [ + "2100 Webster Street suite 214", + "2100 Webster Street Suite 214" + ], + "415-923-3120": [ + "415-923-3120" + ], + "California Skin Institute": [ + "California Skin Institute" + ], + "400 El Cerro Boulevard #204": [ + "400 El Cerro Boulevard #204" + ], + "FindApartment": [ + "FindApartment" + ], + "Alborada Apartments": [ + "alborada apartments", + "Alborada Apartments", + "Alborada apartments" + ], + "1001 Beethoven Common": [ + "1001 Beethoven Common", + "1001 beethoven common", + "1001 Beethoven common" + ], + "3900": [ + "$3900", + "$3,900", + "3900" + ], + "510-797-1800": [ + "510-797-1800" + ], + "Amber Court": [ + "Amber Court" + ], + "34050 Westchester Terrace": [ + "34050 Westchester Terrace" + ], + "3500": [ + "$3,500", + "3500", + "$3500" + ], + "ScheduleVisit": [ + "ScheduleVisit" + ], + "888 Golden Saratoga-Cupertino Apartment Homes": [ + "888 Golden Saratoga-Cupertino Apartment homes", + "888 Golden Saratoga-cupertino apartment homes", + "888 Golden Saratoga-Cupertino Apartment HOmes", + "888 golden saratoga-cupertino apartment homes", + "888 Golden Saratoga-Cupertino Apartment Homes", + "888 Golden Saratoga-cupertino Apartment homes" + ], + "1546 Maurice Lane": [ + "1546 Maurice Lane", + "1546 Maurice lane", + "1546 maurice lane", + "1546 maurice Lane" + ], + "4450": [ + "$4450", + "$4,450", + "4450" + ], + "Aegena": [ + "Aegena", + "aegena" + ], + "1290 San Tomas Aquino Road": [ + "1290 San tomas Aquino Road", + "1290 san tomas aquino road", + "1290 San Tomas Aquino Road" + ], + "4900": [ + "4900", + "$4,900", + "$4900" + ], + "Anton La Moraga Apartments": [ + "Anton La Moraga Apartments" + ], + "5822 Charlotte Drive": [ + "5822 Charlotte Drive" + ], + "4850": [ + "4850", + "$4850", + "$4,850" + ], + "408-226-5822": [ + "408-226-5822" + ], + "Baycliff Apartments": [ + "baycliff apartments", + "Baycliff Apartments" + ], + "2300 Lancaster Drive": [ + "2300 lancaster drive", + "2300 Lancaster Drive" + ], + "4000": [ + "4000", + "$4,000" + ], + "Bella Vista At Hilltop": [ + "Bella Vista At Hilltop", + "Bella Vista at Hilltop" + ], + "3400 Richmond Parkway": [ + "3400 Richmond Parkway" + ], + "3950": [ + "$3950", + "3950", + "$3,950" + ], + "510-662-6726": [ + "510-662-6726" + ], + "1600": [ + "1600", + "$1,600", + "$1600", + "1600 dollars", + "one thousand six hundred dollars" + ], + "Almaden Garden Apartments": [ + "Almaden Garden Apartments", + "Almaden Garden apartments", + "almaden garden apartments" + ], + "947 Branham Lane # C": [ + "947 Branham Lane # C", + "947 branham lane # C", + "947 branham lane # c" + ], + "1850": [ + "$1850", + "$1,850" + ], + "408-265-4808": [ + "408-265-4808" + ], + "Avenel Apartments": [ + "avenel apartments", + "Avenel Apartments" + ], + "750 North King Road": [ + "750 North King Road", + "750 north king road" + ], + "3550": [ + "3550", + "$3,550" + ], + "Alameda Gardens Apartments": [ + "Alameda gardens Apartments", + "alameda gardens apartments", + "Alameda Gardens Apartments", + "Alameda Gardens apartments" + ], + "73 North Keeble Avenue": [ + "73 north Keeble Avenue", + "73 north keeble avenue", + "73 North Keeble Avenue" + ], + "4100": [ + "4100", + "$4100", + "$4,100" + ], + "408-998-7266": [ + "408-998-7266" + ], + "Arbor Ridge Apartments": [ + "Arbor Ridge Apartments" + ], + "2400 Shady Willow Lane": [ + "2400 Shady Willow lane", + "2400 Shady Willow Lane" + ], + "2800": [ + "$2,800", + "2800", + "$2800" + ], + "925-240-8448": [ + "925-240-8448" + ], + "Avery At Towncentre": [ + "Avery At Towncentre", + "AVery at towncentre", + "avery at towncentre" + ], + "1275 Central Boulevard": [ + "1275 central boulevard", + "1275 Central Boulevard" + ], + "4700": [ + "$4,700", + "4700" + ], + "925-513-1110": [ + "925-513-1110" + ], + "Continental Apartments": [ + "Continental Apartments" + ], + "22281 Center Street #57": [ + "22281 Center Street #57" + ], + "City Walk Apartment Homes": [ + "City Walk Apartment Homes", + "city walk apartment homes" + ], + "1688 Clayton Road": [ + "1688 clayton road", + "1688 Clayton Road" + ], + "5150": [ + "$5150", + "5150", + "$5,150" + ], + "925-671-3845": [ + "925-671-3845" + ], + "San Pablo": [ + "San Pablo", + "San pablo" + ], + "Willow Branch Apartments": [ + "Willow Branch Apartments" + ], + "2200 Rivers Street": [ + "2200 Rivers Street" + ], + "4300": [ + "4300", + "$4,300", + "$4300" + ], + "510-234-8844": [ + "510-234-8844" + ], + "Apricot Pit Apartments": [ + "Apricot pit apartments", + "apricot pit apartments", + "Apricot Pit Apartments", + "Apricot Pit apartments" + ], + "400 East Remington Drive": [ + "400 east remington drive", + "400 East Remington Drive", + "400 east Remington drive", + "400 east Remington Drive" + ], + "4150": [ + "$4150", + "$4,150", + "4150" + ], + "Arbor Terrace Apartments": [ + "Arbor Terrace Apartments" + ], + "555 East El Camino Real": [ + "555 East El Camino Real" + ], + "Charles Street Village": [ + "Charles Street Village" + ], + "42 Charles Street": [ + "42 Charles Street" + ], + "4800": [ + "4800", + "$4,800", + "$4800" + ], + "707-795-3722": [ + "707-795-3722" + ], + "Americana Apartment Homes": [ + "Americana apartment homes", + "Americana Apartment Homes", + "Americana Apartment homes" + ], + "707-584-3522": [ + "707-584-3522" + ], + "5100": [ + "$5100", + "$5,100", + "5100" + ], + "Birchwood Apartments": [ + "birchwood Apartments", + "Birchwood Apartments", + "birchwood apartments" + ], + "3500 Pennsylvania Avenue # 101": [ + "3500 Pennsylvania Avenue # 101" + ], + "Boulevard": [ + "Boulevard", + "boulevard" + ], + "40001 Fremont Boulevard": [ + "40001 Fremont Boulevard", + "40001 fremont boulevard" + ], + "4250": [ + "$4,250", + "$4250", + "4250" + ], + "Casa Vasona Garden Apartments": [ + "Casa Vasona Garden Apartments" + ], + "859 University Avenue": [ + "859 University Avenue" + ], + "El Gato Penthouse": [ + "El Gato Penthouse" + ], + "20 East Main Street": [ + "20 East Main Street" + ], + "4050": [ + "$4,050", + "4050", + "$4050" + ], + "2300": [ + "2300", + "$2300", + "$2,300" + ], + "408-818-0710": [ + "408-818-0710" + ], + "Arbors At Mountain View": [ + "Arbors At Mountain View", + "Arbors at Mountain View", + "Arbors at Mountain view" + ], + "2290 California Street": [ + "2290 California street", + "2290 California Street" + ], + "650-965-8290": [ + "650-965-8290" + ], + "Appletree Apartments": [ + "Appletree Apartments" + ], + "831 Gale Drive": [ + "831 Gale Drive" + ], + "408-374-3500": [ + "408-374-3500" + ], + "Mission Park": [ + "Mission Park" + ], + "766 1st Street": [ + "766 1st Street" + ], + "2000": [ + "$2,000", + "2000" + ], + "Park View Apartments": [ + "Park View Apartments" + ], + "181 Pierce Street": [ + "181 Pierce Street" + ], + "5050": [ + "5050", + "$5,050" + ], + "408-842-6341": [ + "408-842-6341" + ], + "Alpine Vista Apartments": [ + "alpine vista apartments", + "Alpine Vista Apartments" + ], + "1282 Mattox Road": [ + "1282 Mattox road", + "1282 Mattox Road" + ], + "Amador Apartments": [ + "Amador Apartments", + "amador apartments" + ], + "24660 Amador Street": [ + "24660 Amador Street" + ], + "Amberwood Garden Apartments": [ + "Amberwood Garden Apartments" + ], + "26100 Gading Road": [ + "26100 Gading Road", + "26100 Gading road" + ], + "510-785-3281": [ + "510-785-3281" + ], + "Avalon Apartments": [ + "Avalon Apartments", + "Avalon apartments" + ], + "624 Avalon Avenue": [ + "624 Avalon Avenue" + ], + "Bicentennial Apartments": [ + "Bicentennial Apartments", + "bicentennial apartments" + ], + "825 Russell Avenue": [ + "825 russell avenue", + "825 Russell Avenue" + ], + "707-577-0262": [ + "707-577-0262" + ], + "Antioch Rivertown Senior Housing": [ + "Antioch Rivertown Senior Housing", + "antioch rivertown senior housing" + ], + "1400 A Street": [ + "1400 A Street", + "1400 a street", + "1400 A street" + ], + "2850": [ + "2850", + "$2,850" + ], + "Bella Rose Apartments": [ + "Bella Rose Apartments", + "bella rose apartments" + ], + "4900 Canada Valley Road": [ + "4900 canada valley road", + "4900 Canada Valley Road" + ], + "Rumrill Garden Apartments": [ + "Rumrill Garden Apartments" + ], + "1300 Rumrill Boulevard": [ + "1300 Rumrill Boulevard" + ], + "3800": [ + "3800", + "$3800", + "$3,800" + ], + "2550": [ + "2550", + "$2,550" + ], + "Americana Apartments": [ + "americana apartments", + "Americana Apartments", + "Americana apartments" + ], + "4445 Stevenson Boulevard": [ + "4445 stevenson boulevard", + "4445 stevenson Boulevard", + "4445 Stevenson Boulevard" + ], + "3100": [ + "3100", + "$3,100" + ], + "510-657-1133": [ + "510-657-1133" + ], + "Casa Pino Condos": [ + "Casa Pino Condos", + "casa pino condos", + "Casa Pino condos" + ], + "1580 Clayton Road # 1": [ + "1580 clayton road # 1", + "1580 Clayton road # 1", + "1580 Clayton Road # 1" + ], + "Clayton Creek Apartments": [ + "clayton creek apartments", + "Clayton Creek Apartments" + ], + "5255 Clayton Road": [ + "5255 clayton road", + "5255 Clayton Road" + ], + "855-957-1118": [ + "855-957-1118" + ], + "Hopkins Park Apartments": [ + "Hopkins Park Apartments" + ], + "1260 Hopkins Street": [ + "1260 Hopkins Street", + "1260 Hopkins street" + ], + "4750": [ + "$4,750", + "4750" + ], + "Oregon Park Senior Apartments": [ + "Oregon Park Senior Apartments" + ], + "1425 Oregon Street": [ + "1425 Oregon Street" + ], + "Savo Island Cooperative Homes": [ + "Savo Island Cooperative Homes" + ], + "2017 Stuart Street": [ + "2017 Stuart Street" + ], + "4950": [ + "4950", + "$4,950" + ], + "510-841-4595": [ + "510-841-4595" + ], + "Bookstreet Park Apartments": [ + "Bookstreet Park Apartments" + ], + "3543 Brook Street": [ + "3543 Brook Street" + ], + "925-283-8332": [ + "925-283-8332" + ], + "Plaza Del Sol Apartments": [ + "Plaza Del Sol Apartments" + ], + "790 2nd Street West": [ + "790 2nd Street West" + ], + "1950": [ + "$1950", + "1950", + "$1,950" + ], + "707-939-8152": [ + "707-939-8152" + ], + "Sonoma Village Apartments": [ + "Sonoma Village Apartments" + ], + "61 Agua Caliente Road West": [ + "61 Agua Caliente Road West" + ], + "2700": [ + "$2700", + "2700", + "$2,700" + ], + "530-745-6170": [ + "530-745-6170" + ], + "3750": [ + "3750", + "$3,750" + ], + "Crescent Terrace Senior Apartments": [ + "Crescent Terrace Senior Apartments" + ], + "130 Crescent Avenue": [ + "130 Crescent Avenue" + ], + "408-749-1060": [ + "408-749-1060" + ], + "Behringer Harvard": [ + "Behringer Harvard" + ], + "4656 Quigg Drive": [ + "4656 Quigg Drive", + "4656 Quigg drive" + ], + "5200": [ + "5200", + "$5200", + "$5,200" + ], + "Brookside East Apartments": [ + "Brookside East Apartments" + ], + "3329 Claremont Court": [ + "3329 Claremont Court" + ], + "Marlow Apartments": [ + "Marlow Apartments" + ], + "3076 Marlow Road": [ + "3076 Marlow Road" + ], + "707-579-5081": [ + "707-579-5081" + ], + "Almaden House": [ + "Almaden house", + "Almaden House" + ], + "2415 Rinconada Drive": [ + "2415 Rinconada Drive", + "2415 rinconada drive" + ], + "408-516-4212": [ + "408-516-4212" + ], + "2600": [ + "2600", + "$2,600" + ], + "Carrington Apartments": [ + "Carrington Apartments" + ], + "38900 Blacow Road": [ + "38900 Blacow Road" + ], + "2750": [ + "$2750", + "$2,750", + "2750" + ], + "Case Verde Apartment": [ + "Case Verde Apartment" + ], + "4101 Eggers Drive # 16": [ + "4101 Eggers Drive # 16" + ], + "3200": [ + "$3200", + "$3,200", + "3200" + ], + "510-796-4064": [ + "510-796-4064" + ], + "1650": [ + "$1650", + "$1,650", + "1,650 dollars", + "1,650 bucks", + "1650", + "1650 dollars" + ], + "Adrienne Village Apartments": [ + "Adrienne Village Apartments" + ], + "31755 Alvarado Boulevard": [ + "31755 Alvarado Boulevard" + ], + "Palm Court Apartment": [ + "Palm Court Apartment" + ], + "3420 Willow Pass Road": [ + "3420 Willow Pass Road" + ], + "5250": [ + "$5250", + "$5,250", + "5250" + ], + "Pine Meadows Apartments": [ + "Pine Meadows Apartments" + ], + "1160 Meadow Lane": [ + "1160 Meadow Lane" + ], + "5000": [ + "$5,000", + "5000", + "$5000" + ], + "855-289-4212": [ + "855-289-4212" + ], + "888 San Mateo": [ + "888 San Mateo", + "888 San mateo" + ], + "888 North San Mateo Drive": [ + "888 North San Mateo Drive", + "888 north san mateo drive" + ], + "2900": [ + "$2,900", + "$2900", + "2900" + ], + "Country Club Apartments": [ + "Country club apartments", + "Country Club Apartments", + "country club apartments" + ], + "420 North Bayshore Boulevard # 1": [ + "420 North Bayshore Boulevard # 1", + "420 north bayshore boulevard # 1" + ], + "Balboa Apartments": [ + "Balboa Apartments" + ], + "151 South Bernardo Avenue": [ + "151 South Bernardo Avenue" + ], + "650-961-3333": [ + "650-961-3333" + ], + "Acacia Capital Cor-Ironwood Ap": [ + "Acacia Capital Cor-Ironwood AP", + "Acacia Capital Cor-Ironwood Ap" + ], + "5643 Charlotte Way": [ + "5643 Charlotte way", + "5643 Charlotte Way" + ], + "925-371-0905": [ + "925-371-0905" + ], + "Alderwood Park": [ + "Alderwood Park" + ], + "37057 Magnolia Street": [ + "37057 MAgnolia Street", + "37057 Magnolia Street" + ], + "510-791-8566": [ + "510-791-8566" + ], + "Baycrest": [ + "baycrest", + "Baycrest" + ], + "201 Harrison Street": [ + "201 Harrison street", + "201 Harrison Street", + "201 harrison street" + ], + "Ann Darling Apartments": [ + "Ann Darling Apartments" + ], + "1585 Marburg Way # 4": [ + "1585 Marburg Way # 4" + ], + "Casa Bonita": [ + "Casa Bonita" + ], + "2605 Haste Street": [ + "2605 Haste Street" + ], + "2650": [ + "2650", + "$2650", + "$2,650" + ], + "1901 Shoreline Apartments": [ + "1901 Shoreline Apartments" + ], + "1901 Shore Line Drive": [ + "1901 Shore Line Drive" + ], + "510-863-1139": [ + "510-863-1139" + ], + "Bristol Apartments": [ + "Bristol Apartments" + ], + "135 Freeway Drive": [ + "135 Freeway drive", + "135 Freeway Drive" + ], + "707-253-8954": [ + "707-253-8954" + ], + "Bay Vista": [ + "Bay Vista" + ], + "5 Hutchins Way": [ + "5 Hutchins Way" + ], + "2950": [ + "$2,950", + "$2950", + "2950" + ], + "Hill Valley Apartments": [ + "Hill Valley Apartments", + "Hill valley Apartments", + "hill valley apartments", + "Hill valley apartments" + ], + "1518 Hill Road": [ + "1518 Hill Road", + "1518 hill road" + ], + "Americana": [ + "Americana" + ], + "707 Continental Circle": [ + "707 Continental Circle", + "707 Continental circle" + ], + "Blossom Hill Apartments": [ + "Blossom Hill Apartments" + ], + "5480 Lean Avenue": [ + "5480 Lean Avenue" + ], + "408-840-2195": [ + "408-840-2195" + ], + "Courtyard Terrace": [ + "Courtyard Terrace" + ], + "4200 Appian Way": [ + "4200 Appian Way" + ], + "510-669-1325": [ + "510-669-1325" + ], + "Country Sharon Apartments": [ + "Country Sharon Apartments" + ], + "2225 Sharon Road": [ + "2225 Sharon road", + "2225 Sharon Road" + ], + "650-854-8661": [ + "650-854-8661" + ], + "Alderwood Apartments": [ + "Alderwood Apartments", + "alderwood apartments" + ], + "1435 163rd Avenue #23": [ + "1435 163rd Avenue #23" + ], + "3700": [ + "3700", + "$3,700", + "$3700" + ], + "510-317-5914": [ + "510-317-5914" + ], + "Bermuda-Trinidad Apartments": [ + "bermuda-trinidad apartments", + "Bermuda-Trinidad Apartments" + ], + "13949 Doolittle Drive": [ + "13949 doolittle drive", + "13949 Doolittle Drive" + ], + "510-352-8728": [ + "510-352-8728" + ], + "1900": [ + "1900", + "$1900", + "$1,900" + ], + "707-620-5076": [ + "707-620-5076" + ], + "Brentwood Parks Apartments": [ + "Brentwood Parks Apartments" + ], + "180 Sycamore Avenue": [ + "180 Sycamore Avenue" + ], + "925-634-8374": [ + "925-634-8374" + ], + "408-984-8888": [ + "408-984-8888" + ], + "Creekside Village": [ + "creekside village", + "Creekside Village" + ], + "17055 Creekside Cir": [ + "17055 Creekside Cir", + "17055 creekside cir" + ], + "Forge Homestead Apartments": [ + "Forge homestead Apartments", + "Forge Homestead Apartments" + ], + "20667 Forge Way": [ + "20667 Forge Way" + ], + "408-739-0870": [ + "408-739-0870" + ], + "Gardens Of Fontainbleu Apartments": [ + "Gardens Of Fontainbleu Apartments" + ], + "10200 Miller Avenue": [ + "10200 Miller Avenue" + ], + "Pointe At Cupertino": [ + "Pointe At Cupertino" + ], + "19920 Olivewood Street": [ + "19920 Olivewood Street" + ], + "Avery Park Apartments": [ + "Avery park apartments", + "Avery Park Apartments", + "Avery Park apartments", + "avery park apartments" + ], + "2000 Clay Bank Road": [ + "2000 clay bank road", + "2000 Clay Bank Road" + ], + "707-881-7063": [ + "707-881-7063" + ], + "Bennington Apartments": [ + "Bennington apartments", + "Bennington Apartments" + ], + "2780 North Texas Street": [ + "2780 North Texas Street" + ], + "Arioso Apartments": [ + "arioso apartments", + "Arioso Apartments" + ], + "19608 Pruneridge Avenue": [ + "19608 Pruneridge Avenue", + "19608 pruneridge avenue" + ], + "925-754-2900": [ + "925-754-2900" + ], + "Buchanan Gardens": [ + "Buchanan Gardens" + ], + "1600 Buchanan Road": [ + "1600 Buchanan Road" + ], + "925-750-8811": [ + "925-750-8811" + ], + "Barkley Square Apartments": [ + "Barkley Square Apartments" + ], + "1335 Montecito Avenue # 1": [ + "1335 Montecito Avenue # 1" + ], + "510-471-1272": [ + "510-471-1272" + ], + "Club View Apartments": [ + "Club View Apartments" + ], + "849 West Orange Avenue": [ + "849 West Orange Avenue" + ], + "Fernmar Apartments North": [ + "Fernmar Apartments North" + ], + "208 Holly Avenue # 1": [ + "208 Holly Avenue # 1" + ], + "Grand Oak Apartments": [ + "Grand Oak Apartments" + ], + "99 Oak Avenue # 201": [ + "99 Oak Avenue # 201" + ], + "650-952-3727": [ + "650-952-3727" + ], + "Parc Marin Apartments": [ + "Parc Marin Apartments" + ], + "1441 Casa Buena Drive": [ + "1441 Casa Buena Drive" + ], + "4400": [ + "$4,400", + "4400" + ], + "415-945-9636": [ + "415-945-9636" + ], + "Diablo Terrace Apartments": [ + "Diablo Terrace Apartments" + ], + "4902 Clayton Road": [ + "4902 Clayton Road" + ], + "3150": [ + "$3150", + "$3,150", + "3150" + ], + "Greentree Terrace Apartments": [ + "Greentree Terrace Apartments" + ], + "3620 Clayton Road # 101": [ + "3620 Clayton Road # 101" + ], + "2450": [ + "$2,450", + "2450" + ], + "925-682-9661": [ + "925-682-9661" + ], + "1000 Kiely": [ + "1000 kiely", + "1000 Kiely" + ], + "1000 Kiely Boulevard": [ + "1000 Kiely Boulevard", + "1000 kiely boulevard" + ], + "Alamo Garden Apartments": [ + "Alamo garden apartments", + "Alamo Garden Apartments" + ], + "1501 Alamo Drive": [ + "1501 alamo drive", + "1501 Alamo Drive", + "1501 Alamo drive" + ], + "Meadowood Apartments": [ + "Meadowood Apartments" + ], + "199 Aegean Way": [ + "199 Aegean Way" + ], + "Wilford Lane Apartments": [ + "Wilford lane Apartments", + "Wilford Lane Apartments" + ], + "160 Wilford Lane": [ + "160 Wilford Lane", + "160 Wilford lane" + ], + "Crossing At Montague Apartments": [ + "Crossing at Montague Apartments", + "Crossing At Montague Apartments" + ], + "755 East Capitol Avenue": [ + "755 East Capitol Avenue" + ], + "408-586-9001": [ + "408-586-9001" + ], + "415-543-1135": [ + "415-543-1135" + ], + "Betel Apartments": [ + "Betel Apartments", + "betel apartments" + ], + "1227 Hampshire Street": [ + "1227 hampshire street", + "1227 Hampshire Street" + ], + "415-285-5966": [ + "415-285-5966" + ], + "900 Pepper Tree Lane": [ + "900 Pepper Tree Lane", + "900 pepper tree lane" + ], + "Renaissance Apartment Homes": [ + "Renaissance Apartment Homes" + ], + "718 Old San Francisco Road": [ + "718 Old San Francisco Road" + ], + "408-736-1600": [ + "408-736-1600" + ], + "Archstone Walnut Creek": [ + "Archstone Walnut Creek" + ], + "1445 Treat Boulevard": [ + "1445 Treat Boulevard" + ], + "1195 Saranap Avenue # 14": [ + "1195 Saranap Avenue # 14", + "1195 Saranap avenue # 14", + "1195 saranap avenue # 14" + ], + "3000": [ + "$3000", + "3000", + "$3,000" + ], + "925-937-1324": [ + "925-937-1324" + ], + "Bel Air": [ + "Bel air", + "Bel Air" + ], + "2000 Shoreline Loop": [ + "2000 shoreline loop", + "2000 Shoreline Loop" + ], + "Diamond View Apartments": [ + "Diamond view apartments", + "Diamond View Apartments" + ], + "296A Addison Street": [ + "296A Addison Street", + "296A addison street" + ], + "Bridge Grayson Creek Associates": [ + "Bridge Grayson Creek Associates" + ], + "100 Chilpancingo Parkway": [ + "100 Chilpancingo Parkway" + ], + "925-686-4000": [ + "925-686-4000" + ], + "Ashland Village Apartments": [ + "Ashland Village Apartments" + ], + "1300 Kentwood Lane": [ + "1300 Kentwood Lane", + "1300 Kentwood lane" + ], + "510-797-5980": [ + "510-797-5980" + ], + "Edgewater Isle Senior Apartments": [ + "Edgewater Isle Senior Apartments" + ], + "1510 Marina Vista": [ + "1510 Marina Vista" + ], + "La Mancha Apartments": [ + "La Mancha Apartments" + ], + "240 Hollis Avenue": [ + "240 Hollis Avenue" + ], + "Pebble Creek": [ + "Pebble Creek" + ], + "3685 South Bascom Avenue": [ + "3685 South Bascom Avenue" + ], + "The Greenery Apartments Homes": [ + "The Greenery Apartments Homes" + ], + "999 West Hamilton Avenue": [ + "999 West Hamilton Avenue" + ], + "408-796-4545": [ + "408-796-4545" + ], + "Addison Ranch": [ + "Addison Ranch" + ], + "855-243-4986": [ + "855-243-4986" + ], + "Azure At Lakeville Square Apartments": [ + "Azure At Lakeville Square Apartments", + "Azure at Lakeville Square Apartments" + ], + "1400 Technology Lane": [ + "1400 Technology Lane" + ], + "2400": [ + "$2,400", + "$2400", + "2400" + ], + "Leib Senior Apartments": [ + "Leib Senior Apartments" + ], + "210 Douglas Street # 100": [ + "210 Douglas Street # 100" + ], + "707-773-0510": [ + "707-773-0510" + ], + "Arbor Terraces": [ + "Arbor Terraces" + ], + "2760 McKee Road": [ + "2760 McKee Road" + ], + "408-251-7570": [ + "408-251-7570" + ], + "Coffeetree Apartments": [ + "Coffeetree Apartments" + ], + "600 Marathon Drive": [ + "600 Marathon Drive" + ], + "3650": [ + "$3,650", + "3650" + ], + "Rincon Gables Apartments": [ + "Rincon Gables Apartments" + ], + "150 West Rincon Avenue": [ + "150 West Rincon Avenue" + ], + "866-573-8123": [ + "866-573-8123" + ], + "Camelback North Apartments": [ + "Camelback North Apartments" + ], + "630 Tempe Court": [ + "630 Tempe Court", + "630 tempe Court" + ], + "925-825-1220": [ + "925-825-1220" + ], + "510-481-2565": [ + "510-481-2565" + ], + "Bermuda Garden Apartments": [ + "bermuda garden apartments", + "Bermuda Garden Apartments" + ], + "1475 167th Avenue": [ + "1475 167th Avenue", + "1475 167th avenue" + ], + "1750": [ + "1750", + "one thousand seven hundred and fifty bucks", + "$1,750", + "$1750", + "1750 dollars" + ], + "215 Bayview Apartments": [ + "215 Bayview Apartments" + ], + "215 Bayview Street": [ + "215 Bayview Street" + ], + "415-485-1140": [ + "415-485-1140" + ], + "275 Hawthorne Apartments": [ + "275 Hawthorne Apartments", + "275 hawthorne apartments" + ], + "275 Hawthorne Avenue": [ + "275 Hawthorne avenue", + "275 Hawthorne Avenue", + "275 hawthorne avenue" + ], + "3850": [ + "$3,850", + "3850", + "$3850" + ], + "650-966-5319": [ + "650-966-5319" + ], + "Rio Vista": [ + "Rio Vista" + ], + "Casitas Del Rio": [ + "Casitas Del Rio" + ], + "250 Saint Joseph Street": [ + "250 Saint Joseph Street" + ], + "Raintree Condominiums": [ + "Raintree Condominiums" + ], + "101 South Front Street # 1": [ + "101 South Front Street # 1" + ], + "707-374-6812": [ + "707-374-6812" + ], + "3050": [ + "$3,050", + "3050" + ], + "Kona Kai Village Apartments": [ + "Kona Kai Village Apartments" + ], + "3066 Willow Pass Road": [ + "3066 Willow Pass Road" + ], + "4350": [ + "$4,350", + "4350", + "$4350" + ], + "925-691-5974": [ + "925-691-5974" + ], + "Saratoga Senior Apartments": [ + "Saratoga senior apartments", + "Saratoga Senior Apartments" + ], + "1101 Burton Drive": [ + "1101 Burton Drive", + "1101 burton drive" + ], + "707-451-7400": [ + "707-451-7400" + ], + "Alma Apartments": [ + "Alma Apartments" + ], + "3051 Alma Street": [ + "3051 Alma Street" + ], + "Arastradero Park Apartments": [ + "Arastradero Park Apartments" + ], + "574 Arastradero Road": [ + "574 Arastradero road", + "574 Arastradero Road" + ], + "650-493-4376": [ + "650-493-4376" + ], + "Suisun City": [ + "Suisun city", + "Suisun City" + ], + "Autumn Oaks Apartments": [ + "Autumn Oaks Apartments" + ], + "1400 Humphrey Drive": [ + "1400 Humphrey Drive" + ], + "707-429-3151": [ + "707-429-3151" + ], + "833-278-0054": [ + "833-278-0054" + ], + "Arbor Vista Senior Apartments": [ + "Arbor Vista Senior Apartments" + ], + "1300 South Livermore Avenue": [ + "1300 south livermore avenue", + "1300 South Livermore Avenue" + ], + "800-545-1833": [ + "800-545-1833" + ], + "Sycamore Bay": [ + "Sycamore Bay" + ], + "37171 Sycamore Street": [ + "37171 Sycamore Street" + ], + "800-441-0766": [ + "800-441-0766" + ], + "Affordable Housing Associates": [ + "Affordable housing associates", + "affordable housing associates", + "Affordable Housing Associates" + ], + "150 Sierra Drive": [ + "150 Sierra drive", + "150 sierra drive", + "150 Sierra Drive" + ], + "925-945-1701": [ + "925-945-1701" + ], + "650-583-9275": [ + "650-583-9275" + ], + "510-962-8120": [ + "510-962-8120" + ], + "Village At Town Center Apartments": [ + "Village At Town Center Apartments", + "Village at town center apartments", + "village at town center apartments" + ], + "6410 Schmidt Lane": [ + "6410 schmidt lane" + ], + "510-236-2860": [ + "510-236-2860" + ], + "1500": [ + "one thousand five hundred bucks", + "$1,500", + "1,500 dollars", + "$1500", + "one thousand five hundred dollars" + ], + "510-794-9981": [ + "510-794-9981" + ], + "Lafayette Commons Apartments": [ + "Lafayette Commons Apartments" + ], + "3263 Mount Diablo Court": [ + "3263 Mount Diablo Court" + ], + "Blue Sky Apartments": [ + "Blue Sky Apartments" + ], + "320 East Tabor Avenue": [ + "320 East Tabor Avenue", + "320 east Tabor Avenue" + ], + "707-422-2850": [ + "707-422-2850" + ], + "Capitol Avenue Apartments": [ + "Capitol Avenue Apartments" + ], + "260 North Capitol Avenue # 109": [ + "260 North Capitol Avenue # 109" + ], + "Regency Square": [ + "Regency Square" + ], + "1315 Eden Avenue": [ + "1315 Eden Avenue" + ], + "408-378-1970": [ + "408-378-1970" + ], + "Beach Park Apartments": [ + "Beach Park Apartments" + ], + "1999 Beach Park Boulevard": [ + "1999 Beach Park Boulevard" + ], + "2500": [ + "$2500", + "$2,500" + ], + "Boardwalk Apartments": [ + "Boardwalk Apartments" + ], + "3770 Flora Vista Avenue": [ + "3770 Flora Vista Avenue" + ], + "2350": [ + "2350", + "$2,350" + ], + "888-743-1851": [ + "888-743-1851" + ], + "669-206-0300": [ + "669-206-0300" + ], + "4200": [ + "4200", + "$4,200" + ], + "Middle Park Apartments": [ + "Middle Park Apartments" + ], + "1028 Middle Avenue": [ + "1028 Middle Avenue" + ], + "Seven Oaks Apartments": [ + "Seven Oaks Apartments" + ], + "600 Sharon Park Drive": [ + "600 Sharon Park Drive" + ], + "650-854-2651": [ + "650-854-2651" + ], + "Eden Roc Apartments": [ + "Eden Roc Apartments" + ], + "14665 Washington Avenue": [ + "14665 Washington Avenue" + ], + "510-483-3707": [ + "510-483-3707" + ], + "Gateway Apartments": [ + "Gateway Apartments" + ], + "888 Davis Street": [ + "888 Davis Street" + ], + "510-562-5121": [ + "510-562-5121" + ], + "The Parc": [ + "the Parc", + "The Parc" + ], + "555 Elmira Road": [ + "555 Elmira Road" + ], + "707-271-0084": [ + "707-271-0084" + ], + "Bay Ridge Apartment": [ + "Bay Ridge Apartment" + ], + "1061 Rose Drive": [ + "1061 Rose Drive" + ], + "707-745-5200": [ + "707-745-5200" + ], + "510-526-3267": [ + "510-526-3267" + ], + "Park Hill Apartments": [ + "Park Hill Apartments", + "park hill apartments" + ], + "1747 Lincoln Avenue": [ + "1747 Lincoln Avenue" + ], + "408-738-4862": [ + "408-738-4862" + ], + "Bonnie Terrace Apartments": [ + "Bonnie Terrace Apartments" + ], + "660 Gail Avenue": [ + "660 Gail Avenue" + ], + "888-854-9884": [ + "888-854-9884" + ], + "Bay Village Apartments": [ + "Bay village apartments", + "Bay Village Apartments", + "Bay Village apartments" + ], + "1107 Porter Street": [ + "1107 Porter Street" + ], + "Harbor Park Apartment Homes": [ + "Harbor Park Apartment Homes" + ], + "961 Porter Street": [ + "961 Porter Street" + ], + "833-420-7531": [ + "833-420-7531" + ], + "Bella Vista Apartments": [ + "Bella Vista Apartments" + ], + "1500 Vista Club Circle": [ + "1500 Vista Club Circle" + ], + "Muir Creek Apartments": [ + "Muir Creek Apartments" + ], + "486 Morello Avenue": [ + "486 Morello Avenue" + ], + "Lotus Apartments": [ + "Lotus Apartments" + ], + "3979 Alhambra Avenue": [ + "3979 Alhambra Avenue" + ], + "Mission Pines Apartments": [ + "Mission Pines Apartments" + ], + "3600 Pine Street": [ + "3600 Pine Street" + ], + "833-255-0983": [ + "833-255-0983" + ], + "Amador Royal": [ + "Amador Royal", + "amador royal" + ], + "25173 Cypress Avenue": [ + "25173 Cypress Avenue" + ], + "Huntwood Commons": [ + "Huntwood Commons" + ], + "27901 Huntwood Avenue # 126": [ + "27901 Huntwood Avenue # 126" + ], + "400 Canal Street Apartments": [ + "400 canal street apartments", + "400 Canal Street Apartments" + ], + "400 Canal Street # 131": [ + "400 Canal Street # 131", + "400 canal street # 131" + ], + "Canal Apartments": [ + "canal apartments", + "Canal Apartments" + ], + "330 Canal Street": [ + "330 canal street", + "330 Canal Street" + ], + "415-456-6619": [ + "415-456-6619" + ], + "707-896-4168": [ + "707-896-4168" + ], + "Indian Creek": [ + "Indian Creek" + ], + "801 Marine Parkway": [ + "801 Marine Parkway" + ], + "Marymount Apartments": [ + "Marymount Apartments" + ], + "1405 Marshall Street": [ + "1405 Marshall Street" + ], + "Villas At Bair Island Apartment Homes": [ + "Villas At Bair Island Apartment Homes" + ], + "700 Bair Island Road": [ + "700 Bair Island Road" + ], + "925-943-7977": [ + "925-943-7977" + ], + "925-706-0874": [ + "925-706-0874" + ], + "Amador Lakes Apartment Homes": [ + "Amador Lakes Apartment Homes" + ], + "8105 North Lake Drive": [ + "8105 North Lake Drive" + ], + "Jefferson At Emerald Park": [ + "Jefferson At emerald park", + "Jefferson At Emerald Park", + "Jefferson at Emerald Park" + ], + "5050 Hacienda Drive": [ + "5050 Hacienda Drive" + ], + "Briarwood Apartments": [ + "Briarwood Apartments" + ], + "141 Golf Club Road": [ + "141 Golf Club Road" + ], + "925-798-4830": [ + "925-798-4830" + ], + "408-926-3999": [ + "408-926-3999" + ], + "408-738-0935": [ + "408-738-0935" + ], + "Berkshire Laurel Creek": [ + "Berkshire Laurel Creek" + ], + "2751 Peppertree Drive": [ + "2751 Peppertree Drive" + ], + "Civic Plaza Apartments": [ + "Civic Plaza Apartments" + ], + "10944 San Pablo Avenue # 800": [ + "10944 San Pablo Avenue # 800" + ], + "1700": [ + "1,700 bucks", + "$1700", + "$1,700", + "1,700 dollars" + ], + "CheckBalance": [ + "CheckBalance" + ], + "checking": [ + "checking" + ], + "savings": [ + "savings" + ], + "5118.77": [ + "$5,118.77" + ], + "TransferMoney": [ + "TransferMoney" + ], + "Amir": [ + "AMir", + "Amir" + ], + "1630": [ + "1630 bucks", + "1,630 bucks", + "1630 dollars", + "$1,630" + ], + "3488.77": [ + "$3,488.77" + ], + "24344.68": [ + "$24,344.68" + ], + "6175.85": [ + "$6,175.85" + ], + "1180": [ + "1,180 bucks", + "$1,180", + "$1180" + ], + "Maria": [ + "maria", + "Maria" + ], + "4995.85": [ + "$4,995.85" + ], + "11119.11": [ + "$11,119.11" + ], + "980": [ + "980 dollars", + "nine hundred and eighty dollars", + "$980", + "980 bucks" + ], + "10139.11": [ + "$10,139.11" + ], + "15382.30": [ + "$15,382.30" + ], + "5783.31": [ + "$5,783.31" + ], + "Abhinav": [ + "Abhinav", + "abhinav" + ], + "1740": [ + "$1,740", + "1,740 dollars", + "1740 dollars" + ], + "4043.31": [ + "$4,043.31" + ], + "8903.46": [ + "$8,903.46" + ], + "1907.72": [ + "$1,907.72" + ], + "Xiaoxue": [ + "XiaoXue", + "Xiaoxue", + "xiaoxue" + ], + "1290": [ + "$1,290", + "one thousand two hundred and ninety bucks", + "one thousand two hundred and ninety dollars", + "$1290" + ], + "617.72": [ + "$617.72" + ], + "15160.16": [ + "$15,160.16" + ], + "810": [ + "eight hundred and ten dollars", + "$810" + ], + "Pranav": [ + "Pranav" + ], + "14350.16": [ + "$14,350.16" + ], + "10507.22": [ + "$10,507.22" + ], + "Raghav": [ + "Raghav", + "raghav" + ], + "950": [ + "$950", + "nine hundred and fifty bucks", + "950 dollars", + "nine hundred and fifty dollars" + ], + "9557.22": [ + "$9,557.22" + ], + "1667.15": [ + "$1,667.15" + ], + "1000": [ + "$1,000", + "1,000 bucks" + ], + "667.15": [ + "$667.15" + ], + "3098.30": [ + "$3,098.30" + ], + "17542.19": [ + "$17,542.19" + ], + "1340": [ + "$1,340", + "1,340 dollars", + "one thousand three hundred and forty bucks" + ], + "16202.19": [ + "$16,202.19" + ], + "19533.12": [ + "$19,533.12" + ], + "19811.16": [ + "$19,811.16" + ], + "1200": [ + "1200 dollars", + "$1200", + "1200 bucks", + "$1,200", + "one thousand two hundred dollars" + ], + "Srinivas": [ + "Srinivas", + "srinivas" + ], + "18611.16": [ + "$18,611.16" + ], + "15443.10": [ + "$15,443.10" + ], + "800": [ + "800 dollars", + "$800", + "eight hundred dollars" + ], + "14643.10": [ + "$14,643.10" + ], + "1345.35": [ + "$1,345.35" + ], + "930": [ + "930 dollars", + "$930" + ], + "415.35": [ + "$415.35" + ], + "11637.69": [ + "$11,637.69" + ], + "17867.24": [ + "$17,867.24" + ], + "1210": [ + "$1,210", + "1210 bucks" + ], + "16657.24": [ + "$16,657.24" + ], + "20492.56": [ + "$20,492.56" + ], + "1347.83": [ + "$1,347.83" + ], + "770": [ + "$770", + "seven hundred and seventy bucks" + ], + "577.83": [ + "$577.83" + ], + "11150.42": [ + "$11,150.42" + ], + "18260.68": [ + "$18,260.68" + ], + "1780": [ + "$1780", + "1780 bucks", + "1780 dollars", + "$1,780", + "1,780 bucks", + "one thousand seven hundred and eighty dollars" + ], + "Sanuj": [ + "Sanuj", + "sanuj" + ], + "16480.68": [ + "$16,480.68" + ], + "11440.25": [ + "$11,440.25" + ], + "2660.69": [ + "$2,660.69" + ], + "990": [ + "$990", + "990 bucks", + "990 dollars" + ], + "1670.69": [ + "$1,670.69" + ], + "21183.32": [ + "$21,183.32" + ], + "15533.47": [ + "$15,533.47" + ], + "520": [ + "five hundred and twenty bucks", + "$520", + "520 dollars" + ], + "15013.47": [ + "$15,013.47" + ], + "9664.62": [ + "$9,664.62" + ], + "8905.15": [ + "$8,905.15" + ], + "1620": [ + "1620 dollars", + "one thousand six hundred and twenty bucks", + "$1620", + "$1,620" + ], + "7285.15": [ + "$7,285.15" + ], + "10659.49": [ + "$10,659.49" + ], + "12976.62": [ + "$12,976.62" + ], + "650": [ + "Six hundred and fifty dollars", + "650 bucks", + "$650" + ], + "12326.62": [ + "$12,326.62" + ], + "18934.13": [ + "$18,934.13" + ], + "21913.32": [ + "$21,913.32" + ], + "20413.32": [ + "$20,413.32" + ], + "7606.45": [ + "$7,606.45" + ], + "6056.45": [ + "$6,056.45" + ], + "10132.76": [ + "$10,132.76" + ], + "430": [ + "$430", + "430 bucks", + "430 dollars", + "four hundred and thirty bucks" + ], + "9702.76": [ + "$9,702.76" + ], + "19799.10": [ + "$19,799.10" + ], + "590": [ + "$590", + "590 bucks", + "590 dollars" + ], + "19209.10": [ + "$19,209.10" + ], + "13522.87": [ + "$13,522.87" + ], + "23996.23": [ + "$23,996.23" + ], + "780": [ + "780 dollars", + "seven hundred and eighty bucks", + "$780" + ], + "23216.23": [ + "$23,216.23" + ], + "8582.77": [ + "$8,582.77" + ], + "6802.77": [ + "$6,802.77" + ], + "22225.32": [ + "$22,225.32" + ], + "1130": [ + "1130 dollars", + "1,130 bucks", + "$1,130" + ], + "21095.32": [ + "$21,095.32" + ], + "7717.10": [ + "$7,717.10" + ], + "14228.37": [ + "$14,228.37" + ], + "1710": [ + "$1,710", + "1710 dollars", + "1,710 dollars" + ], + "12518.37": [ + "$12,518.37" + ], + "17480.31": [ + "$17,480.31" + ], + "16680.31": [ + "$16,680.31" + ], + "4072.35": [ + "$4,072.35" + ], + "20635.16": [ + "$20,635.16" + ], + "19435.16": [ + "$19,435.16" + ], + "4002.90": [ + "$4,002.90" + ], + "12509.36": [ + "$12,509.36" + ], + "1720": [ + "one thousand seven hundred and twenty dollars", + "1720 bucks", + "$1,720", + "$1720" + ], + "10789.36": [ + "$10,789.36" + ], + "17982.31": [ + "$17,982.31" + ], + "3948.16": [ + "$3,948.16" + ], + "2448.16": [ + "$2,448.16" + ], + "13703.79": [ + "$13,703.79" + ], + "18195.79": [ + "$18,195.79" + ], + "1520": [ + "$1,520", + "$1520" + ], + "16675.79": [ + "$16,675.79" + ], + "2837.26": [ + "$2,837.26" + ], + "660": [ + "six hundred and sixty dollars", + "$660", + "660" + ], + "1097.26": [ + "$1,097.26" + ], + "22494.33": [ + "$22,494.33" + ], + "1230.19": [ + "$1,230.19" + ], + "600": [ + "$600", + "600 bucks", + "six hundred bucks" + ], + "630.19": [ + "$630.19" + ], + "21219.36": [ + "$21,219.36" + ], + "24384.31": [ + "$24,384.31" + ], + "830": [ + "$830" + ], + "23554.31": [ + "$23,554.31" + ], + "8316.79": [ + "$8,316.79" + ], + "20335.27": [ + "$20,335.27" + ], + "19135.27": [ + "$19,135.27" + ], + "16494.74": [ + "$16,494.74" + ], + "16234.74": [ + "$16,234.74" + ], + "7883.47": [ + "$7,883.47" + ], + "1330": [ + "$1,330", + "one thousand three hundred and thirty dollars" + ], + "6553.47": [ + "$6,553.47" + ], + "1597.61": [ + "$1,597.61" + ], + "22559.34": [ + "$22,559.34" + ], + "730": [ + "$730", + "730 dollars" + ], + "21829.34": [ + "$21,829.34" + ], + "3857.79": [ + "$3,857.79" + ], + "13174.25": [ + "$13,174.25" + ], + "12374.25": [ + "$12,374.25" + ], + "1274.55": [ + "$1,274.55" + ], + "874.55": [ + "$874.55" + ], + "24991.25": [ + "$24,991.25" + ], + "22020.31": [ + "$22,020.31" + ], + "21370.31": [ + "$21,370.31" + ], + "22326.22": [ + "$22,326.22" + ], + "20186.84": [ + "$20,186.84" + ], + "720": [ + "720 dollars", + "seven hundred and twenty dollars", + "$720", + "720 bucks" + ], + "19466.84": [ + "$19,466.84" + ], + "13507.61": [ + "$13,507.61" + ], + "12087.67": [ + "$12,087.67" + ], + "1730": [ + "1730 dollars", + "one thousand seven hundred and thirty dollars", + "1,730 dollars", + "$1,730", + "one thousand seven hundred and thirty bucks", + "$1730", + "1,730 bucks" + ], + "10357.67": [ + "$10,357.67" + ], + "960.16": [ + "$960.16" + ], + "910.16": [ + "$910.16" + ], + "17402.20": [ + "$17,402.20" + ], + "1770": [ + "1,770 dollars", + "1770 bucks", + "$1770", + "1770 dollars", + "$1,770" + ], + "15632.20": [ + "$15,632.20" + ], + "4482.60": [ + "$4,482.60" + ], + "9032.11": [ + "$9,032.11" + ], + "7402.11": [ + "$7,402.11" + ], + "20611.26": [ + "$20,611.26" + ], + "18831.26": [ + "$18,831.26" + ], + "13053.62": [ + "$13,053.62" + ], + "14153.36": [ + "$14,153.36" + ], + "580": [ + "580 dollars", + "$580" + ], + "13573.36": [ + "$13,573.36" + ], + "14478.13": [ + "$14,478.13" + ], + "1010": [ + "1010 dollars", + "1,010 dollars", + "$1,010" + ], + "13468.13": [ + "$13,468.13" + ], + "24432.56": [ + "$24,432.56" + ], + "22882.56": [ + "$22,882.56" + ], + "6819.68": [ + "$6,819.68" + ], + "22782.90": [ + "$22,782.90" + ], + "22482.90": [ + "$22,482.90" + ], + "4040.38": [ + "$4,040.38" + ], + "6376.55": [ + "$6,376.55" + ], + "4776.55": [ + "$4,776.55" + ], + "9478.68": [ + "$9,478.68" + ], + "20638.21": [ + "$20,638.21" + ], + "18988.21": [ + "$18,988.21" + ], + "6626.49": [ + "$6,626.49" + ], + "4194.63": [ + "$4,194.63" + ], + "690": [ + "$690", + "six hundred and ninety bucks" + ], + "3504.63": [ + "$3,504.63" + ], + "20612.85": [ + "$20,612.85" + ], + "7531.24": [ + "$7,531.24" + ], + "850": [ + "850 bucks", + "$850", + "850 dollars" + ], + "6681.24": [ + "$6,681.24" + ], + "21541.36": [ + "$21,541.36" + ], + "19821.36": [ + "$19,821.36" + ], + "774.38": [ + "$774.38" + ], + "16608.24": [ + "$16,608.24" + ], + "1490": [ + "$1,490", + "1490 bucks", + "1,490 bucks", + "$1490" + ], + "15118.24": [ + "$15,118.24" + ], + "5703.30": [ + "$5,703.30" + ], + "16188.77": [ + "$16,188.77" + ], + "15338.77": [ + "$15,338.77" + ], + "15026.51": [ + "$15,026.51" + ], + "17898.68": [ + "$17,898.68" + ], + "17668.68": [ + "$17,668.68" + ], + "24453.75": [ + "$24,453.75" + ], + "6321.86": [ + "$6,321.86" + ], + "4591.86": [ + "$4,591.86" + ], + "7065.60": [ + "$7,065.60" + ], + "10652.36": [ + "$10,652.36" + ], + "610": [ + "610 dollars", + "six hundred and ten dollars", + "$610" + ], + "10042.36": [ + "$10,042.36" + ], + "16625.14": [ + "$16,625.14" + ], + "16225.14": [ + "$16,225.14" + ], + "6812.68": [ + "$6,812.68" + ], + "6782.68": [ + "$6,782.68" + ], + "24359.89": [ + "$24,359.89" + ], + "21446.16": [ + "$21,446.16" + ], + "19736.16": [ + "$19,736.16" + ], + "8388.60": [ + "$8,388.60" + ], + "19747.65": [ + "$19,747.65" + ], + "18117.65": [ + "$18,117.65" + ], + "22398.89": [ + "$22,398.89" + ], + "21418.89": [ + "$21,418.89" + ], + "1305.32": [ + "$1,305.32" + ], + "9886.52": [ + "$9,886.52" + ], + "8186.52": [ + "$8,186.52" + ], + "23923.86": [ + "$23,923.86" + ], + "22663.86": [ + "$22,663.86" + ], + "7687.29": [ + "$7,687.29" + ], + "3462.27": [ + "$3,462.27" + ], + "3362.27": [ + "$3,362.27" + ], + "4847.27": [ + "$4,847.27" + ], + "16104.40": [ + "$16,104.40" + ], + "1580": [ + "one thousand five hundred and eighty dollars", + "$1,580", + "1580 bucks" + ], + "14524.40": [ + "$14,524.40" + ], + "5059.69": [ + "$5,059.69" + ], + "6008.27": [ + "$6,008.27" + ], + "5788.27": [ + "$5,788.27" + ], + "9734.66": [ + "$9,734.66" + ], + "8154.66": [ + "$8,154.66" + ], + "22116.23": [ + "$22,116.23" + ], + "20001.74": [ + "$20,001.74" + ], + "1090": [ + "1,090 bucks", + "$1,090" + ], + "18911.74": [ + "$18,911.74" + ], + "14496.79": [ + "$14,496.79" + ], + "760": [ + "760 bucks", + "$760" + ], + "13736.79": [ + "$13,736.79" + ], + "20262.81": [ + "$20,262.81" + ], + "19312.81": [ + "$19,312.81" + ], + "20179.68": [ + "$20,179.68" + ], + "18787.86": [ + "$18,787.86" + ], + "18337.86": [ + "$18,337.86" + ], + "4503.52": [ + "$4,503.52" + ], + "8474.18": [ + "$8,474.18" + ], + "860": [ + "860 bucks", + "$860", + "eight hundred and sixty dollars" + ], + "7614.18": [ + "$7,614.18" + ], + "12012.66": [ + "$12,012.66" + ], + "9376.73": [ + "$9,376.73" + ], + "960": [ + "$960", + "960 dollars" + ], + "640": [ + "$640", + "six hundred and forty bucks", + "640 dollars" + ], + "8736.73": [ + "$8,736.73" + ], + "21254.82": [ + "$21,254.82" + ], + "20734.82": [ + "$20,734.82" + ], + "5459.64": [ + "$5,459.64" + ], + "19746.79": [ + "$19,746.79" + ], + "1050": [ + "$1,050", + "1,050 bucks", + "1050 dollars" + ], + "18696.79": [ + "$18,696.79" + ], + "7169.13": [ + "$7,169.13" + ], + "24521.74": [ + "$24,521.74" + ], + "24351.74": [ + "$24,351.74" + ], + "7885.53": [ + "$7,885.53" + ], + "7245.53": [ + "$7,245.53" + ], + "16173.38": [ + "$16,173.38" + ], + "14403.38": [ + "$14,403.38" + ], + "20237.61": [ + "$20,237.61" + ], + "19587.61": [ + "$19,587.61" + ], + "3717.38": [ + "$3,717.38" + ], + "480": [ + "480 bucks", + "$480", + "480 dollars" + ], + "3237.38": [ + "$3,237.38" + ], + "21181.35": [ + "$21,181.35" + ], + "10411.72": [ + "$10,411.72" + ], + "10101.72": [ + "$10,101.72" + ], + "15243.73": [ + "$15,243.73" + ], + "18521.45": [ + "$18,521.45" + ], + "1320": [ + "$1,320", + "1,320 bucks", + "one thousand three hundred and twenty bucks", + "1320 dollars" + ], + "17201.45": [ + "$17,201.45" + ], + "21248.89": [ + "$21,248.89" + ], + "20648.89": [ + "$20,648.89" + ], + "18282.90": [ + "$18,282.90" + ], + "11142.38": [ + "$11,142.38" + ], + "630": [ + "$630" + ], + "10512.38": [ + "$10,512.38" + ], + "21630.40": [ + "$21,630.40" + ], + "21200.40": [ + "$21,200.40" + ], + "20985.66": [ + "$20,985.66" + ], + "19385.66": [ + "$19,385.66" + ], + "5250.80": [ + "$5,250.80" + ], + "4930.80": [ + "$4,930.80" + ], + "1701.42": [ + "$1,701.42" + ], + "570": [ + "570 dollars", + "570 bucks", + "$570" + ], + "1131.42": [ + "$1,131.42" + ], + "20394.30": [ + "$20,394.30" + ], + "20084.30": [ + "$20,084.30" + ], + "13680.23": [ + "$13,680.23" + ], + "12060.23": [ + "$12,060.23" + ], + "19121.51": [ + "$19,121.51" + ], + "18901.51": [ + "$18,901.51" + ], + "21593.13": [ + "$21,593.13" + ], + "7548.43": [ + "$7,548.43" + ], + "1020": [ + "one thousand twenty bucks", + "$1,020", + "$1020", + "1,020 dollars", + "1020 bucks" + ], + "6528.43": [ + "$6,528.43" + ], + "2115.71": [ + "$2,115.71" + ], + "1450": [ + "$1,450", + "1,450 bucks", + "1,450 dollars" + ], + "665.71": [ + "$665.71" + ], + "23434.76": [ + "$23,434.76" + ], + "24417.73": [ + "$24,417.73" + ], + "23207.73": [ + "$23,207.73" + ], + "15831.19": [ + "$15,831.19" + ], + "15148.43": [ + "$15,148.43" + ], + "14758.43": [ + "$14,758.43" + ], + "6044.73": [ + "$6,044.73" + ], + "16204.55": [ + "$16,204.55" + ], + "1610": [ + "$1,610", + "1610 bucks" + ], + "14594.55": [ + "$14,594.55" + ], + "8956.31": [ + "$8,956.31" + ], + "12578.30": [ + "$12,578.30" + ], + "420": [ + "four hundred and twenty bucks", + "420 bucks", + "$420" + ], + "12158.30": [ + "$12,158.30" + ], + "Dr. Lawrence J. Mcdonald": [ + "Dr. Lawrence J. Mcdonald" + ], + "A A Aesthetics Dental Care": [ + "A A Aesthetics Dental Care" + ], + "650-966-8201": [ + "650-966-8201" + ], + "Danielson Gordon": [ + "Danielson Gordon" + ], + "Amine G Khoury": [ + "Amine G Khoury" + ], + "Artistic Smiles": [ + "Artistic Smiles" + ], + "Ocean Dental Lab": [ + "Ocean Dental Lab" + ], + "1732 Jefferson Street # 5": [ + "1732 Jefferson Street # 5" + ], + "707-253-8914": [ + "707-253-8914" + ], + "Greenview Dental Care, Yvonne Yang": [ + "Greenview Dental Care, Yvonne Yang", + "GReenview Dental Care, Yvonne Yang" + ], + "1785 San Carlos Ave # 3": [ + "1785 san carlos ave # 3", + "1785 San Carlos Ave # 3" + ], + "408-985-7933": [ + "408-985-7933" + ], + "650-591-0995": [ + "650-591-0995" + ], + "Al'S Barber Shop": [ + "al's barber shop", + "Al'S Barber Shop", + "Al's barber shop", + "Al's Barber Shop" + ], + "2425 California Street # C": [ + "2425 California Street # C" + ], + "King Of Kutz Barbershop": [ + "King of Kutz barbershop", + "King of Kutz Barbershop", + "king of kutz barbershop", + "King of kutz barbershop", + "King Of Kutz Barbershop" + ], + "27659 Mission Boulevard": [ + "27659 mission boulevard", + "27659 Mission Boulevard" + ], + "650-460-8290": [ + "650-460-8290" + ], + "855 El Camino Real Building #1 Suite #3": [ + "855 El Camino Real Building #1 Suite #3", + "855 El CAmino real building #1 Suite #3" + ], + "California Barber Shop": [ + "California Barber Shop" + ], + "Wash & Brushup Co.": [ + "Wash & Brushup Co." + ], + "707-395-0931": [ + "707-395-0931" + ], + "Eyebrow Hub - Vallejo": [ + "Eyebrow Hub - vallejo", + "Eyebrow Hub - Vallejo", + "eyebrow hub - vallejo" + ], + "Modern Classics Barber Shop": [ + "modern classics barber shop", + "Modern Classics Barber Shop" + ], + "410 Petaluma Boulevard South": [ + "410 petaluma boulevard south", + "410 Petaluma Boulevard South" + ], + "707-364-6469": [ + "707-364-6469" + ], + "Redwood Barber Co": [ + "redwood barber co" + ], + "1766 Broadway": [ + "1766 broadway" + ], + "Pinole": [ + "Pinole" + ], + "1639 North California Boulevard": [ + "1639 North California Boulevard", + "1639 north California boulevard", + "1639 north california boulevard" + ], + "925-837-2990": [ + "925-837-2990" + ], + "925-938-3648": [ + "925-938-3648" + ], + "Advanced Laser & Skin Care Center": [ + "Advanced Laser & Skin Care Center", + "Advanced Laser & Skin Care center", + "Advanced Laser & Skin care Center" + ], + "101 Park Place": [ + "101 Park Place" + ], + "Dr. Robert Greenberg": [ + "Dr. Robert Greenberg" + ], + "Diablo Family Physicians": [ + "Diablo Family Physicians", + "diablo family physicians" + ], + "2305 Camino Ramon Suite 100": [ + "2305 camino ramon suite 100", + "2305 Camino Ramon Suite 100" + ], + "925-866-1005": [ + "925-866-1005" + ], + "415-467-1400": [ + "415-467-1400" + ], + "Dr. Diane C. Albracht, MD": [ + "Dr. Diane C. Albracht, MD" + ], + "510-538-5252": [ + "510-538-5252" + ], + "2999 Regent Street #425": [ + "2999 Regent Street #425" + ], + "Dr. Madhavi Chenumalla, MD": [ + "Dr. Madhavi Chenumalla, MD" + ], + "650-299-2000": [ + "650-299-2000" + ], + "Makela Women's Health: Sandra Makela, M.D.": [ + "Makela Women's Health: Sandra Makela, M.D." + ], + "3425 South Bascom Avenue #235": [ + "3425 South Bascom Avenue #235" + ], + "Carol Winton, M.D.": [ + "Carol Winton, M.D.", + "Dr. Carol Winton" + ], + "Dr. Dina T. Nguyen, MD": [ + "Dr. Dina T. Nguyen, MD" + ], + "Dr. Robert A. Varady, MD": [ + "Dr. Robert A. Varady, MD" + ], + "Dr. Deirdre Lyell, MD": [ + "Dr. Deirdre Lyell, MD" + ], + "300 Pasteur Drive": [ + "300 Pasteur Drive" + ], + "Amita Kachru, MD": [ + "Amita Kachru, MD", + "Amita Kachru, Md" + ], + "Audrey Koh, MD (Associates In Obstetrics and Gynecology)": [ + "Audrey Koh, MD (Associates In Obstetrics and Gynecology)", + "Audrey Koh, MD (Associates in Obstetrics and Gynecology)" + ], + "415-923-3128": [ + "415-923-3128" + ], + "Nikolajs Lapins, M.D.": [ + "Nikolajs Lapins, M.D." + ], + "3300 Webster Street": [ + "3300 Webster Street" + ], + "Dr. Anne Cole": [ + "Dr. Anne Cole" + ], + "Bela Steven Kenessey, MD": [ + "Bela Steven Kenessey, MD" + ], + "Julie A. Chen, M.D.": [ + "Julie A. Chen, M.D." + ], + "Retina Center of Solano": [ + "Retina Center of Solano" + ], + "Attia Kadri, M.D.": [ + "Attia Kadri, M.D." + ], + "3536 Mendocino Avenue #380": [ + "3536 Mendocino Avenue #380" + ], + "Tam T. Nguyen, MD": [ + "Tam T. Nguyen, MD" + ], + "408-502-6188": [ + "408-502-6188" + ], + "991 County Highway G4 STE 104": [ + "991 County Highway G4 STE 104" + ], + "Dr. Sunil S. Dhawan": [ + "Dr. Sunil S. Dhawan" + ], + "Dr. Joanne Vogel MD": [ + "Dr. Joanne Vogel MD" + ], + "Helen Matthews, MD": [ + "Helen Matthews, MD" + ], + "Dr. Anakha R. Nambiar, MD": [ + "Dr. Anakha R. Nambiar, MD" + ], + "Dr. Amita Sharma": [ + "Dr. Amita Sharma" + ], + "Donna J. Lee, MD": [ + "Dr. Donna Lee", + "Donna J. Lee, MD" + ], + "Eldridge": [ + "eldridge", + "Eldridge" + ], + "Sonoma Developmental Center: Elmer Russell M MD": [ + "Sonoma Developmental Center: Elmer Russell M MD" + ], + "707-938-6000": [ + "707-938-6000" + ], + "919 Harrison Street # A": [ + "919 Harrison Street # A" + ], + "Benjamin Sadoff, MD": [ + "Benjamin Sadoff, MD" + ], + "925-677-0500": [ + "925-677-0500" + ], + "Contra Costa Eye Medical Center: Kindy Nadine A MD": [ + "Contra Costa Eye Medical Center: Kindy Nadine A MD" + ], + "Bruce M. Saal MD": [ + "Bruce M. Saal MD" + ], + "777 Knowles Drive": [ + "777 Knowles Drive" + ], + "Kalia Dermatology & Laser": [ + "Kalia Dermatology & Laser" + ], + "MarinEyes": [ + "MarinEyes" + ], + "Novato Dermatology": [ + "Novato Dermatology" + ], + "SearchHouse": [ + "SearchHouse" + ], + "1 Place de la Sorbonne, 75005": [ + "1 Place De La Sorbonne, 75005", + "1 Place de la Sorbonne, 75005", + "1 Place de la Sorbonne 75005" + ], + "1095 Market Street": [ + "1095 market Street", + "1095 Market STreet", + "1095 market street", + "1095 Market Street" + ], + "+1 415-829-0000": [ + "+1 415-829-0000" + ], + "1218": [ + "$1,218" + ], + "1000 1st Avenue": [ + "1000 1st Avenue", + "1000 1st avenue" + ], + "1101 4th Avenue": [ + "1101 4th Avenue", + "1101 4th avenue" + ], + "1635 8th Avenue": [ + "1635 8th Avenue" + ], + "+1 206-695-1234": [ + "+1 206-695-1234" + ], + "5520": [ + "$5,520" + ], + "100 Greenwich Street": [ + "100 greenwich street", + "100 Greenwich Street", + "100 Greenwich street", + "100 greenwich Street" + ], + "102 West 57th Street": [ + "102 West 57th Street" + ], + "1100 Market Street Hotel Entrance is at, 45 McAllister Street": [ + "1100 Market Street Hotel Entrance is at, 45 McAllister Street", + "1100 Market Street hotel entrance is at 45 McAllister Street", + "1100 Market Street Hotel Entrance is at 45 McAllister Street", + "1100 Market Street Hotel entrance is at, 45 McAllister Street", + "1100 market street hotel entrance is at 45 mcallister street" + ], + "1 Rue de Libourne, 75012": [ + "1 Rue de Libourne, 75012", + "1 Rue De Libourne, 75012" + ], + "+33 1 44 67 34 00": [ + "+33 1 44 67 34 00" + ], + "10044 Pacific Mesa Boulevard": [ + "10044 pacific mesa boulevard", + "10044 Pacific Mesa Boulevard" + ], + "1047 Fifth Avenue": [ + "1047 fifth avenue", + "1047 Fifth Avenue" + ], + "10 East Thomas Road": [ + "10 East Thomas Road", + "10 east thomas road", + "10 East thomas road", + "10 east Thomas Road" + ], + "+1 602-222-1111": [ + "+1 602-222-1111" + ], + "1 Columbia Court, Baulkham Hills New South Wales 2153, Australia": [ + "1 Columbia Court, Baulkham Hills new South Wales 2153, Australia", + "1 Columbia Court, Baulkham Hills New South Wales 2153, Australia", + "1 Columbia court, baulkham hills new south wales 2153, australia", + "1 Columbia Court, Baulkham hills New South Wales 2153, Australia", + "1 Columbia court, Baulkham Hills New South Wales 2153, Australia", + "1 columbia court, baulkham hills new south wales 2153, australia" + ], + "+61 2 9634 9634": [ + "+61 2 9634 9634" + ], + "1, Jalan 2/142a, Taman Len Seng, 56000 Kuala Lumpur, Wilayah Persekutuan": [ + "1, Jalan 2/142a, Taman Len Seng, 56000 Kuala Lumpur, Wilayah Persekutuan", + "1, jalan 2/142a, taman len seng, 56000 kuala lumpur, wilayah persekutuan", + "1, Jalan 2/142a, taman len seng, 56000 kuala lumpur, wilayah persekutuan" + ], + "1, Jalan Pantai Baharu, Jaya Tower 3, 59200 Kuala Lumpur, Wilayah Persekutuan": [ + "1, Jalan Pantai Baharu, Jaya Tower 3, 59200 Kuala Lumpur, Wilayah Persekutuan", + "1, Jalan Pantai Baharu, Jaya Tower 3, 59200 Kuala Lumpur, wilayah persekutuan" + ], + "10, Jalan Binjai, Kuala Lumpur, 50450": [ + "10, Jalan Binjai, Kuala Lumpur, 50450" + ], + "1 Addington Street": [ + "1 Addington Street", + "1 addington street", + "1 Addington street" + ], + "1 Baffin Way": [ + "1 Baffin Way", + "1 baffin way" + ], + "2325": [ + "2325" + ], + "1 Ham Yard": [ + "1 Ham Yard" + ], + "1 Seething Lane": [ + "1 Seething Lane" + ], + "+44 20 7702 2020": [ + "+44 20 7702 2020" + ], + "620": [ + "$620" + ], + "1 Logan Square": [ + "1 logan Square", + "1 Logan Square", + "1 logan square", + "1 Logan square" + ], + "1020 South Figueroa Street": [ + "1020 south FIgueroa Street", + "1020 South Figueroa street", + "1020 South figueroa street", + "1020 South Figueroa Street", + "1020 south figueroa street" + ], + "10320 West Olympic Boulevard": [ + "10320 west olympic boulevard", + "10320 West Olympic Boulevard" + ], + "10740 Wilshire Boulevard": [ + "10740 Wilshire Boulevard" + ], + "+1 310-475-8711": [ + "+1 310-475-8711" + ], + "+33 1 46 34 14 80": [ + "+33 1 46 34 14 80" + ], + "2480": [ + "$2,480", + "2480" + ], + "1 Kensington Street, Chippendale New South Wales 2008, Australia": [ + "1 Kensington street, chippendale new south wales 2008, australia", + "1 Kensington Street, Chippendale New South Wales 2008, Australia" + ], + "+61 2 8277 8277": [ + "+61 2 8277 8277" + ], + "7425": [ + "$7,425" + ], + "1118 North State Street": [ + "1118 North State Street" + ], + "+1 888-712-2712": [ + "+1 888-712-2712" + ], + "108 Chestnut Street": [ + "108 Chestnut Street", + "108 chestnut street", + "108 Chestnut street" + ], + "+1 416-977-5000": [ + "+1 416-977-5000" + ], + "2784": [ + "2784" + ], + "111 Carlton Street": [ + "111 Carlton Street" + ], + "3.00": [ + "3.0" + ], + "118 Yorkville Avenue": [ + "118 Yorkville Avenue" + ], + "1 Washington Circle Northwest, Washington, District of Columbia 20037, United States": [ + "1 washington circle northwest, washington, district of columbia 20037, united states", + "1 Washington Circle Northwest, Washington, District of Columbia 20037, United States" + ], + "1011 L Street Northwest, Washington, District of Columbia 20001, United States": [ + "1011 L Street Northwest, Washington, District of Columbia 20001, United States" + ], + "+1 202-898-1200": [ + "+1 202-898-1200" + ], + "1075 Thomas Jefferson Street Northwest, Washington, District of Columbia 20007, United States": [ + "1075 Thomas Jefferson Street Northwest, Washington, District of Columbia 20007, United States" + ], + "+1 202-337-0900": [ + "+1 202-337-0900" + ], + "1040": [ + "$1,040" + ], + "100-15 Ditmars Boulevard, East Elmhurst, NY 11369, USA": [ + "100-15 Ditmars Boulevard, East Elmhurst NY 11369, USA", + "100-15 Ditmars Boulevard, East Elmhurst, NY 11369, USA", + "100-15 Ditmars Boulevard East Elmhurst NY 11369 USA" + ], + "+1 212-379-0103": [ + "+1 212-379-0103" + ], + "1008": [ + "$1,008" + ], + "1 South Franklin Street": [ + "1 South Franklin Street", + "1 south franklin street" + ], + "+1 312-558-1020": [ + "+1 312-558-1020" + ], + "11 Rue des Gravilliers, 75003": [ + "11 Rue des Gravilliers, 75003" + ], + "+33 1 44 54 13 13": [ + "+33 1 44 54 13 13" + ], + "2940": [ + "$2,940" + ], + "+44 333 400 6116": [ + "+44 333 400 6116" + ], + "2772": [ + "$2,772" + ], + "4928": [ + "$4,928" + ], + "1006 Spring Street": [ + "1006 Spring Street" + ], + "+1 206-621-1770": [ + "+1 206-621-1770" + ], + "1753 Orchid Avenue": [ + "1753 orchid avenue", + "1753 Orchid Avenue" + ], + "1800 Argyle Avenue": [ + "1800 Argyle Avenue", + "1800 argyle avenue" + ], + "+1 213-279-3532": [ + "+1 213-279-3532" + ], + "2.90": [ + "2.9" + ], + "3072": [ + "3072" + ], + "1 Hosking Place": [ + "1 Hosking Place", + "1 hosking place", + "1 Hosking place" + ], + "4032": [ + "$4,032" + ], + "1000 Northeast Multnomah Street": [ + "1000 Northeast multnomah street", + "1000 northeast multnomah street", + "1000 Northeast Multnomah Street" + ], + "1150 Northwest 9th Avenue": [ + "1150 Northwest 9th Avenue", + "1150 Northwest 9th avenue", + "1150 northwest 9th avenue" + ], + "+1 503-220-1339": [ + "+1 503-220-1339" + ], + "+44 20 7517 1100": [ + "+44 20 7517 1100" + ], + "936": [ + "$936" + ], + "1 Duke's Road": [ + "1 Duke's Road" + ], + "+60 3-9100 1133": [ + "+60 3-9100 1133" + ], + "1133 Atlantic Avenue": [ + "1133 Atlantic Avenue", + "1133 atlantic avenue", + "1133 Atlantic avenue" + ], + "1725 Long Beach Boulevard": [ + "1725 Long Beach Boulevard", + "1725 long beach boulevard", + "1725 Long beach boulevard" + ], + "3771 North Lakewood Boulevard": [ + "3771 North Lakewood Boulevard", + "3771 north lakewood boulevard" + ], + "+1 562-425-0010": [ + "+1 562-425-0010" + ], + "2106": [ + "$2,106" + ], + "624": [ + "$624" + ], + "1080": [ + "$1,080", + "1080" + ], + "2349": [ + "2349" + ], + "1100": [ + "one thousand one hundred dollars", + "1100 dollars", + "One thousand one hundred dollars", + "$1,100" + ], + "1041 Southwest Marine Drive": [ + "1041 Southwest Marine Drive" + ], + "+1 604-263-1555": [ + "+1 604-263-1555" + ], + "+60 3-7490 3333": [ + "+60 3-7490 3333" + ], + "3120": [ + "$3,120" + ], + "721 Pine Street": [ + "721 Pine Street" + ], + "2976": [ + "2976" + ], + "+60 3-2298 1888": [ + "+60 3-2298 1888" + ], + "5824": [ + "$5,824" + ], + "1 Connaught Road": [ + "1 Connaught Road" + ], + "1044": [ + "1044", + "$1,044" + ], + "2.70": [ + "2.7" + ], + "+1 917-409-0800": [ + "+1 917-409-0800" + ], + "1033 6th Avenue": [ + "1033 6th Avenue" + ], + "+1 858-597-0500": [ + "+1 858-597-0500" + ], + "1 Salisbury Road, Castle Hill New South Wales 2154, Australia": [ + "1 Salisbury Road, Castle Hill New South Wales 2154, Australia" + ], + "552": [ + "$552" + ], + "3360": [ + "3360", + "$3,360" + ], + "1020, Jalan Sultan Ismail, 50250": [ + "1020, Jalan Sultan Ismail, 50250" + ], + "1890": [ + "1890" + ], + "12 Darling Drive": [ + "12 Darling Drive" + ], + "+61 2 8388 8888": [ + "+61 2 8388 8888" + ], + "121 Baxter Road, Mascot New South Wales 2020, Australia": [ + "121 Baxter Road, Mascot New South Wales 2020, Australia" + ], + "101 Andrew Young International Boulevard Northwest": [ + "101 Andrew Young International Boulevard Northwest", + "101 Andrew young International Boulevard Northwest" + ], + "1065 Peachtree Street Northeast": [ + "1065 Peachtree Street Northeast" + ], + "1414 West Peachtree Street Northwest": [ + "1414 West Peachtree Street Northwest" + ], + "+1 404-685-1677": [ + "+1 404-685-1677" + ], + "396": [ + "396", + "$396" + ], + "1980": [ + "1980" + ], + "+1 415-735-7777": [ + "+1 415-735-7777" + ], + "111 Mason Street": [ + "111 Mason Street" + ], + "1188": [ + "1188", + "$1,188" + ], + "+1 206-957-1000": [ + "+1 206-957-1000" + ], + "528": [ + "$528" + ], + "1003 Coast Boulevard, La Jolla, California 92037, United States": [ + "1003 Coast Boulevard, la Jolla California 92037, United States", + "1003 Coast Boulevard, La Jolla, California 92037, united States", + "1003 Coast Boulevard, La Jolla, California 92037 United States", + "1003 Coast Boulevard La Jolla, California 92037, United States", + "1003 Coast Boulevard, La Jolla, California 92037, United States", + "1003 Coast Boulevard, La Jolla, California 92037, United states", + "1003 coast boulevard, la jolla, california 92037, united states", + "1003 Coast Boulevard, La Jolla California 92037, United States", + "1003 Coast boulevard la jolla, california 92037 united states", + "1003 Coast Boulevard, La Jolla, California, 92037, United States" + ], + "+1 855-287-2682": [ + "+1 855-287-2682" + ], + "4320": [ + "$4,320" + ], + "1254": [ + "1254" + ], + "111 North 12th Street, Brooklyn": [ + "111 North 12th Street, Brooklyn" + ], + "840": [ + "$840" + ], + "+1 718-631-8400": [ + "+1 718-631-8400" + ], + "648": [ + "$648" + ], + "10 Atchison Street, St Leonards New South Wales 2065, Australia": [ + "10 Atchison Street, St Leonards New South Wales 2065, Australia" + ], + "11 Hickson Road Walsh Bay": [ + "11 Hickson Road Walsh Bay" + ], + "+61 2 8298 9999": [ + "+61 2 8298 9999" + ], + "+1 202-872-1680": [ + "+1 202-872-1680" + ], + "1127 Connecticut Avenue Northwest, Washington, District of Columbia 20036, United States": [ + "1127 Connecticut Avenue Northwest, Washington, District of Columbia 20036, United States" + ], + "+1 202-347-3000": [ + "+1 202-347-3000" + ], + "1 Leicester Square": [ + "1 Leicester Square" + ], + "+44 20 3953 4200": [ + "+44 20 3953 4200" + ], + "560": [ + "five hundred and sixty dollars", + "$560" + ], + "1638": [ + "$1,638" + ], + "992": [ + "$992" + ], + "1018 Granville Street": [ + "1018 Granville Street", + "1018 granville street" + ], + "+1 877-972-6378": [ + "+1 877-972-6378" + ], + "4176": [ + "$4,176" + ], + "1455 Southwest Broadway": [ + "1455 Southwest Broadway" + ], + "+1 503-334-2167": [ + "+1 503-334-2167" + ], + "+61 2 9680 3800": [ + "+61 2 9680 3800" + ], + "1404": [ + "$1,404" + ], + "+1 800-780-7234": [ + "+1 800-780-7234" + ], + "111 Lombard Street": [ + "111 Lombard Street" + ], + "+1 416-367-5555": [ + "+1 416-367-5555" + ], + "957": [ + "$957" + ], + "+61 1300 633 462": [ + "+61 1300 633 462" + ], + "2640": [ + "$2,640" + ], + "1050 West Ball Road": [ + "1050 West Ball Road", + "1050 west ball road" + ], + "12 4th Street": [ + "12 4th Street" + ], + "+1 213-748-1291": [ + "+1 213-748-1291" + ], + "120 West 41st Street": [ + "120 West 41st Street" + ], + "+1 888-559-5862": [ + "+1 888-559-5862" + ], + "Cypress Point Villas": [ + "Cypress Point Villas" + ], + "25221 Cypress Avenue": [ + "25221 Cypress Avenue" + ], + "510-781-0217": [ + "510-781-0217" + ], + "Brookside Gardens": [ + "Brookside Gardens" + ], + "1265 Montecito Avenue": [ + "1265 Montecito Avenue" + ], + "650-940-9349": [ + "650-940-9349" + ], + "1555 West Middlefield Road": [ + "1555 West Middlefield Road" + ], + "3998 East Avenue": [ + "3998 East Avenue" + ], + "Courtyard Apartments": [ + "Courtyard Apartments", + "courtyard apartments" + ], + "1711 Detroit Avenue": [ + "1711 detroit avenue", + "1711 Detroit avenue", + "1711 Detroit Avenue" + ], + "Ridgeway Apartments": [ + "Ridgeway Apartments" + ], + "141 Donahue Street": [ + "141 Donahue Street", + "141 Donahue street" + ], + "Carmel House": [ + "Carmel house", + "Carmel House" + ], + "1756 Carmel Drive": [ + "1756 Carmel Drive", + "1756 carmel drive" + ], + "Aster Park Apartments": [ + "Aster park apartments", + "aster park apartments", + "Aster Park Apartments", + "Aster Park apartments" + ], + "1059 Reed Avenue": [ + "1059 reed avenue", + "1059 Reed Avenue", + "1059 Reed avenue" + ], + "Sequoia Grove Of Danville": [ + "Sequoia Grove of Danville" + ], + "950 Podva Road": [ + "950 Podva Road" + ], + "Arbors Apartments": [ + "Arbors Apartments" + ], + "5317 Creely Avenue": [ + "5317 Creely Avenue" + ], + "707-537-9866": [ + "707-537-9866" + ], + "Cloverdale Garden Apartments": [ + "Cloverdale Garden Apartments" + ], + "18 Clark Avenue": [ + "18 Clark avenue", + "18 Clark Avenue" + ], + "Banff Apartments": [ + "Banff Apartments" + ], + "22185 Center Street # 59": [ + "22185 Center Street # 59" + ], + "Oakley": [ + "Oakley", + "oakley" + ], + "Summer Creek Place": [ + "Summer Creek Place" + ], + "4950 Empire Avenue # D2": [ + "4950 Empire Avenue # D2" + ], + "510-455-8815": [ + "510-455-8815" + ], + "Quail Hill Apartments": [ + "Quail Hill Apartments" + ], + "20800 Lake Chabot Road": [ + "20800 Lake Chabot Road" + ], + "Shadow Creek Apartments": [ + "Shadow Creek Apartments" + ], + "22120 Center Street": [ + "22120 Center Street" + ], + "Lakewood Access Line": [ + "Lakewood Access Line" + ], + "655 John Muir Drive": [ + "655 John Muir Drive" + ], + "Buchanan Park": [ + "Buchanan Park", + "buchanan park" + ], + "Cambridge Square Apartments": [ + "Cambridge Square Apartments", + "Cambridge square apartments", + "cambridge Square Apartments", + "cambridge square apartments" + ], + "1450 East Cotati Avenue": [ + "1450 east cotati avenue", + "1450 East Cotati Avenue" + ], + "Country Club Village": [ + "Country Club Village" + ], + "6351 Country Club Drive": [ + "6351 Country Club Drive" + ], + "707-739-4189": [ + "707-739-4189" + ], + "Dry Creek Apartments": [ + "Dry Creek Apartments" + ], + "33300 Mission Boulevard": [ + "33300 Mission Boulevard", + "33300 mission Boulevard" + ], + "510-489-0546": [ + "510-489-0546" + ], + "Spinnaker Pointe Apartments": [ + "Spinnaker Pointe Apartments" + ], + "231 Dixon Landing Road": [ + "231 Dixon Landing Road" + ], + "408-262-3223": [ + "408-262-3223" + ], + "Briarwood Garden Apartments": [ + "Briarwood Garden Apartments" + ], + "3440 Warburton Avenue": [ + "3440 Warburton Avenue" + ], + "1495 Don Avenue": [ + "1495 Don Avenue" + ], + "Casa Vista Apartments": [ + "Casa Vista Apartments" + ], + "55 Fairfax Street #27": [ + "55 Fairfax Street #27" + ], + "Hamilton Woods Apartments": [ + "Hamilton Woods Apartments" + ], + "1009 Green Oak Drive": [ + "1009 Green Oak Drive" + ], + "707-793-0123": [ + "707-793-0123" + ], + "Carriage House Apartments": [ + "Carriage House apartments", + "Carriage House Apartments", + "carriage house apartments" + ], + "1655 Pomeroy Avenue": [ + "1655 Pomeroy Avenue", + "1655 pomeroy avenue" + ], + "408-241-6308": [ + "408-241-6308" + ], + "Sofi Dublin": [ + "Sofi Dublin" + ], + "7100 San Ramon Road": [ + "7100 San Ramon Road" + ], + "925-852-6807": [ + "925-852-6807" + ], + "Fernmar Apartments": [ + "Fernmar Apartments" + ], + "210 Easy Street": [ + "210 Easy street", + "210 Easy Street" + ], + "650-961-2975": [ + "650-961-2975" + ], + "Crescent Manor": [ + "Crescent Manor" + ], + "455 Crescent Avenue": [ + "455 Crescent Avenue" + ], + "2050": [ + "$2,050", + "$2050" + ], + "408-737-1130": [ + "408-737-1130" + ], + "Evelyn Gardens": [ + "Evelyn Gardens" + ], + "1055 East Evelyn Avenue": [ + "1055 East Evelyn Avenue" + ], + "Brookside Oaks": [ + "Brookside Oaks" + ], + "1651 Belleville Way": [ + "1651 Belleville Way" + ], + "Blossom River Apartments": [ + "Blossom River Apartments" + ], + "1000 Blossom River Way": [ + "1000 Blossom River Way" + ], + "Epic": [ + "Epic" + ], + "600 Epic Way": [ + "600 Epic Way" + ], + "669-888-1610": [ + "669-888-1610" + ], + "Spring Valley Apartments": [ + "Spring Valley Apartments" + ], + "133 North Temple Drive": [ + "133 North Temple Drive" + ], + "Fox Creek Apartments": [ + "fox creek apartments", + "Fox Creek Apartments" + ], + "3225 Harbor Street": [ + "3225 harbor street", + "3225 Harbor Street" + ], + "925-432-0333": [ + "925-432-0333" + ], + "Baywoods Apartment Homes": [ + "baywoods apartment homes", + "Baywoods Apartment Homes" + ], + "2005 San Jose Drive": [ + "2005 San Jose Drive" + ], + "925-757-1250": [ + "925-757-1250" + ], + "650-341-3367": [ + "650-341-3367" + ], + "510-236-4935": [ + "510-236-4935" + ], + "Parkside Apartments": [ + "Parkside Apartments", + "Parkside apartments" + ], + "1501 Decoto Road": [ + "1501 Decoto Road" + ], + "Cadillac Flats Apartments": [ + "Cadillac Flats Apartments" + ], + "234 Soscol Avenue": [ + "234 Soscol Avenue" + ], + "707-258-1370": [ + "707-258-1370" + ], + "City Centre": [ + "City Centre", + "City centre" + ], + "22800 Meridian Drive": [ + "22800 Meridian Drive" + ], + "Cypress Glen": [ + "Cypress Glen", + "Cypress glen" + ], + "25100 Cypress Avenue": [ + "25100 Cypress Avenue" + ], + "Briarwood At Central Park": [ + "Briarwood at Central Park", + "Briarwood At Central Park" + ], + "4200 Bay Street": [ + "4200 Bay Street", + "4200 Bay street" + ], + "3250": [ + "$3,250", + "3250", + "$3250" + ], + "Hacienda Commons Apartments": [ + "Hacienda Commons Apartments" + ], + "5000 Owens Drive": [ + "5000 Owens Drive" + ], + "Stanley Junction Senior Apartments": [ + "Stanley Junction Senior Apartments" + ], + "4031 Stanley Boulevard # 112": [ + "4031 Stanley Boulevard # 112" + ], + "Garden Court Apartments": [ + "Garden Court Apartments" + ], + "6401 Montecito Boulevard # 29": [ + "6401 Montecito Boulevard # 29" + ], + "Pines Apartments": [ + "Pines Apartments" + ], + "3455 Alameda de las Pulgas apt2": [ + "3455 Alameda de las Pulgas apt2" + ], + "Heron Court": [ + "Heron Court" + ], + "350 Gunter Lane": [ + "350 Gunter Lane" + ], + "Aspen Village Apartments": [ + "Aspen Village Apartments" + ], + "2355 Fairfield Avenue": [ + "2355 Fairfield avenue", + "2355 Fairfield Avenue" + ], + "Carlmont Heights Apartments": [ + "Carlmont Heights Apartments" + ], + "2211 Hastings Drive": [ + "2211 Hastings Drive" + ], + "Dr. Norma E. Deato": [ + "Dr. Norma E. Deato" + ], + "California Creative Ceramics": [ + "California Creative Ceramics" + ], + "Endoart: Vafaie Nader M": [ + "Endoart: Vafaie Nader M" + ], + "Sunrise Dental": [ + "Sunrise Dental" + ], + "707-422-8282": [ + "707-422-8282" + ], + "Dr. Uyen Khanh Bui": [ + "Dr. Uyen Khanh Bui" + ], + "Rutherford Dental Lab": [ + "Rutherford Dental Lab", + "Rutherford Dental lab" + ], + "408-275-8688": [ + "408-275-8688" + ], + "88 Tully Road": [ + "88 Tully Road" + ], + "Dr. Herbert C. Berquist": [ + "Dr. Herbert C. Berquist" + ], + "5150 Graves Avenue # 12H": [ + "5150 Graves Avenue # 12H" + ], + "Dr. Jaswinder Ghuman": [ + "Dr. Jaswinder Ghuman" + ], + "540 North Santa Cruz Avenue Suite B1": [ + "540 North Santa Cruz Avenue Suite B1" + ], + "408-354-0500": [ + "408-354-0500" + ], + "Liu Vivian C": [ + "Liu Vivian C" + ], + "Dental Connection": [ + "Dental Connection" + ], + "Dr. Robert E. Durr": [ + "Dr. Robert E. Durr" + ], + "Chen Heather": [ + "Chen Heather" + ], + "Sears Dental": [ + "Sears Dental" + ], + "North Bay Radiology": [ + "North Bay Radiology" + ], + "707-578-4400": [ + "707-578-4400" + ], + "882 Emerson Street": [ + "882 Emerson Street" + ], + "650-322-8572": [ + "650-322-8572" + ], + "Dr. Ehsan Rezvan": [ + "Dr. Ehsan Rezvan" + ], + "Nisha Dharmani Dentistry": [ + "Nisha Dharmani Dentistry" + ], + "408-263-9732": [ + "408-263-9732" + ], + "430 East Calaveras Boulevard": [ + "430 East Calaveras Boulevard" + ], + "Fong Michael": [ + "Fong Michael" + ], + "Dr. Robert S. Gilbert": [ + "Dr. Robert S. Gilbert" + ], + "Drysdale Christine": [ + "Drysdale Christine" + ], + "2500 Hospital Drive": [ + "2500 Hospital Drive" + ], + "Elena B Gousseva-Grove": [ + "Elena B Gousseva-Grove" + ], + "114 Birch Street": [ + "114 Birch Street" + ], + "650-679-9238": [ + "650-679-9238" + ], + "Wang Jen-Kuei": [ + "Wang Jen-Kuei" + ], + "Dr. Andrei Simel": [ + "Dr. Andrei Simel" + ], + "5710 Cahalan Avenue # 4": [ + "5710 Cahalan Avenue # 4" + ], + "Dr. Silvie T. Quach": [ + "Dr. Silvie T. Quach" + ], + "408-279-9888": [ + "408-279-9888" + ], + "Just A Cleaning": [ + "Just A cleaning", + "Just A Cleaning" + ], + "Menlo Park Dental Excellence": [ + "Menlo Park Dental Excellence" + ], + "Lim Jae": [ + "Lim Jae" + ], + "1123 South Park Victoria Drive": [ + "1123 South Park Victoria Drive" + ], + "Dr. Timothy M. Gallagher": [ + "Dr. Timothy M. Gallagher" + ], + "Growing Smiles Pediatric Dentistry": [ + "Growing Smiles Pediatric Dentistry" + ], + "Thomas P Farris": [ + "Thomas P Farris" + ], + "650-967-5251": [ + "650-967-5251" + ], + "C-Dental X-Ray": [ + "C-Dental X-ray" + ], + "Dr. David I. Thompson": [ + "Dr. David I. Thompson" + ], + "Ghina Morad": [ + "Ghina Morad" + ], + "650-549-1964": [ + "650-549-1964" + ], + "Appian Dental Center": [ + "Appian Dental Center" + ], + "The Dental Dimensions": [ + "The Dental Dimensions" + ], + "5710 Cahalan Avenue Suite 3": [ + "5710 Cahalan Avenue Suite 3" + ], + "408-471-1294": [ + "408-471-1294" + ], + "O'Connor Dental Center": [ + "O'Connor Dental Center" + ], + "100 Oconnor Drive # 5": [ + "100 Oconnor Drive # 5" + ], + "Samaritan Dental Aesthetics": [ + "Samaritan Dental Aesthetics" + ], + "John R Saunderson": [ + "John R Saunderson" + ], + "Steven C Fong": [ + "Steven C Fong" + ], + "2400 Camino Ramon": [ + "2400 Camino Ramon" + ], + "925-359-1110": [ + "925-359-1110" + ], + "Chandiok Neena K": [ + "Chandiok Neena K" + ], + "408-530-8014": [ + "408-530-8014" + ], + "North Meridian Dental": [ + "North Meridian Dental" + ], + "Dr. Clayton G. Zeidler": [ + "Dr. Clayton G. Zeidler" + ], + "Dr. Brian W. Chun": [ + "Dr. Brian W. Chun" + ], + "408-255-8882": [ + "408-255-8882" + ], + "Montgomery Heath M": [ + "Montgomery Heath M" + ], + "800-455-0057": [ + "800-455-0057" + ], + "Sonrisas Community Dental Center": [ + "Sonrisas Community Dental Center" + ], + "Hasaimoto Family Dentistry": [ + "Hasaimoto Family Dentistry" + ], + "C K Dental Lab": [ + "C K Dental lab", + "C K Dental Lab" + ], + "621 East Campbell Avenue # 2A": [ + "621 East Campbell Avenue # 2A" + ], + "Great Clips In Blackhawk, Danville": [ + "Great Clips in Blackhawk, Danville" + ], + "925-718-7118": [ + "925-718-7118" + ], + "3478 Camino Tassajara Ste B": [ + "3478 Camino Tassajara Ste B" + ], + "Hair Fairies The Head Lice Helpers": [ + "Hair Fairies the Head Lice Helpers" + ], + "B Parlor": [ + "B Parlor" + ], + "Concept Barbershop": [ + "Concept Barbershop" + ], + "Supercuts Sequoia Station": [ + "Supercuts Sequoia Station" + ], + "1057 El Camino Real": [ + "1057 El Camino Real" + ], + "650-369-8992": [ + "650-369-8992" + ], + "Caroline'S Salon": [ + "Caroline'S Salon" + ], + "6046 College Avenue": [ + "6046 College Avenue" + ], + "1250 El Camino Real b": [ + "1250 El Camino Real b" + ], + "V'S Barbershop Campbell": [ + "V's Barbershop Campbell" + ], + "3.20": [ + "3.2" + ], + "Fig & Clover": [ + "Fig & Clover" + ], + "510-788-6378": [ + "510-788-6378" + ], + "Casual Chic Salon": [ + "Casual Chic Salon" + ], + "Hitters Barber Shop": [ + "Hitters Barber Shop" + ], + "Salon Revel": [ + "Salon Revel" + ], + "Revamp Salon": [ + "Revamp Salon" + ], + "707-664-5259": [ + "707-664-5259" + ], + "Reframe Hair Gallery": [ + "reframe hair gallery", + "Reframe Hair Gallery" + ], + "Hairapy": [ + "Hairapy" + ], + "4287 Piedmont Avenue": [ + "4287 Piedmont Avenue" + ], + "Tommy Cuts": [ + "Tommy Cuts" + ], + "12221 San Pablo Avenue": [ + "12221 San Pablo Avenue" + ], + "Style Bar": [ + "Style Bar" + ], + "Oz A Salon Inc": [ + "Oz A Salon Inc" + ], + "650-679-0457": [ + "650-679-0457" + ], + "Public Barber Salon": [ + "Public Barber Salon" + ], + "Divine Beauty Salon": [ + "Divine Beauty Salon" + ], + "Crewners Barber Shop": [ + "Crewners Barber Shop" + ], + "Dimoda Salon": [ + "Dimoda Salon" + ], + "Evergreen Barbershop": [ + "Evergreen Barbershop" + ], + "964 East Santa Clara Street": [ + "964 East Santa Clara Street" + ], + "408-320-2753": [ + "408-320-2753" + ], + "Mission Square Barber Shop": [ + "Mission Square Barber Shop" + ], + "2646 Ashby Avenue": [ + "2646 Ashby Avenue", + "2646 ashby avenue" + ], + "510-849-1188": [ + "510-849-1188" + ], + "Tangerine Hair Studio": [ + "Tangerine Hair Studio" + ], + "Linda Hair & Nails": [ + "Linda Hair & Nails" + ], + "Supercuts Village Oaks Shopping Center": [ + "Supercuts Village Oaks Shopping Center" + ], + "Le Reve Salon": [ + "Le Reve Salon" + ], + "Sport Clips Haircuts Of Fremont": [ + "Sport Clips Haircuts Of Fremont", + "Sport Clips Haircuts of Fremont" + ], + "Hair International": [ + "Hair International" + ], + "Belmont Hair Studio": [ + "Belmont Hair Studio", + "Belmont Hair studio" + ], + "Alexander G.": [ + "Alexander G." + ], + "La Petite Hair Salon": [ + "La Petite Hair Salon" + ], + "Hi-Definition Salon": [ + "Hi-Definition Salon" + ], + "925-788-7105": [ + "925-788-7105" + ], + "Miller And Mane": [ + "Miller and Mane" + ], + "Les Amis - Salon Et Spa": [ + "Les Amis - Salon Et Spa" + ], + "113 De Anza Boulevard": [ + "113 De Anza Boulevard" + ], + "Shampoo Dolls": [ + "Shampoo Dolls" + ], + "917 East Arques Avenue Suite 23": [ + "917 East Arques Avenue Suite 23" + ], + "Kim P Beauty Care": [ + "kim p beauty care", + "Kim P Beauty care", + "Kim P beauty care", + "Kim P Beauty Care" + ], + "510-795-7852": [ + "510-795-7852" + ], + "415-474-9652": [ + "415-474-9652" + ], + "Barberia Salon": [ + "Barberia Salon" + ], + "Ap Luxe Salon": [ + "Ap Luxe Salon" + ], + "Glama-Rama! Salon": [ + "Glama-Rama! Salon" + ], + "304 Valencia Street": [ + "304 Valencia Street" + ], + "The Barbers Inc. Barbershop": [ + "the barbers inc. barbershop", + "The barbers Inc. barbershop" + ], + "669-234-7975": [ + "669-234-7975" + ], + "401 Kenilworth Drive, suite 610": [ + "401 Kenilworth Drive, suite 610" + ], + "707-765-6300": [ + "707-765-6300" + ], + "Bateau Hair Salon": [ + "Bateau Hair Salon" + ], + "415-495-1912": [ + "415-495-1912" + ], + "2 Townsend Street SUITE 4B": [ + "2 Townsend Street SUITE 4B" + ], + "Slick & Dapper On Grand": [ + "Slick & Dapper On Grand" + ], + "Salon Valenti Hair Nails Skin": [ + "Salon Valenti Hair Nails Skin" + ], + "510-498-1090": [ + "510-498-1090" + ], + "Slick'S Barber Shop": [ + "Slick'S Barber Shop" + ], + "925-778-1230": [ + "925-778-1230" + ], + "Dr. Thomas O. Stodgel, MD": [ + "Dr. Thomas O. Stodgel, MD", + "Dr. Thomas Stodgel" + ], + "Radhika Varma, M.D.": [ + "Radhika Varma, M.D.", + "Dr. Radhika Varma" + ], + "1501 Trousdale Drive #4": [ + "1501 Trousdale Drive #4" + ], + "650-652-8500": [ + "650-652-8500" + ], + "Dr. Andrew L. Sorenson, MD": [ + "Dr. Andrew Sorenson", + "Dr. Andrew L. Sorenson, MD" + ], + "510-848-7347": [ + "510-848-7347" + ], + "Werschky II a G MD": [ + "Dr. Werschky II", + "Werschky II a G MD" + ], + "Edward C Lee, MD": [ + "Edward C Lee, MD", + "Dr. Edward Lee" + ], + "16130 Juan Hernandez Drive #108": [ + "16130 juan hernandez drive #108", + "16130 Juan Hernandez Drive #108" + ], + "Hoang, Tuan A. MD": [ + "Dr. Hoang, Tuan A.", + "Hoang, Tuan A. MD" + ], + "950 Stockton Street": [ + "950 Stockton Street" + ], + "415-397-5660": [ + "415-397-5660" + ], + "Wendy M. Landreville, M.D.": [ + "Dr. Wendy Landreville", + "Wendy M. Landreville, M.D." + ], + "Roxanne C. Fiscella, M.D.": [ + "Roxanne C. Fiscella, M.D.", + "Dr. Roxanne Fiscella" + ], + "Wong Hung-Kwong MD": [ + "Wong Hung-Kwong MD", + "Dr. Wong Hung-Kwong" + ], + "Dr. Christian Fulmer, DO": [ + "Dr. Christian Fulmer", + "Dr. Christian Fulmer, DO" + ], + "Dr. Richard J Kerbavaz, MD": [ + "Dr. Richard J Kerbavaz, MD", + "Dr. Richard Kerbavaz" + ], + "2316 Dwight Way": [ + "2316 Dwight Way" + ], + "510-845-4500": [ + "510-845-4500" + ], + "Dr. Randal Pham at Aesthetic & Refractive Surgery Medical Center": [ + "Dr. Randal Pham at Aesthetic & Refractive Surgery Medical Center" + ], + "Carol Somersille, MD": [ + "Dr. Carol Somersille", + "Carol Somersille, MD" + ], + "2490 Hospital Drive #300": [ + "2490 Hospital Drive #300" + ], + "650-988-3232": [ + "650-988-3232" + ], + "Dr. Jacob Wardwell": [ + "Dr. Jacob Wardwell" + ], + "Dr. Sabi Ahmed, MD": [ + "Dr. Sabi Ahmed", + "Dr. Sabi Ahmed, MD" + ], + "408-573-9686": [ + "408-573-9686" + ], + "Dohn Richard": [ + "Dohn Richard" + ], + "221 East Hacienda Avenue b": [ + "221 East Hacienda Avenue b" + ], + "George Lee, MD": [ + "Dr. George Lee", + "George Lee, MD" + ], + "Matthew Russell, MD": [ + "Matthew Russell, MD", + "Dr. Matthew Russell" + ], + "John J. Smucny, M.D.": [ + "Dr. John Smucny", + "John J. Smucny, M.D." + ], + "2300 California Street #202": [ + "2300 California Street #202" + ], + "Dr. Richard G. Glogau, MD": [ + "Dr. Richard Glogau", + "Dr. Richard G. Glogau, MD" + ], + "199 Ocean Avenue": [ + "199 Ocean Avenue" + ], + "415-564-1261": [ + "415-564-1261" + ], + "Dr. Claudia S. Pinilla, MD": [ + "Dr. Claudia S. Pinilla, MD", + "Dr. Claudia Pinilla" + ], + "925-837-1403": [ + "925-837-1403" + ], + "7601 Stoneridge Drive": [ + "7601 Stoneridge Drive" + ], + "Dr. David R. Pepper, MD": [ + "Dr. David Pepper", + "Dr. David R. Pepper, MD" + ], + "415-552-1013": [ + "415-552-1013" + ], + "Dr. Anthony K. Boyce, DO": [ + "Dr. Anthony K. Boyce, DO", + "Dr. Anthony Boyce" + ], + "401 Bicentennial Way": [ + "401 Bicentennial Way", + "401 bicentennial way" + ], + "Jonathan S. Berek, MD, MMS": [ + "Jonathan S. Berek, MD, MMS" + ], + "900 Blake Wilbur Drive 1st Floor": [ + "900 Blake Wilbur Drive 1st Floor" + ], + "Cynthia S. Chiu, MD, FACS, Inc.": [ + "Cynthia S. Chiu, MD, FACS, Inc.", + "Cynthia S. Chiu, MD, FACS Inc." + ], + "Dr. Malini Nijagal, MD": [ + "Dr. Malini Nijagal", + "Dr. Malini Nijagal, MD" + ], + "Susan C. Logan, MD": [ + "Susan C. Logan, MD", + "Dr. Susan Logan" + ], + "707-575-1626": [ + "707-575-1626" + ], + "Beatrice Burke, MD": [ + "Beatrice Burke MD", + "Beatrice Burke, MD", + "Dr. Beatrice Burke" + ], + "Lesley Plotke, MD": [ + "Dr. Lesley Plotke", + "Lesley Plotke, MD" + ], + "Dr. Michael J. Mcglynn Jr, MD": [ + "Dr. Michael J. McGlynn Jr, MD", + "Dr. Michael J. Mcglynn Jr, MD", + "Dr. Michael McGlynn Jr" + ], + "4906 El Camino Real B": [ + "4906 El Camino Real B" + ], + "Andrew Patrinellis, MD": [ + "Dr. Andrew Patrinellis", + "Andrew Patrinellis, MD" + ], + "Jennifer S. Falk, M.D.": [ + "Jennifer S. Falk, M.D.", + "Dr. Jennifer Falk" + ], + "795 El Camino Real Jamplis Building, Level 1": [ + "795 El Camino Real Jamplis Building, Level 1", + "795 el camino real jamplis building, level 1" + ], + "Silverstein David S MD": [ + "Dr. Silverstein David", + "Silverstein David S MD" + ], + "Point Reyes Medical Clinic: Hamblin Basil C MD": [ + "Dr. Hamblin Basil", + "Point Reyes Medical Clinic: Hamblin Basil C MD" + ], + "415-663-8666": [ + "415-663-8666" + ], + "Dr. Vilasini M. Ganesh, MD": [ + "Dr. Vilasini M. Ganesh, MD", + "Dr. Vilasini Ganesh" + ], + "700 West Parr Avenue": [ + "700 West Parr Avenue" + ], + "Delta Aesthetics": [ + "Delta Aesthetics" + ], + "320 Lennon Lane": [ + "320 Lennon Lane" + ], + "925-757-5311": [ + "925-757-5311" + ], + "Richard Young, MD": [ + "Dr. Richard Young", + "Richard yOUNG, MD" + ], + "Lawrence Bruce P MD": [ + "Dr. Lawrence Bruce", + "Lawrence Bruce P MD" + ], + "3838 California Street #601": [ + "3838 California Street #601" + ], + "415-860-5875": [ + "415-860-5875" + ], + "Isaac Neuhaus, M.D.": [ + "Isaac Neuhaus, M.D.", + "Dr. Isaac Neuhaus" + ], + "Stewart A. Daniels, M.D": [ + "Stewart A. Daniels, M.D" + ], + "Ocean Medical Clinic": [ + "Ocean Medical Clinic" + ], + "Bay Area Retina Associates": [ + "bay area retina associates", + "Bay Area Retina Associates" + ], + "Robert C. Vazquez, M.D.": [ + "Dr. Robert Vazquez", + "Robert C. Vazquez, M.D." + ], + "Gayle L. Sutcliffe, M.D.": [ + "Gayle L. Sutcliffe, M.D.", + "Dr. Gayle Sutcliffe" + ], + "West Berkeley Family Practice: Starks Jayum E MD": [ + "West Berkeley Family Practice: Starks Jayum E MD", + "Dr. Starks Jayum" + ], + "Bay Family Medical Group: Paley Adam E MD": [ + "bay family medical group: Paley adam E MD", + "Bay Family Medical Group: Paley Adam E MD", + "Dr. Paley Adam" + ], + "Loriana Cirlig, MD, Board Certified Family Medicine": [ + "Loriana Cirlig, MD, Board Certified Family Medicine" + ], + "Dr. Mauro B. Ruffy, MD": [ + "Dr. Mauro B. Ruffy, MD", + "Dr. Mauro Ruffy" + ], + "2505 Samaritan Drive Suite 510": [ + "2505 Samaritan Drive Suite 510" + ], + "408-357-1250": [ + "408-357-1250" + ], + "Dr. Robin E. Bennett, DO": [ + "Dr. Robin E. Bennett, DO", + "Dr. Robin Bennett" + ], + "EyeMD of Alameda": [ + "EyeMD of Alameda" + ], + "Amy Teng, DO": [ + "Dr. Amy Teng", + "Amy Teng, DO" + ], + "Shaheen Khosla, DO": [ + "Shaheen Khosla, DO", + "Dr. Shaheen Khosla" + ], + "1010 Laurel Street": [ + "1010 Laurel Street" + ], + "650-591-8501": [ + "650-591-8501" + ], + "Ferry James A MD": [ + "Dr. Ferry James", + "Ferry James A MD" + ], + "Dr. Gary A. Rust, MD": [ + "Dr. Gary A. Rust, MD", + "Dr. Gary Rust" + ], + "Women's Pelvic Health Institute - Peter Castillo MD, FACOG": [ + "Women's Pelvic Health Institute - Peter Castillo MD, FACOG", + "Women's Pelvic Health Institute - Peter castillo MD, FACOG" + ], + "1210 Alhambra Avenue": [ + "1210 Alhambra Avenue" + ], + "925-905-9922": [ + "925-905-9922" + ], + "Dr. Edward E. Manche, MD": [ + "Dr. Edward E. Manche, MD", + "Dr. Edward Manche" + ], + "Dr. Elwood Kronick, MD": [ + "Dr. Elwood Kronick, MD", + "Dr. Elwood Kronick" + ], + "Dr. Donald R. Dossett, MD": [ + "Dr. Donald Dossett", + "Dr. Donald R. Dossett, MD" + ], + "Dr. Philip R. Lindstrom, DO": [ + "Dr. Philip R. Lindstrom, DO", + "Dr. Philip Lindstrom" + ], + "16:56": [ + "4:56 pm" + ], + "20:10": [ + "8:10 pm" + ], + "05:36": [ + "5:36 am" + ], + "13:37": [ + "1:37 pm" + ], + "23:53": [ + "11:53 pm" + ], + "22:07": [ + "10:07 pm", + "10:07 PM" + ], + "377": [ + "$377" + ], + "343": [ + "$343" + ], + "444": [ + "$444" + ], + "12:29": [ + "12:29 pm" + ], + "09:18": [ + "9:18 am" + ], + "08:43": [ + "8:43 am" + ], + "09:37": [ + "9:37 am" + ], + "11:32": [ + "11:32 am" + ], + "16:14": [ + "4:14 pm" + ], + "17:08": [ + "5:08 PM", + "5:08 pm" + ], + "349": [ + "$349" + ], + "22:26": [ + "10:26 pm" + ], + "457": [ + "$457" + ], + "03:01": [ + "3:01 am" + ], + "453": [ + "$453" + ], + "10:07": [ + "10:07 am" + ], + "393": [ + "$393" + ], + "371": [ + "$371" + ], + "386": [ + "$386" + ], + "408": [ + "$408" + ], + "00:50": [ + "0:50 am" + ], + "22:22": [ + "10:22 pm" + ], + "09:42": [ + "9:42 am" + ], + "179": [ + "$179", + "179 dollars" + ], + "21:05": [ + "9:05 pm", + "9:05 PM" + ], + "265": [ + "$265" + ], + "21:52": [ + "9:52 pm" + ], + "05:53": [ + "5:53 am" + ], + "635": [ + "$635" + ], + "710": [ + "710 dollars", + "$710" + ], + "101": [ + "101", + "101 bucks", + "$101" + ], + "13:06": [ + "1:06 pm" + ], + "11:36": [ + "11:36 am" + ], + "19:49": [ + "7:49 pm", + "7:49 PM" + ], + "14:11": [ + "2:11 pm" + ], + "12:35": [ + "12:35 pm" + ], + "16:36": [ + "4:36 pm" + ], + "134": [ + "134 bucks", + "$134", + "one hundred and thirty four dollars" + ], + "08:22": [ + "8:22 am" + ], + "12:25": [ + "12:25 pm" + ], + "507": [ + "$507" + ], + "522": [ + "$522" + ], + "503": [ + "$503" + ], + "22:20": [ + "10:20 PM", + "10:20 pm" + ], + "534": [ + "$534" + ], + "01:23": [ + "1:23 am" + ], + "07:02": [ + "7:02 am" + ], + "217": [ + "$217" + ], + "15:02": [ + "3:02 pm" + ], + "427": [ + "$427" + ], + "07:22": [ + "7:22 AM", + "7:22 am" + ], + "13:38": [ + "1:38 pm" + ], + "12:48": [ + "12:48 pm" + ], + "15:47": [ + "3:47 pm" + ], + "03:52": [ + "3:52 am" + ], + "15:48": [ + "3:48 pm" + ], + "16:26": [ + "4:26 pm" + ], + "23:31": [ + "11:31 pm" + ], + "09:25": [ + "9:25 am" + ], + "02:14": [ + "2:14 am" + ], + "09:56": [ + "9:56 am" + ], + "485": [ + "$485" + ], + "17:32": [ + "5:32 pm" + ], + "481": [ + "$481" + ], + "10:56": [ + "10:56 am" + ], + "329": [ + "$329" + ], + "446": [ + "$446" + ], + "05:56": [ + "5:56 am" + ], + "09:32": [ + "9:32 am" + ], + "12:33": [ + "12:33 PM", + "12:33 pm" + ], + "369": [ + "$369" + ], + "20:50": [ + "8:50 pm" + ], + "01:41": [ + "1:41 am" + ], + "460": [ + "$460", + "460 dollars", + "460 bucks", + "four hundred and sixty dollars" + ], + "14:31": [ + "2:31 pm" + ], + "-5:06": [ + "5:06 am" + ], + "09:34": [ + "9:34 am" + ], + "GetEvents": [ + "GetEvents" + ], + "Dentist appointment": [ + "Dentist appointment", + "dentist appointment", + "Dentist Appointment" + ], + "Movie show": [ + "movie show", + "Movie Show", + "Movie show" + ], + "GetAvailableTime": [ + "GetAvailableTime" + ], + "Stylist appointment at Philgood Cuts": [ + "stylist appointment at Philgood Cuts" + ], + "Westside Gunn concert": [ + "Westside Gunn concert" + ], + "24:00": [ + "Midnight", + "12 pm", + "midnight" + ], + "Doctor appointment": [ + "Doctor Appointment", + "doctor appointment", + "Doctor appointment" + ], + "Baseball game": [ + "Baseball game", + "baseball game" + ], + "Movie at The New Parkway Theater": [ + "Movie at the New Parkway theater", + "movie at The New Parkway Theater", + "movie at the new Parkway Theater", + "Movie at The New Parkway Theater" + ], + "Dentist appointment with Bautista Maximilian": [ + "Dentist appointment with Bautista Maximilian" + ], + "Soccer game": [ + "Soccer game" + ], + "Reservation for 6 people at Rocker Oysterfeller's": [ + "reservation for 6 people at Rocker Oysterfeller's" + ], + "Joe Hisaishi concert": [ + "Joe Hisaishi concert" + ], + "Baseball Game: Diamondbacks Vs Rockies": [ + "baseball game: Diamondbacks Vs Rockies" + ], + "Movie at AMC Mercado 20": [ + "movie at AMC Mercado 20", + "Movie at AMC Mercado 20" + ], + "Movie booking for Dumbo": [ + "movie booking for Dumbo" + ], + "Viewing at Ridgeview Terrace Townhouses": [ + "viewing at ridgeview terrace Townhouses" + ], + "Restaurant reservation at Mcdonald's": [ + "Restaurant reservation at Mcdonald's" + ], + "Restaurant reservation at Pasta Moon": [ + "Restaurant reservation at Pasta Moon" + ], + "Psychedelic Furs concert": [ + "Psychedelic Furs concert" + ], + "Dentist appointment with C-Dental X-Ray": [ + "Dentist appointment with C-Dental X-Ray" + ], + "Property viewing": [ + "Property viewing", + "property viewing" + ], + "Dermatologist appointment with Karls Michael S": [ + "Dermatologist appointment with Karls Michael S" + ], + "Restaurant reservation for 4 at Betty Spaghetti": [ + "restaurant reservation for 4 at Betty Spaghetti" + ], + "Table for 2 at Caputo": [ + "Table for 2 at Caputo" + ], + "Stylist appointment at Lotte Beauty Salon": [ + "Stylist appointment at Lotte Beauty Salon" + ], + "Dermatologist appointment with Greenbrae Dermatology, Cheryl Tanasovich, M.D., Benjamin Nichols, M.D., John Maddox, M.D.": [ + "Dermatologist appointment with Greenbrae Dermatology, cheryl Tanasovich, M.D., Benjamin Nichols, M.D., John Maddox, M.D." + ], + "Juliana Hatfield concert": [ + "Juliana Hatfield concert" + ], + "Reservation for 2 people at Acquolina": [ + "Reservation for 2 people at Acquolina" + ], + "Buddy Guy concert": [ + "Buddy Guy concert" + ], + "Dermatologist appointment with Bernard Recht, Ph.D., M.D.": [ + "Dermatologist appointment with Bernard Recht, Ph.D., M.D." + ], + "Appointment with Darnell Jr Robert": [ + "Appointment with Darnell Jr Robert" + ], + "Restaurant reservation for 3 at Nick's Rockaway": [ + "Restaurant reservation for 3 at Nick's Rockaway" + ], + "Appointment with Val Mark Dental Studio": [ + "Appointment with Val Mark Dental Studio" + ], + "Stylist appointment at Opus Arcade": [ + "Stylist appointment at Opus Arcade" + ], + "Restaurant reservation at Blowfish Sushi": [ + "restaurant reservation at Blowfish Sushi" + ], + "Thee Oh Sees concert": [ + "Thee Oh Sees concert" + ], + "Stylist appointment": [ + "stylist appointment", + "Stylist appointment" + ], + "Movie booking for Shazam!": [ + "Movie booking for Shazam!" + ], + "Movie booking for Hotel Mumbai": [ + "Movie booking for Hotel Mumbai" + ], + "Movie at Contra Costa Stadium Cinemas": [ + "Movie at Contra Costa Stadium Cinemas" + ], + "Restaurant reservation at Venticellos Ristorante Italiano": [ + "Restaurant reservation at Venticellos Ristorante Italiano" + ], + "Appointment with Dr Ashmita Shetty": [ + "appointment with Dr Ashmita Shetty", + "Appointment with Dr Ashmita Shetty" + ], + "Football Game: Raiders Vs Titans": [ + "Football Game: Raiders vs Titans" + ], + "Apartment viewing at Windsor Ridge": [ + "Apartment viewing at Windsor Ridge" + ], + "Appointment at Great Clips": [ + "Appointment at Great Clips" + ], + "Hairdresser appointment": [ + "hairdresser appointment", + "Hairdresser appointment", + "Hairdresser Appointment" + ], + "Soccer Game: Sounders Vs United": [ + "Soccer Game: Sounders Vs United" + ], + "Dentist appointment with Gerald E. Dixon Scott E. Dixon": [ + "dentist appointment with Gerald E. Dixon Scott E. Dixon" + ], + "Table for 5 at Mcdonald's": [ + "Table for 5 at Mcdonald's" + ], + "Dentist appointment with Dr. Prakash Advani": [ + "dentist appointment with Dr. Prakash Advani" + ], + "General Practitioner appointment": [ + "General Practitioner appointment", + "general practitioner appointment", + "General Practitioner Appointment" + ], + "Movie at Century Vallejo 14": [ + "Movie at Century Vallejo 14" + ], + "Jason Isbell concert": [ + "Jason Isbell concert" + ], + "Damien Jurado concert": [ + "Damien Jurado concert" + ], + "Vampire Weekend concert": [ + "Vampire Weekend concert" + ], + "Movie at AMC Brentwood 14": [ + "Movie at AMC Brentwood 14" + ], + "Dermatologist appointment": [ + "dermatologist appointment", + "Dermatologist appointment" + ], + "Through The Roots concert": [ + "Through The Roots concert" + ], + "Appointment at World Cuts": [ + "Appointment at World Cuts" + ], + "Stylist appointment at Supercuts": [ + "stylist appointment at Supercuts" + ], + "Soccer Game: Sounders Vs Timbers": [ + "soccer game: sounders vs timbers" + ], + "Dentist appointment with Kini Ramanand , Kini Lata": [ + "Dentist appointment with Kini Ramanand , Kini Lata" + ], + "Stylist appointment at Redline Barbers": [ + "Stylist appointment at Redline Barbers" + ], + "Apartment viewing": [ + "Apartment viewing", + "Apartment Viewing", + "apartment viewing" + ], + "Apartment viewing at Reed Square": [ + "Apartment viewing at Reed Square" + ], + "Movie booking for Breakthrough": [ + "movie booking for Breakthrough", + "Movie booking for Breakthrough" + ], + "Reservation for 2 people at Mandalay Restaurant": [ + "Reservation for 2 people at Mandalay Restaurant" + ], + "Viewing at Park Branham Apartments": [ + "Viewing at Park Branham Apartments" + ], + "Appointment at Glam-Up": [ + "Appointment at Glam-Up" + ], + "Appointment at Sport Clips Haircuts Of Brentwood": [ + "Appointment at Sport Clips Haircuts Of Brentwood" + ], + "General Practitioner appointment with Kelly A. Welsh, M.D.": [ + "General Practitioner appointment with Kelly A. Welsh, M.D." + ], + "Geto Boys concert": [ + "Geto Boys concert" + ], + "Dentist appointment with Dr. Susana M. Chou": [ + "Dentist appointment with Dr. Susana M. Chou" + ], + "Restaurant reservation at Begoni Bistro": [ + "Restaurant reservation at Begoni Bistro", + "Restaurant Reservation at Begoni Bistro" + ], + "Apartment viewing at Mission Pointe By Windsor": [ + "Apartment viewing at Mission Pointe By Windsor" + ], + "General Practitioner appointment with Dr. Leland M. Luna, MD": [ + "General Practitioner appointment with Dr. Leland M. Luna, MD" + ], + "Apartment viewing at Siena Pointe Apartments": [ + "Apartment viewing at Siena Pointe Apartments" + ], + "Appointment at Stem Salon": [ + "Appointment at Stem Salon" + ], + "Dentist appointment with Dr. Minh B. Nguyen": [ + "Dentist appointment with Dr. Minh B. Nguyen" + ], + "Apartment viewing at Crestview Apartments": [ + "Apartment viewing at Crestview Apartments" + ], + "Appointment with Renew Dental Implant Specialists": [ + "Appointment with Renew Dental Implant Specialists" + ], + "Apartment viewing at Lakeshore Apartments": [ + "Apartment viewing at Lakeshore Apartments" + ], + "Appointment with Wafelbakker Anderson Orthodontics": [ + "appointment with Wafelbakker Anderson Orthodontics" + ], + "Lunch at Marketbar": [ + "lunch at Marketbar" + ], + "Girl In Red concert": [ + "Girl In Red concert" + ], + "Movie booking for Pet Sematary": [ + "Movie booking for Pet Sematary" + ], + "Dentist appointment with Park Victoria Dental": [ + "Dentist appointment with Park Victoria Dental" + ], + "Appointment with Dr. Julie M. Savant": [ + "Appointment with Dr. Julie M. Savant" + ], + "Appointment at Fremont Barber Shop": [ + "Appointment at Fremont Barber Shop", + "appointment at Fremont Barber Shop" + ], + "Appointment with Arts Of Dentistry": [ + "Appointment with Arts Of Dentistry" + ], + "Appointment with Marenda Ronald E": [ + "Appointment with Marenda Ronald E" + ], + "Reservation at Mcdonald's": [ + "Reservation at McDonald's" + ], + "Lyfe Jennings concert": [ + "Lyfe Jennings concert" + ], + "Apartment viewing at Hopper Lane Apartments": [ + "apartment viewing at Hopper Lane Apartments" + ], + "Appointment with Donna M Cotner": [ + "appointment with Donna M Cotner" + ], + "Celine Dion concert": [ + "Celine Dion concert" + ], + "Dentist appointment with Dr. Sethi And Dr. Virdi": [ + "Dentist appointment with Dr. Sethi And Dr. Virdi" + ], + "Lights concert": [ + "Lights Concert", + "lights concert", + "Lights concert" + ], + "Bastille concert": [ + "Bastille concert" + ], + "Appointment with Ocean Dental Lab": [ + "Appointment with Ocean Dental Lab" + ], + "Apartment viewing at Deer Park Apartments": [ + "Apartment viewing at Deer Park Apartments" + ], + "Restaurant reservation at Divino Ristorante": [ + "Restaurant reservation at Divino Ristorante" + ], + "Beyond The Black concert": [ + "Beyond The Black concert" + ], + "Apartment viewing at Villa Monterey": [ + "Apartment viewing at Villa Monterey" + ], + "Reservation for 5 people at Sicilia In Bocca": [ + "Reservation for 5 people at Sicilia In Bocca" + ], + "Soccer game at BC Place": [ + "soccer game at BC Place" + ], + "Basketball game": [ + "basketball game" + ], + "Appointment with Dr. Maria J. Moore": [ + "Appointment with Dr. Maria J. Moore" + ], + "AddEvent": [ + "AddEvent" + ], + "Chris Webby concert": [ + "Chris Webby concert" + ], + "17705 Hale Avenue": [ + "17705 Hale Avenue" + ], + "Leave for airport": [ + "Leave for airport" + ], + "2826 Telegraph Avenue": [ + "2826 Telegraph Avenue" + ], + "Restaurant reservation for 6 at Royal Rangoon Restaurant": [ + "Restaurant reservation for 6 at Royal Rangoon Restaurant" + ], + "877 West Fremont Avenue Ste J2": [ + "877 West Fremont Avenue Ste J2" + ], + "Appointment with Orthoworks Invisalign And Orthodontic Group": [ + "Appointment with Orthoworks Invisalign And Orthodontic Group" + ], + "Soccer Game: Whitecaps Vs Kansas City": [ + "Soccer Game: Whitecaps vs Kansas City" + ], + "Reservation at Lulu's Kitchen": [ + "Reservation at Lulu's Kitchen" + ], + "1657 Willow Pass Road": [ + "1657 Willow Pass Road" + ], + "5 Bon Air Rd # 114": [ + "5 Bon Air Rd # 114" + ], + "Appointment with Koppe Michael J": [ + "Appointment with Koppe Michael J" + ], + "2075 Lincoln Avenue # A": [ + "2075 Lincoln Avenue # A" + ], + "Dentist appointment with Wirebenders": [ + "Dentist appointment with Wirebenders" + ], + "Table for 2 at Mcdonald's": [ + "Table for 2 at Mcdonald's" + ], + "23989 Watkins Street": [ + "23989 Watkins Street" + ], + "Community gym": [ + "Community Gym", + "Community gym" + ], + "Gym": [ + "gym", + "Gym" + ], + "2905 Grove Way": [ + "2905 Grove Way" + ], + "The Hives concert": [ + "The Hives Concert" + ], + "1053 Cochrane Road Suite 140": [ + "1053 Cochrane Road Suite 140" + ], + "1712 Meridian Avenue": [ + "1712 Meridian Avenue" + ], + "Restaurant reservation for 4 at Ristorante Fratello": [ + "Restaurant reservation for 4 at Ristorante Fratello" + ], + "4875 Clayton Road": [ + "4875 Clayton Road" + ], + "Appointment with Dr. Azadeh Jafarnia": [ + "Appointment with Dr. Azadeh Jafarnia" + ], + "301 Sycamore Valley Road": [ + "301 Sycamore Valley Road" + ], + "1375 Montecito Avenue": [ + "1375 Montecito Avenue" + ], + "Amber Run Brooklyn concert": [ + "Amber Run Brooklyn concert" + ], + "600 Wilbur Avenue": [ + "600 Wilbur Avenue" + ], + "General Practitioner appointment with John Toth, D.O.": [ + "General Practitioner appointment with John Toth, D.O." + ], + "401 Gregory Ln # 248": [ + "401 Gregory Ln # 248" + ], + "Baseball Game: Nationals Vs Reds": [ + "Baseball game: Nationals Vs Reds" + ], + "858 North Broad Street": [ + "858 North Broad Street" + ], + "Toto concert": [ + "Toto concert" + ], + "2508": [ + "2508" + ], + "Movie booking for Long Shot": [ + "Movie booking for long shot", + "movie booking for Long Shot", + "Movie booking for Long Shot" + ], + "Billy Idol concert": [ + "Billy Idol concert" + ], + "50 South San Mateo Drive": [ + "50 South San Mateo Drive" + ], + "1880 Solano Avenue": [ + "1880 Solano Avenue", + "1880 solano avenue" + ], + "1015 Fitzuren Road #7": [ + "1015 Fitzuren Road #7" + ], + "Appointment with Quach Catherine": [ + "Appointment with Quach Catherine", + "Appointment with Quach catherine" + ], + "2664 Berryessa Road # 210": [ + "2664 Berryessa Road # 210", + "2664 berryessa Road # 210" + ], + "1447 Cedarwood Lane # A": [ + "1447 Cedarwood Lane # A" + ], + "Movie booking for High Life": [ + "Movie booking for HIgh Life" + ], + "1722 First Street": [ + "1722 first street", + "1722 First Street", + "1722 first Street" + ], + "Dentist appointment with Mark A Watson": [ + "Dentist appointment with Mark A Watson" + ], + "2505 Samaritan Dr": [ + "2505 Samaritan Dr" + ], + "300 Hilary Way": [ + "300 hilary way", + "300 Hilary Way" + ], + "Viewing at Fountain Plaza Apartments": [ + "Viewing at Fountain Plaza Apartments" + ], + "Appointment with Dr. Jaswinder Ghuman": [ + "appointment with Dr. Jaswinder Ghuman" + ], + "Reservation for 3 people at Market": [ + "Reservation for 3 people at Market" + ], + "Football Game: Usc Vs Utah": [ + "Football Game: Usc Vs Utah" + ], + "Murder City Devils concert": [ + "Murder City Devils concert" + ], + "Apartment viewing at Pointe At Cupertino": [ + "Apartment viewing at Pointe At Cupertino" + ], + "65 West Main Street": [ + "65 West Main Street" + ], + "Viewing at Felson Management Corporation": [ + "Viewing at Felson Management Corporation" + ], + "41277 Roberts Ave # 32": [ + "41277 roberts ave # 32", + "41277 Roberts Ave # 32" + ], + "50 East Market Street": [ + "50 East Market Street" + ], + "Viewing at Villa Fontana Apartments": [ + "Viewing at Villa Fontana Apartments" + ], + "960 Blossom Hill Road": [ + "960 Blossom Hill Road" + ], + "Stylist appointment at Kinder Cuts Kids Hair Salon": [ + "Stylist appointment at Kinder Cuts Kids Hair Salon" + ], + "2500 Milvia Street": [ + "2500 milvia street", + "2500 Milvia Street", + "2500 Milvia street" + ], + "General Practitioner appointment with Roxanne C. Fiscella, M.D.": [ + "General Practitioner Appointment with Roxanne C. Fiscella, M.D.", + "General Practitioner appointment with Roxanne C. Fiscella, M.D." + ], + "10095 Saich Way #2": [ + "10095 Saich Way #2" + ], + "Home": [ + "Home" + ], + "Bedtime": [ + "Bedtime", + "bedtime" + ], + "128 El Cerrito Plz": [ + "128 el cerrito plz", + "128 El Cerrito Plz" + ], + "Appointment at The Dreadlocks Salon": [ + "Appointment at the dreadlocks salon", + "Appointment at the Dreadlocks Salon" + ], + "341 7th Street": [ + "341 7th Street", + "341 7th street" + ], + "2227 Piedmont Avenue": [ + "2227 piedmont Avenue", + "2227 Piedmont Avenue" + ], + "Football Game: Golden Bears Vs Trojans": [ + "Football Game: Golden Bears Vs Trojans" + ], + "Laundry room": [ + "Laundry room" + ], + "Laundry": [ + "Laundry", + "laundry" + ], + "49 Gold Mine Drive": [ + "49 Gold Mine Drive" + ], + "31 Panoramic Way #201": [ + "31 Panoramic Way #201" + ], + "Reservation for 3 people at Mexico Lindo": [ + "Reservation for 3 people at Mexico Lindo" + ], + "33306 Alvarado-Niles Road": [ + "33306 Alvarado-Niles Road" + ], + "1374 9th Avenue": [ + "1374 9th Avenue" + ], + "Alejandro Sanz concert": [ + "Alejandro Sanz concert" + ], + "801 Welch Road": [ + "801 Welch Road" + ], + "ENT Specialist appointment": [ + "ENT Specialist appointment" + ], + "100 Summerfield Drive": [ + "100 Summerfield Drive" + ], + "Movie at THE LOT City Center": [ + "Movie at THE LOT City Center" + ], + "4045 East Castro Valley Boulevard": [ + "4045 East Castro Valley Boulevard" + ], + "The Struts concert": [ + "The Struts concert" + ], + "Viewing at Apricot Pit Apartments": [ + "Viewing at Apricot Pit Apartments" + ], + "Restaurant reservation for 3 at Perch + Plow": [ + "Restaurant reservation for 3 at Perch + Plow" + ], + "90 Old Courthouse Square": [ + "90 Old Courthouse Square" + ], + "Reservation for 5 people at Mayflower Seafood Restaurant": [ + "reservation for 5 people at Mayflower Seafood Restaurant", + "Reservation for 5 people at Mayflower Seafood Restaurant" + ], + "34348 Alvarado-Niles Road": [ + "34348 Alvarado-Niles Road" + ], + "994 The Alameda": [ + "994 The Alameda" + ], + "344 East Hamilton Avenue": [ + "344 East Hamilton Avenue" + ], + "Ophthalmologist appointment with Dr. Edward J. Saub": [ + "Ophthalmologist appointment with Dr. Edward J. Saub" + ], + "Young The Giant concert": [ + "Young The Giant concert" + ], + "Apartment viewing at The Enclave": [ + "Apartment viewing at The Enclave" + ], + "4343 Renaissance Drive": [ + "4343 Renaissance Drive" + ], + "Ophthalmologist appointment with Rona Silkiss, MD, FACS": [ + "Ophthalmologist appointment with Rona Silkiss, MD, FACS" + ], + "1460 North Camino Alto": [ + "1460 North Camino Alto" + ], + "Apartment viewing at Arbors At Mountain View": [ + "Apartment viewing at arbors at mountain view", + "Apartment viewing at Arbors At Mountain View" + ], + "Taking Back Sunday concert": [ + "Taking Back Sunday concert" + ], + "Erica Fernandez concert": [ + "Erica Fernandez concert" + ], + "820": [ + "820 dollars", + "$820", + "820 bucks" + ], + "1696.61": [ + "$1,696.61" + ], + "7489.74": [ + "$7,489.74" + ], + "23717.17": [ + "$23,717.17" + ], + "15670.49": [ + "$15,670.49" + ], + "490": [ + "490 dollars", + "$490", + "four hundred and ninety dollars" + ], + "15443.12": [ + "$15,443.12" + ], + "22561.39": [ + "$22,561.39" + ], + "16833.74": [ + "$16,833.74" + ], + "8850.41": [ + "$8,850.41" + ], + "4529.35": [ + "$4,529.35" + ], + "13129.46": [ + "$13,129.46" + ], + "1792.36": [ + "$1,792.36" + ], + "11329.66": [ + "$11,329.66" + ], + "440": [ + "440 dollars", + "four hundred and forty dollars", + "$440" + ], + "22026.46": [ + "$22,026.46" + ], + "11895.31": [ + "$11,895.31" + ], + "11025.88": [ + "$11,025.88" + ], + "2351.61": [ + "$2,351.61" + ], + "920": [ + "nine hundred and twenty dollars", + "$920" + ], + "11159.44": [ + "$11,159.44" + ], + "6773.45": [ + "$6,773.45" + ], + "15172.67": [ + "$15,172.67" + ], + "1160": [ + "one thousand one hundred and sixty bucks", + "1,160 bucks", + "$1,160" + ], + "10588.74": [ + "$10,588.74" + ], + "16090.39": [ + "$16,090.39" + ], + "11908.17": [ + "$11,908.17" + ], + "1310": [ + "$1,310", + "one thousand three hundred and ten dollars", + "1310 bucks" + ], + "14622.38": [ + "$14,622.38" + ], + "22232.58": [ + "$22,232.58" + ], + "10558.50": [ + "$10,558.50" + ], + "14878.13": [ + "$14,878.13" + ], + "15155.72": [ + "$15,155.72" + ], + "698.90": [ + "$698.90" + ], + "1530": [ + "1530 bucks", + "$1530", + "1,530 dollars", + "1530 dollars", + "$1,530" + ], + "6380.53": [ + "$6,380.53" + ], + "16117.87": [ + "$16,117.87" + ], + "500": [ + "500 bucks", + "500 dollars", + "five hundred dollars", + "$500" + ], + "13427.19": [ + "$13,427.19" + ], + "9227.17": [ + "$9,227.17" + ], + "272.14": [ + "$272.14" + ], + "15122.14": [ + "$15,122.14" + ], + "8728.18": [ + "$8,728.18" + ], + "1003.30": [ + "$1,003.30" + ], + "880": [ + "880 bucks", + "$880" + ], + "10740.79": [ + "$10,740.79" + ], + "1240": [ + "one thousand two hundred and forty dollars", + "$1,240", + "1,240 bucks", + "One thousand two hundred and forty bucks" + ], + "14048.81": [ + "$14,048.81" + ], + "9830.41": [ + "$9,830.41" + ], + "1060": [ + "one thousand sixty dollars", + "1060 dollars", + "1,060 bucks", + "$1,060" + ], + "21171.14": [ + "$21,171.14" + ], + "20845.87": [ + "$20,845.87" + ], + "1510": [ + "$1,510", + "1,510 dollars", + "$1510", + "1510 bucks" + ], + "9035.67": [ + "$9,035.67" + ], + "14928.33": [ + "$14,928.33" + ], + "2033.83": [ + "$2,033.83" + ], + "17027.50": [ + "$17,027.50" + ], + "1110": [ + "1110 bucks", + "$1,110", + "1,110 bucks", + "1110 dollars" + ], + "197.45": [ + "$197.45" + ], + "16462.84": [ + "$16,462.84" + ], + "11420.24": [ + "$11,420.24" + ], + "6208.84": [ + "$6,208.84" + ], + "1350": [ + "$1,350", + "$1350" + ], + "11755.45": [ + "$11,755.45" + ], + "21422.65": [ + "$21,422.65" + ], + "148.54": [ + "$148.54" + ], + "17111.71": [ + "$17,111.71" + ], + "20946.10": [ + "$20,946.10" + ], + "15581.44": [ + "$15,581.44" + ], + "4677.17": [ + "$4,677.17" + ], + "1400": [ + "one thousand four hundred bucks", + "$1,400", + "1400 bucks", + "1,400 bucks" + ], + "16335.70": [ + "$16,335.70" + ], + "1500.71": [ + "$1,500.71" + ], + "11339.61": [ + "$11,339.61" + ], + "1590": [ + "$1,590", + "1,590 dollars" + ], + "15988.28": [ + "$15,988.28" + ], + "19783.17": [ + "$19,783.17" + ], + "4481.72": [ + "$4,481.72" + ], + "2794.73": [ + "$2,794.73" + ], + "18076.57": [ + "$18,076.57" + ], + "1717.43": [ + "$1,717.43" + ], + "9084.86": [ + "$9,084.86" + ], + "910": [ + "910 dollars", + "$910" + ], + "8317.29": [ + "$8,317.29" + ], + "12735.33": [ + "$12,735.33" + ], + "11705.22": [ + "$11,705.22" + ], + "1120": [ + "1120 dollars", + "$1,120", + "1,120 bucks", + "$1120", + "one thousand one hundred and twenty bucks" + ], + "10517.18": [ + "$10,517.18" + ], + "22195.42": [ + "$22,195.42" + ], + "8993.79": [ + "$8,993.79" + ], + "13408.35": [ + "$13,408.35" + ], + "5032.62": [ + "$5,032.62" + ], + "1341.29": [ + "$1,341.29" + ], + "1250": [ + "$1,250", + "1250 bucks", + "1250 dollars" + ], + "6346.23": [ + "$6,346.23" + ], + "680": [ + "$680" + ], + "18997.71": [ + "$18,997.71" + ], + "24169.60": [ + "$24,169.60" + ], + "7424.27": [ + "$7,424.27" + ], + "24676.25": [ + "$24,676.25" + ], + "2323.40": [ + "$2,323.40" + ], + "22966.61": [ + "$22,966.61" + ], + "15036.79": [ + "$15,036.79" + ], + "17090.32": [ + "$17,090.32" + ], + "22782.55": [ + "$22,782.55" + ], + "1323.38": [ + "$1,323.38" + ], + "22069.30": [ + "$22,069.30" + ], + "24454.18": [ + "$24,454.18" + ], + "1570": [ + "1570 dollars", + "1,570 bucks", + "$1,570" + ], + "23220.79": [ + "$23,220.79" + ], + "947.68": [ + "$947.68" + ], + "8604.60": [ + "$8,604.60" + ], + "23367.66": [ + "$23,367.66" + ], + "2038.72": [ + "$2,038.72" + ], + "20591.58": [ + "$20,591.58" + ], + "1140": [ + "$1,140", + "one thousand one hundred and forty dollars", + "$1140" + ], + "18275.35": [ + "$18,275.35" + ], + "8927.29": [ + "$8,927.29" + ], + "11553.35": [ + "$11,553.35" + ], + "16528.58": [ + "$16,528.58" + ], + "1450.64": [ + "$1,450.64" + ], + "2776.78": [ + "$2,776.78" + ], + "9243.86": [ + "$9,243.86" + ], + "1790": [ + "1,790 bucks", + "1790 bucks", + "1,790 dollars", + "$1,790" + ], + "19301.47": [ + "$19,301.47" + ], + "24605.20": [ + "$24,605.20" + ], + "8738.77": [ + "$8,738.77" + ], + "13893.90": [ + "$13,893.90" + ], + "10909.29": [ + "$10,909.29" + ], + "23217.82": [ + "$23,217.82" + ], + "3275.40": [ + "$3,275.40" + ], + "13005.30": [ + "$13,005.30" + ], + "21274.22": [ + "$21,274.22" + ], + "23926.36": [ + "$23,926.36" + ], + "22757.34": [ + "$22,757.34" + ], + "13663.78": [ + "$13,663.78" + ], + "1280": [ + "1,280 dollars", + "1280 dollars", + "$1,280", + "1280 bucks" + ], + "15546.24": [ + "$15,546.24" + ], + "11521.70": [ + "$11,521.70" + ], + "13890.24": [ + "$13,890.24" + ], + "12130.27": [ + "$12,130.27" + ], + "18980.51": [ + "$18,980.51" + ], + "17533.43": [ + "$17,533.43" + ], + "3672.20": [ + "$3,672.20" + ], + "1370": [ + "one thousand three hundred and seventy dollars", + "$1,370" + ], + "5328.52": [ + "$5,328.52" + ], + "20892.84": [ + "$20,892.84" + ], + "24791.78": [ + "$24,791.78" + ], + "15898.80": [ + "$15,898.80" + ], + "19756.64": [ + "$19,756.64" + ], + "14257.61": [ + "$14,257.61" + ], + "740": [ + "$740", + "740 bucks", + "seven hundred and forty bucks" + ], + "15362.67": [ + "$15,362.67" + ], + "15464.11": [ + "$15,464.11" + ], + "8023.30": [ + "$8,023.30" + ], + "334.86": [ + "$334.86" + ], + "24874.37": [ + "$24,874.37" + ], + "18272.35": [ + "$18,272.35" + ], + "20124.12": [ + "$20,124.12" + ], + "3592.29": [ + "$3,592.29" + ], + "8347.10": [ + "$8,347.10" + ], + "4483.90": [ + "$4,483.90" + ], + "1420": [ + "1420 dollars", + "1,420 bucks", + "$1420", + "1,420 dollars", + "$1,420" + ], + "2731.34": [ + "$2,731.34" + ], + "15369.61": [ + "$15,369.61" + ], + "20591.27": [ + "$20,591.27" + ], + "11097.42": [ + "$11,097.42" + ], + "18272.54": [ + "$18,272.54" + ], + "23294.20": [ + "$23,294.20" + ], + "5539.40": [ + "$5,539.40" + ], + "6863.76": [ + "$6,863.76" + ], + "4203.74": [ + "$4,203.74" + ], + "16171.43": [ + "$16,171.43" + ], + "10179.46": [ + "$10,179.46" + ], + "10105.16": [ + "$10,105.16" + ], + "12824.59": [ + "$12,824.59" + ], + "Springhill Suites By Marriott Fresno": [ + "Springhill Suites By Marriott Fresno", + "Springhill Suites Fresno" + ], + "ReserveHotel": [ + "ReserveHotel" + ], + "Novotel London Tower Bridge Hotel": [ + "Novotel London Tower Bridge", + "Novotel London Tower Bridge Hotel" + ], + "Chicago Lake Shore Hotel": [ + "Chicago Lake Shore", + "Chicago Lake Shore Hotel" + ], + "The Westin San Diego Gaslamp Quarter": [ + "The Westin San Diego Gaslamp Quarter" + ], + "Holiday Inn Express London - Excel": [ + "Holiday Inn Express London - Excel", + "Holiday Inn Express London" + ], + "Hotel Novotel Paris Vaugirard Montparnasse": [ + "Hotel Novotel Paris Vaugirard Montparnasse" + ], + "Sls Hotel, A Luxury Collection Hotel, Beverly Hills": [ + "SLS hotel", + "SLS Hotel, A Luxury Collection Hotel, Beverly Hills" + ], + "+1 310-247-0400": [ + "+1 310-247-0400" + ], + "Travelodge Anaheim Inn And Suite": [ + "Travelodge Anaheim Inn And Suite", + "Travelodge Anaheim Inn" + ], + "+1 800-576-0767": [ + "+1 800-576-0767" + ], + "Holiday Inn Express Paris - Canal De La Villette": [ + "Holiday Inn Express Paris - Canal De La Villette", + "Holiday Inn Paris" + ], + "Radisson Admiral Hotel Toronto-Harbourfront": [ + "Radisson Admiral Hotel Toronto-Harbourfront" + ], + "Ibis Sydney World Square": [ + "Ibis Sydney World Square" + ], + "Citadines OpeRa Paris (Apart Hotel Paris)": [ + "Citadines OpeRa Paris (Apart Hotel Paris)" + ], + "Homewood Suites By Hilton Anaheim Resort - Convention Center": [ + "Homewood Suites", + "Homewood Suites by Hilton Anaheim Resort - Convention Center" + ], + "Even Hotel Seattle Downtown - Lake Union": [ + "Even Hotel Seattle Downtown - Lake Union", + "Even Hotel Seattle Downtown" + ], + "+1 206-596-2302": [ + "+1 206-596-2302" + ], + "527 Fairview Avenue North": [ + "527 Fairview Avenue North" + ], + "Renaissance Paris Vendome Hotel": [ + "Renaissance Paris Vendome", + "Renaissance Paris Vendome Hotel" + ], + "4 Rue du Mont Thabor, 75001": [ + "4 Rue du Mont Thabor, 75001" + ], + "Kyriad Paris Bercy Village": [ + "Kyriad Paris Bercy Village" + ], + "1452": [ + "$1,452" + ], + "17 Rue Baron le Roy, 75012": [ + "17 Rue Baron le Roy, 75012" + ], + "Hilton Garden Inn Chicago Mccormick Place": [ + "Hilton Garden Inn Mccormick Place", + "Hilton Garden Inn Chicago Mccormick Place" + ], + "Extended Stay America Orange County - Anaheim Convention Center": [ + "Extended Stay America Orange County", + "Extended Stay America Orange County - Anaheim Convention Center" + ], + "Crowne Plaza Portland-Downtown Conv Ctr": [ + "Crowne Plaza Portland-Downtown Conv Ctr" + ], + "2520": [ + "$2,520" + ], + "Tropicana Inn & Suites": [ + "Tropicana Inn & Suites", + "Tropicana Inn" + ], + "1584": [ + "$1,584" + ], + "Timhotel Paris Place D'Italie": [ + "Timhotel Paris Place D'Italie" + ], + "+33 1 44 24 01 01": [ + "+33 1 44 24 01 01" + ], + "178 Boulevard Vincent Auriol, 75013": [ + "178 Boulevard Vincent Auriol, 75013" + ], + "Ac Hotel By Marriott Chicago Downtown": [ + "Ac Hotel Chicago", + "Ac Hotel By Marriott Chicago downtown", + "Ac Hotel By Marriott Chicago Downtown", + "AC Hotel by Marriott Chicago Downtown", + "Ac Hotel by Marriott Chicago Downtown", + "Ac Hotel By Marriott chicago Downtown", + "Ac Hotel By Marriott chicago downtown", + "AC hotel by Marriott Chicago Downtown", + "AC Hotel By Marriott Chicago Downtown", + "AC hotel by marriott chicago downtown", + "ac hotel by marriott chicago downtown", + "AC Hotel BY Marriott Chicago Downtown", + "ac hotel by Marriott chicago downtown", + "AC Hotel By MArriott Chicago Downtown", + "Ac Hotel BY Marriott Chicago Downtown" + ], + "Travelodge London Central Marylebone": [ + "Travelodge London Central Marylebone" + ], + "Holiday Inn Express & Suites Hollywood Walk Of Fame": [ + "Holiday Inn Express", + "Holiday Inn Express & Suites Hollywood Walk of Fame" + ], + "Amastan Paris": [ + "Amastan Paris", + "amastan paris" + ], + "Hotel Griffon": [ + "Hotel Griffon" + ], + "+1 415-495-2100": [ + "+1 415-495-2100" + ], + "Hampton Inn Portland-Airport": [ + "Hampton Inn Portland-Airport" + ], + "+1 503-288-2423": [ + "+1 503-288-2423" + ], + "Fairfield Inn & Suites By Marriott New York Manhattan/Central Park": [ + "Fairfield Inn Central Park", + "Fairfield Inn & Suites By Marriott New York Manhattan/Central Park" + ], + "Dossier": [ + "Dossier" + ], + "Doubletree By Hilton Hotel New York City - Chelsea": [ + "Doubletree By Hilton Hotel New York City - Chelsea" + ], + "Penn'S View Hotel": [ + "Penn'S View Hotel" + ], + "14 North Front Street": [ + "14 North Front Street" + ], + "Hotel Le Bleu": [ + "Hotel Le Bleu" + ], + "Furama Bukit Bintang": [ + "Furama Bukit Bintang" + ], + "Travelodge London Farringdon": [ + "Travelodge London Farringdon" + ], + "10 - 42 King's Cross Road": [ + "10 - 42 King's Cross Road" + ], + "Eurostars Wall Street": [ + "Eurostars Wall Street" + ], + "Hotel Indigo Atlanta Downtown": [ + "Hotel Indigo Atlanta Downtown" + ], + "+1 404-523-7600": [ + "+1 404-523-7600" + ], + "2496": [ + "$2,496" + ], + "Victory House, London Leicester Square": [ + "Victory House", + "Victory House, London Leicester Square" + ], + "Travelodge Seattle By The Space Needle": [ + "Travelodge Seattle", + "Travelodge Seattle By The Space Needle" + ], + "+1 206-962-8678": [ + "+1 206-962-8678" + ], + "Premier Inn London Hampstead": [ + "Premier Inn London Hampstead" + ], + "The Allen Hotel": [ + "The Allen Hotel", + "the Allen Hotel" + ], + "Travelodge London Battersea": [ + "Travelodge London Battersea" + ], + "Arthouse Hotel New York City": [ + "Arthouse Hotel New York City" + ], + "Piccadilly Inn Airport": [ + "Piccadilly Inn Airport", + "PIccadilly Inn Airport" + ], + "Clarion Inn & Suites Atlanta Downtown": [ + "Clarion Inn & Suites Atlanta Downtown", + "Clarion Inn" + ], + "Best Western Jfk Airport Hotel": [ + "Best Western JFK Airport Hotel", + "Best Western JFK" + ], + "14425 153rd Lane, Jamaica": [ + "14425 153rd Lane, Jamaica" + ], + "Comfort Inn Buckingham Palace Road": [ + "Comfort Inn Buckingham Palace Road" + ], + "10 Saint George's Drive": [ + "10 Saint George's Drive" + ], + "Hotel Paris Bercy": [ + "Hotel Paris Bercy", + "Hotel paris Bercy" + ], + "Nu Hotel": [ + "Nu Hotel" + ], + "Beverly Hills Marriott": [ + "Beverly Hills Marriott" + ], + "1472": [ + "$1,472" + ], + "Vibe Hotel North Sydney": [ + "Vibe Hotel North Sydney", + "Vibe Hotel North" + ], + "Comfort Inn Kings Cross": [ + "Comfort Inn Kings Cross" + ], + "Sanctuary Hotel New York": [ + "Sanctuary Hotel", + "Sanctuary Hotel New York" + ], + "+1 212-234-7000": [ + "+1 212-234-7000" + ], + "The Chamberlain Hotel": [ + "The Chamberlain Hotel" + ], + "+44 20 7680 1500": [ + "+44 20 7680 1500" + ], + "Ibis New Delhi Aerocity": [ + "Ibis New Delhi Aerocity" + ], + "Hanover Hotel Victoria": [ + "Hanover Hotel Victoria" + ], + "Doubletree By Hilton Hotel London - Westminster": [ + "Doubletree By Hilton Hotel London - Westminster", + "Doubletree by Hilton Hotel London - Westminster" + ], + "+44 20 7630 1000": [ + "+44 20 7630 1000" + ], + "Super 8 By Wyndham Downtown Toronto": [ + "Super 8 By Wyndham Downtown Toronto", + "Super 8 Toronto" + ], + "222 Spadina Avenue": [ + "222 Spadina Avenue" + ], + "Towneplace Suites By Marriott San Diego Downtown": [ + "Towneplace Suites Downtown", + "Towneplace Suites By Marriott San Diego Downtown" + ], + "Melia White House": [ + "Melia white House", + "Melia White House" + ], + "Kensington Park Hotel": [ + "Kensington Park Hotel" + ], + "The Ampersand Hotel": [ + "The Ampersand Hotel" + ], + "+44 20 7589 5895": [ + "+44 20 7589 5895" + ], + "The Cartwright Hotel - Union Square, Bw Premier Collection": [ + "The Cartwright Hotel", + "The Cartwright Hotel - Union Square, Bw Premier Collection" + ], + "Soho Garden Hotel": [ + "Soho Garden Hotel" + ], + "Best Western Plus Dragon Gate Inn": [ + "Best Western Plus Dragon Gate Inn", + "Best Western Plus Dragon Gate" + ], + "Best Western Plus Stovall'S Inn": [ + "Best Western Plus Stovall'S", + "Best Western Plus Stovall'S Inn" + ], + "HoTel Pullman Paris Centre - Bercy": [ + "Hotel Pullman Paris Centre - Bercy", + "HoTel Pullman Paris Centre - Bercy" + ], + "Hilton Phoenix Airport": [ + "Hilton Phoenix Airport" + ], + "Yooma Urban Lodge": [ + "Yooma Urban Lodge" + ], + "+33 1 44 09 00 13": [ + "+33 1 44 09 00 13" + ], + "Aka Central Park": [ + "Aka Central Park" + ], + "London Marriott Hotel Regents Park": [ + "London Marriott Hotel Regents Park" + ], + "Kimpton Hotel Palomar Los Angeles Beverly Hills": [ + "Kimpton Hotel Palomar Los Angeles Beverly Hills" + ], + "Homewood Suites By Hilton Philadelphia-City Avenue": [ + "Homewood Suites By Hilton Philadelphia-City Avenue", + "Homewood Suites City Avenue" + ], + "Haveli Dharampura": [ + "Haveli Dharampura" + ], + "Hotel Stripes Kuala Lumpur, Autograph Collection": [ + "Hotel Stripes", + "Hotel Stripes Kuala Lumpur, Autograph Collection" + ], + "Hotel De Point": [ + "Hotel De Point" + ], + "The Queen'S Gate Hotel": [ + "The Queen's Gate", + "The Queen's Gate Hotel" + ], + "Best Western Plus Toronto North York Hotel & Suites": [ + "Best Western Plus Toronto North York hotel", + "Best western plus toronto north york hotel & suites", + "Best Western Plus Toronto North York Hotel & Suites", + "best western plus toronto north york hotel & suites", + "Best Western plus Toronto North York Hotel & Suites", + "best Western plus toronto north york hotel & suites" + ], + "+1 416-663-9500": [ + "+1 416-663-9500" + ], + "50 Norfinch Drive": [ + "50 Norfinch Drive", + "50 norfinch drive", + "50 Norfinch drive", + "50 NOrfinch Drive" + ], + "Catamaran Resort Hotel And Spa": [ + "Catamaran Resort Hotel", + "Catamaran REsort Hotel and Spa", + "Catamaran Resort Hotel And Spa", + "Catamaran Resort Hotel and Spa" + ], + "+1 858-488-1081": [ + "+1 858-488-1081" + ], + "Hotel G": [ + "Hotel G" + ], + "+1 877-828-4478": [ + "+1 877-828-4478" + ], + "Radisson Hotel Jfk Airport": [ + "Radisson Hotel Jfk Airport" + ], + "+1 718-322-2300": [ + "+1 718-322-2300" + ], + "Z Nyc Hotel": [ + "Z Nyc Hotel" + ], + "11-01 43rd Avenue, Long Island City": [ + "11-01 43rd Avenue, Long Island City" + ], + "Courtyard By Marriott New York Downtown Manhattan/World Trade Center Area": [ + "Courtyard By Marriott New York Downtown Manhattan/World Trade Center Area", + "Courtyard by marriott new york downtown manhattan/world trade center area" + ], + "133 Greenwich Street": [ + "133 greenwich street" + ], + "Veriu Central": [ + "Veriu Central" + ], + "Capri By The Sea By All Seasons Resort Lodging": [ + "Capri By The Sea By All Seasons Resort Lodging" + ], + "Residence Inn Anaheim Resort/Convention Center": [ + "Residence Inn Anaheim Resort/Convention Center" + ], + "Doubletree By Hilton Hotel Metropolitan - New York City": [ + "Doubletree By Hilton Hotel Metropolitan - New York City" + ], + "+1 212-752-7000": [ + "+1 212-752-7000" + ], + "The Darlington Hyde Park": [ + "The Darlington Hyde Park", + "the darlington hyde park", + "the Darlington Hyde Park" + ], + "Pacific Express Hotel Central Market": [ + "Pacific Express Hotel Central Market" + ], + "Rodeway Inn Bronx Zoo": [ + "Rodeway Inn Bronx Zoo" + ], + "W Kuala Lumpur": [ + "W Kuala Lumpur" + ], + "121, Jalan Ampang, Kuala Lumpur, 50450": [ + "121, Jalan Ampang, Kuala Lumpur, 50450" + ], + "SearchHotel": [ + "SearchHotel" + ], + "Alila Bangsar": [ + "Alila Bangsar" + ], + "Aloft Kuala Lumpur Sentral": [ + "Aloft Kuala Lumpur Sentral" + ], + "Ancasa Hotel & Spa Kuala Lumpur": [ + "Ancasa Hotel & Spa Kuala Lumpur" + ], + "+60 3-2026 6060": [ + "+60 3-2026 6060" + ], + "Atrium Inn Vancouver": [ + "Atrium Inn Vancouver", + "Atrium inn Vancouver", + "atrium inn Vancouver", + "Atrium inn vancouver", + "atrium inn vancouver" + ], + "Best Western Plus Chateau Granville Hotel & Suites & Conference Ctr.": [ + "Best Western Plus Chateau Granville Hotel & Suites & Conference Ctr.", + "best western plus chateau granville hotel & suites & conference ctr.", + "best WEstern Plus Chateau Granville Hotel & Suites & Conference Ctr.", + "Best Western Plus Chateau Granville Hotel & Suites & conference Ctr." + ], + "1100 Granville Street": [ + "1100 Granville street", + "1100 granville street", + "1100 Granville Street" + ], + "+1 604-669-7070": [ + "+1 604-669-7070" + ], + "Bahia Resort Hotel": [ + "Bahia Resort Hotel", + "Bahia resort Hotel", + "bahia Resort Hotel", + "Bahia Resort HOtel", + "bahia resort hotel", + "Bahia resort hotel", + "Bahia Resort hotel" + ], + "+1 858-539-8666": [ + "+1 858-539-8666" + ], + "1 Hotel Brooklyn Bridge": [ + "1 Hotel Brooklyn bridge", + "1 hotel Brooklyn Bridge", + "1 HOtel Brooklyn Bridge", + "1 Hotel brooklyn bridge", + "1 Hotel Brooklyn Bridge", + "1 hotel Brooklyn bridge", + "1 hotel brooklyn bridge", + "1 Hotel Brooklyn BRidge" + ], + "60 Furman Street, Brooklyn": [ + "60 Furman street Brooklyn", + "60 Furman Street, Brooklyn", + "60 Furman Street brooklyn", + "60 Furman, Street Brooklyn", + "60 Furman Street Brooklyn", + "60 furman street, brooklyn" + ], + "+1 833-625-6111": [ + "+1 833-625-6111" + ], + "4884": [ + "$4,884" + ], + "Aloft Atlanta Downtown": [ + "Aloft Atlanta Downtown" + ], + "Country Inn & Suites By Radisson, Atlanta Downtown South At Turner Field, Ga": [ + "Country Inn & Suites By Radisson, Atlanta Downtown South at Turner field, Ga", + "Country Inn & Suites by Radisson, Atlanta Downtown South at Turner Field, Ga", + "Country Inn & Suites By Radisson, Atlanta Downtown South At Turner Field, Ga", + "Country Inn & Suites By Radisson, Atlanta Downtown South At Turner Field, GA" + ], + "759 Pollard Boulevard Southwest": [ + "759 Pollard Boulevard Southwest" + ], + "+1 404-658-1961": [ + "+1 404-658-1961" + ], + "Crowne Plaza Atlanta - Midtown": [ + "Crowne Plaza Atlanta - midtown", + "Crowne plaza Atlanta - Midtown", + "Crowne Plaza Atlanta - Midtown" + ], + "2178": [ + "$2,178" + ], + "+1 404-877-9000": [ + "+1 404-877-9000" + ], + "998 West Mission Bay Drive": [ + "998 West Mission Bay Drive", + "998 West Mission Bay drive", + "998 west mission bay drive" + ], + "Best Western Mission Bay": [ + "Best Western Mission Bay", + "Best Western Mission bay", + "Best Western MIssion Bay", + "best western mission bay" + ], + "+1 619-275-5700": [ + "+1 619-275-5700" + ], + "Adina Apartment Hotel Sydney Darling Harbour": [ + "Adina Apartment hotel Sydney Darling Harbour", + "Adina Apartment Hotel Sydney Darling harbour", + "Adina Apartment Hotel Sydney Darling Harbour" + ], + "Adina Apartment Hotel Sydney Town Hall": [ + "Adina Apartment Hotel Sydney Town Hall" + ], + "511 Kent Street": [ + "511 Kent Street" + ], + "+61 2 9274 0000": [ + "+61 2 9274 0000" + ], + "45 Park Lane": [ + "45 park Lane", + "45 Park Lane", + "45 Park LAne", + "45 park lane", + "45 Park lane" + ], + "Abc Hyde Park Hotel": [ + "Abc Hyde Park Hotel", + "abc Hyde Park Hotel", + "Abc Hyde Park hotel", + "ABC Hyde Park hotel", + "abc hyde park hotel", + "ABC Hyde Park Hotel", + "Abc hyde park hotel", + "ABC Hyde Park" + ], + "121 Sussex Gardens": [ + "121 Sussex Gardens" + ], + "+44 20 7706 4660": [ + "+44 20 7706 4660" + ], + "Anaheim Desert Inn And Suites": [ + "Anaheim Desert Inn and Suites", + "anaheim desert inn and suites", + "Anaheim Desert Inn And Suites", + "Anaheim desert INn and Suites", + "Anaheim desert inn and suites", + "Anaheim Desert Inn and suites", + "Anaheim Desert inn and Suites" + ], + "+1 714-772-5050": [ + "+1 714-772-5050" + ], + "672": [ + "$672" + ], + "Ac Hotel By Marriott Paris Porte Maillot": [ + "Ac Hotel Porte Maillot", + "Ac hotel by marriott paris porte maillot", + "Ac Hotel By Marriott Paris POrte Maillot", + "Ac Hotel by Marriott paris porte maillot", + "Ac Hotel by Marriott Paris Porte Maillot", + "Ac Hotel By Marriott Paris Porte maillot", + "AC Hotel By Marriott Paris Porte Maillot", + "AC hotel by Marriott Paris Porte Maillot", + "Ac Hotel by Marriott paris Porte Maillot", + "AC Hotel by Marriott Paris Porte Maillot", + "ac hotel by Marriott paris porte maillot", + "Ac Hotel By Marriott Paris Porte Maillot", + "ac hotel by marriott paris porte maillot" + ], + "1672": [ + "$1,672" + ], + "Ac Hotel By Marriott Atlanta Buckhead At Phipps Plaza": [ + "Ac Hotel by Marriott Atlanta Buckhead at Phipps plaza", + "Ac Hotel by Marriott Atlanta Buckhead At PHipps Plaza", + "Ac Hotel By Marriott Atlanta Buckhead At Phipps Plaza", + "Ac Hotel By Marriott Atlanta Buckhead AT Phipps Plaza", + "Ac hotel By Marriott Atlanta Buckhead At Phipps Plaza", + "Ac Hotel by Marriott Atlanta Buckhead At Phipps Plaza", + "AC Hotel By Marriott Atlanta Buckhead At Phipps Plaza", + "ac hotel by marriott atlanta buckhead at phipps plaza", + "Ac hotel by marriott atlanta buckhead at phipps plaza", + "AC Hotel by Marriott Atlanta Buckhead at Phipps Plaza", + "AC Hotel by Marriott Atlanta Buckhead At Phipps Plaza", + "AC Hotel by Marriott Atlanta Buckhead at Phipps plaza", + "Ac Hotel By Marriott Atlanta Buckhead at Phipps Plaza", + "AC hotel by Marriott Atlanta buckhead at phipps plaza", + "Ac Hotel By Marriott Atlanta Buckhead At Phipps PLaza", + "Ac Hotel by Marriott Atlanta Buckhead at Phipps Plaza" + ], + "Amsterdam Hostel San Francisco": [ + "Amsterdam hostel san francisco", + "Amsterdam hostel san Francisco", + "Amsterdam HOstel San Francisco", + "AMsterdam Hostel San Francisco", + "Amsterdam hostel San Francisco", + "Amsterdam Hostel san Francisco", + "Amsterdam Hostel San francisco", + "amsterdam hostel san francisco", + "Amsterdam Hostel San Francisco", + "AMSTERDAM Hostel San Francisco" + ], + "+1 415-673-3277": [ + "+1 415-673-3277" + ], + "Argonaut Hotel": [ + "ARgonaut Hotel", + "Argonaut hotel", + "Argonaut Hotel", + "argonaut hotel" + ], + "Beck'S Motor Lodge": [ + "beck'S motor lodge", + "Beck'S Motor Lodge", + "Beck's Motor Lodge", + "beck's motor lodge" + ], + "+44 20 7493 4545": [ + "+44 20 7493 4545" + ], + "1344": [ + "$1,344", + "1344" + ], + "Aloft Phoenix-Airport": [ + "Aloft Phoenix-Airport", + "Aloft Phoenix-airport", + "Aloft phoenix-airport", + "aloft Phoenix-Airport", + "aloft phoenix-airport", + "ALoft Phoenix-Airport" + ], + "4450 East Washington Street": [ + "4450 East Washington Street" + ], + "Arizona Grand Resort & Spa": [ + "Arizona grand Resort & Spa", + "Arizona grand resort & spa", + "Arizona Grand Resort & Spa" + ], + "Ace Hotel London": [ + "Ace Hotel London", + "ace hotel london", + "Ace hotel London" + ], + "100 Shoreditch High Street": [ + "100 Shoreditch High Street" + ], + "4836": [ + "$4,836" + ], + "1 Hotel Central Park": [ + "1 Hotel Central park", + "1 hotel Central Park", + "1 hotel central park", + "1 hotel Central park", + "1 Hotel Central Park", + "1 Hotel Central PArk", + "1 Hotel central Park" + ], + "11 Howard": [ + "11 howard", + "11 Howard" + ], + "+1 212-235-1111": [ + "+1 212-235-1111" + ], + "11 Howard Street": [ + "11 Howard Street", + "11 howard street", + "11 howard Street" + ], + "1414 6th Avenue": [ + "1414 6th avenue", + "1414 6th Avenue" + ], + "+1 212-703-2001": [ + "+1 212-703-2001" + ], + "1944": [ + "$1,944" + ], + "6 Rue Gustave Charpentier, 75017": [ + "6 RUE Gustave Charpentier 75017", + "6 rue gustave charpentier 75017", + "6 Rue Gustave CHarpentier, 75017", + "6 Rue Gustave Charpentier 75017", + "6 Rue Gustave Charpentier, 75017" + ], + "+61 2 9249 7000": [ + "+61 2 9249 7000" + ], + "2720": [ + "$2,720" + ], + "Ac Hotel By Marriott Beverly Hills": [ + "Ac Hotel by Marriott Beverly Hills", + "AC hotel by Marriott Beverly Hills", + "Ac Hotel By Marriott Beverly Hills", + "AC Hotel By Marriott Beverly Hills", + "Ac Hotel By marriott Beverly Hills", + "Ac Hotel By MArriott Beverly Hills", + "Ac Hotel By Marriott Beverly hills", + "AC Hotel by Marriott Beverly Hills", + "AC Hotel by Marriott beverly Hills", + "ac hotel by marriott beverly hills", + "Ac Hotel by Marriott Beverly hills", + "AC hotel by marriott beverly hills", + "Ac hotel by marriott beverly hills" + ], + "818 North Hill Street": [ + "818 North Hill Street" + ], + "590 West Peachtree Street Northwest": [ + "590 West Peachtree Street Northwest" + ], + "749 Taylor Street": [ + "749 taylor street", + "749 Taylor Street", + "749 Taylor street" + ], + "Abercorn House": [ + "abercorn house", + "Abercorn House", + "Abercorn house" + ], + "28-30 Bute Gardens": [ + "28-30 Bute Gardens", + "28-30 bute gardens" + ], + "+44 20 8563 8692": [ + "+44 20 8563 8692" + ], + "3744": [ + "$3,744" + ], + "+33 1 84 82 49 09": [ + "+33 1 84 82 49 09" + ], + "Aloft Portland Airport At Cascade Station": [ + "Aloft Portland Airport at Cascade station", + "Aloft Portland Airport At cascade Station", + "Aloft Portland AIrport At Cascade Station", + "aloft portland airport at cascade station", + "Aloft portland airport at cascade station", + "Aloft Portland Airport at Cascade Station", + "aloft Portland airport at cascade station", + "Aloft Portland airport at Cascade station", + "Aloft Portland Airport At Cascade Station" + ], + "+44 20 7613 9800": [ + "+44 20 7613 9800" + ], + "+1 213-617-3077": [ + "+1 213-617-3077" + ], + "Four Points By Sheraton Los Angeles International Airport": [ + "Four Points By Sheraton Los Angeles International Airport", + "Four Points by Sheraton Los Angeles International Airport" + ], + "Four Seasons Hotel Los Angeles At Beverly Hills": [ + "four seasons hotel los angeles at beverly hills" + ], + "300 Doheny Drive": [ + "300 Doheny Drive" + ], + "+1 310-273-2222": [ + "+1 310-273-2222" + ], + "4488": [ + "$4,488" + ], + "Doubletree By Hilton Hotel Sacramento": [ + "Doubletree By Hilton Hotel Sacramento", + "Doubletree by Hilton Hotel Sacramento", + "doubletree by hilton hotel Sacramento", + "doubletree by hilton hotel sacramento", + "Doubletree By HIlton Hotel Sacramento" + ], + "Hilton Sacramento Arden West": [ + "hilton sacramento arden west", + "Hilton Sacramento Arden West" + ], + "2200 Harvard Street": [ + "2200 harvard Street", + "2200 Harvard Street" + ], + "+1 916-922-4700": [ + "+1 916-922-4700" + ], + "+33 1 49 52 99 70": [ + "+33 1 49 52 99 70" + ], + "34 Rue Jean Mermoz, 75008": [ + "34 rue jean mermoz, 75008", + "34 Rue Jean Mermoz, 75008" + ], + "9750 Airport Boulevard": [ + "9750 Airport Boulevard" + ], + "1155": [ + "$1,155" + ], + "630 North Rush Street": [ + "630 North Rush Street", + "630 north rush street" + ], + "+1 312-981-6600": [ + "+1 312-981-6600" + ], + "Ace Hotel Chicago": [ + "ace hotel chicago", + "Ace Hotel Chicago" + ], + "Acme Hotel Company Chicago": [ + "Acme Hotel Company Chicago", + "acme hotel company chicago" + ], + "15 East Ohio Street": [ + "15 East Ohio Street" + ], + "+1 312-894-0800": [ + "+1 312-894-0800" + ], + "Azure Hotel Nairobi Westlands": [ + "Azure Hotel Nairobi Westlands" + ], + "2575 Clairemont Drive": [ + "2575 clairemont drive", + "2575 Clairemont Drive" + ], + "Best Western Plus Bayside Inn": [ + "best Western Plus Bayside Inn", + "Best Western Plus Bayside Inn", + "Best western Plus bayside Inn" + ], + "+1 619-233-7500": [ + "+1 619-233-7500" + ], + "1150 South Beverly Drive": [ + "1150 South Beverly Drive" + ], + "+1 310-553-6561": [ + "+1 310-553-6561" + ], + "3999 Mission Boulevard": [ + "3999 Mission Boulevard" + ], + "3552": [ + "$3,552" + ], + "6 Columbus Hotel": [ + "6 Columbus Hotel", + "6 columbus hotel" + ], + "308 West 58th Street": [ + "308 West 58th Street" + ], + "3536": [ + "$3,536" + ], + "+1 212-204-3000": [ + "+1 212-204-3000" + ], + "2340": [ + "$2,340" + ], + "Best Western Plus Sutter House": [ + "Best western plus sutter house", + "best western plus sutter house", + "Best Western Plus Sutter house", + "Best Western Plus Sutter House", + "Best Western Plus sutter House" + ], + "Courtyard By Marriott Sacramento Midtown": [ + "courtyard by marriott sacramento midtown", + "Courtyard by Marriott Sacramento Midtown", + "courtyard By Marriott Sacramento Midtown", + "Courtyard By Marriott Sacramento Midtown" + ], + "4422 Y Street": [ + "4422 Y Street" + ], + "2001 Point West Way": [ + "2001 Point West Way" + ], + "East Side, 58, Jalan Ang Seng, Brickfields, 50470": [ + "East Side, 58 Jalan Ang Seng, Brickfields, 50470", + "East Side, 58, Jalan Ang Seng, Brickfields 50470", + "East Side, 58, Jalan Ang Seng, Brickfields, 50470", + "East Side 58 Jalan Ang Seng Brickfields 50470" + ], + "Aparthotel Adagio Access Paris La Villette": [ + "aparthotel adagio access paris la villette", + "Aparthotel Adagio Access Paris La Villette" + ], + "6399 Wilshire Boulevard": [ + "6399 Wilshire boulevard", + "6399 wilshire boulevard", + "6399 Wilshire Boulevard" + ], + "+60 3-2268 3888": [ + "+60 3-2268 3888" + ], + "465": [ + "$465" + ], + "Aloft New Delhi Aerocity": [ + "aloft new delhi aerocity", + "Aloft New Delhi Aerocity" + ], + "5B Igi T3 Road, Delhi - Ajmer Expressway, Aerocity, New Delhi": [ + "5B Igi T3 Road, Delhi - Ajmer Expressway Aerocity, New Delhi", + "5b Igi T3 Road, Delhi - Ajmer Expressway, Aerocity, New Delhi", + "5b Igi T3 road, delhi - ajmer expressway, aerocity, new delhi", + "5b igi t3 road, delhi - ajmer expressway, aerocity, new delhi", + "5B Igi T3 Road, Delhi - Ajmer Expressway, Aerocity, New Delhi", + "5B IGI T3 road, delhi - ajmer expressway, aerocity, new delhi" + ], + "Andaz Delhi - A Concept By Hyatt": [ + "Andaz delhi - A concept by hyatt", + "Andaz delhi", + "Andaz Delhi - A Concept By Hyatt", + "Andaz Delhi - A concept by Hyatt", + "andaz delhi - a concept by hyatt", + "Andaz Delhi - A concept by hyatt", + "Andaz Delhi - a Concept by Hyatt", + "Andaz Delhi - A Concept by Hyatt" + ], + "+1 415-621-8212": [ + "+1 415-621-8212" + ], + "+1 312-764-1919": [ + "+1 312-764-1919" + ], + "311 North Morgan Street": [ + "311 north morgan street", + "311 North Morgan Street" + ], + "Cambria Hotel North Scottsdale Desert Ridge": [ + "Cambria Hotel North Scottsdale Desert Ridge" + ], + "+1 480-585-6644": [ + "+1 480-585-6644" + ], + "+91 11 4565 0000": [ + "+91 11 4565 0000" + ], + "+1 323-852-7000": [ + "+1 323-852-7000" + ], + "Best Western Bretagne Montparnasse": [ + "best western bretagne montparnasse", + "Best Western Bretagne Montparnasse" + ], + "+33 1 45 38 52 59": [ + "+33 1 45 38 52 59" + ], + "Accommodation London Bridge": [ + "Accommodation London Bridge" + ], + "58 Great Dover Street": [ + "58 Great Dover Street" + ], + "+44 20 7403 4299": [ + "+44 20 7403 4299" + ], + "Best Western Plus Las Vegas West": [ + "best western plus las vegas west", + "Best Western Plus Las Vegas West", + "Best Western Plus Las vegas West", + "Best Western Plus Las Vegas west", + "Best Western plus Las Vegas West" + ], + "+1 702-256-3766": [ + "+1 702-256-3766" + ], + "8669 West Sahara Avenue": [ + "8669 West Sahara Avenue", + "8669 west sahara avenue" + ], + "+60 3-2723 1188": [ + "+60 3-2723 1188" + ], + "No. 5, Jalan Stesen Sentral, 50470 Kuala Lumpur, Wilayah Persekutuan": [ + "No. 5, Jalan Stesen Sentral, 50470 Kuala Lumpur, Wilayah Persekutuan" + ], + "Best Western Primrose Hotel Downtown-Toronto": [ + "Best Western Primrose Hotel Downtown-Toronto" + ], + "+1 602-275-6300": [ + "+1 602-275-6300" + ], + "Asset, Street Number 1, New Delhi": [ + "Asset, Street Number 1, New Delhi", + "asset, street number 1, new delhi" + ], + "+91 11 4903 1234": [ + "+91 11 4903 1234" + ], + "2222 Market Street": [ + "2222 Market Street", + "2222 Market street", + "2222 market street" + ], + "Ace Hotel Seattle": [ + "Ace Hotel Seattle", + "Ace hotel seattle", + "Ace hotel Seattle", + "ace hotel seattle" + ], + "Belltown Inn": [ + "Belltown Inn", + "belltown inn", + "Belltown inn" + ], + "+1 866-525-4704": [ + "+1 866-525-4704" + ], + "Best Western Plus Pioneer Square Hotel Downtown": [ + "best western plus pioneer square hotel downtown", + "Best Western Plus Pioneer Square Hotel Downtown" + ], + "+1 206-340-1234": [ + "+1 206-340-1234" + ], + "Aka University City": [ + "aka University City", + "aka university city", + "AKA University City", + "Aka University City", + "Aka university city", + "Aka university City", + "Aka University city" + ], + "Aloft Philadelphia Airport": [ + "Aloft Philadelphia AIrport", + "Aloft Philadelphia Airport", + "aloft philadelphia airport", + "Aloft philadelphia airport", + "aloft Philadelphia airport", + "Aloft Philadelphia airport" + ], + "Aloft Philadelphia Downtown": [ + "Aloft Philadelphia Downtown", + "aloft Philadelphia downtown", + "Aloft PHiladelphia Downtown", + "Aloft Philadelphia downtown" + ], + "+1 215-607-2020": [ + "+1 215-607-2020" + ], + "101 North Broad Street": [ + "101 North Broad Street" + ], + "Budget Suites Of America": [ + "budget suites of america", + "budget suites of America", + "Budget Suites Of America", + "Budget Suites of America" + ], + "2219 North Rancho Drive": [ + "2219 north rancho drive", + "2219 North Rancho Drive" + ], + "+1 702-638-1800": [ + "+1 702-638-1800" + ], + "+33 1 44 72 42 00": [ + "+33 1 44 72 42 00" + ], + "+1 206-448-4721": [ + "+1 206-448-4721" + ], + "Anaheim Majestic Garden Hotel": [ + "Anaheim Majestic Garden Hotel", + "Anaheim Majestic garden hotel", + "anaheim majestic garden hotel" + ], + "Anaheim Portofino Inn & Suites": [ + "Anaheim Portofino Inn & Suites" + ], + "Ayres Hotel Anaheim": [ + "Ayres Hotel Anaheim" + ], + "+1 714-634-2106": [ + "+1 714-634-2106" + ], + "43635 Boscell Road": [ + "43635 Boscell Road" + ], + "510-979-1368": [ + "510-979-1368" + ], + "European": [ + "european", + "European" + ], + "Ayola": [ + "ayola", + "Ayola" + ], + "415-348-0808": [ + "415-348-0808" + ], + "Bar Tartine": [ + "Bar Tartine" + ], + "561 Valencia Street": [ + "561 Valencia Street" + ], + "Zabu Zabu": [ + "Zabu Zabu" + ], + "August 1 Five": [ + "August 1 Five", + "august 1 five" + ], + "415-771-5900": [ + "415-771-5900" + ], + "408-377-7722": [ + "408-377-7722" + ], + "Ben Wah Restaurant": [ + "Ben Wah Restaurant" + ], + "2786 California Street": [ + "2786 California Street" + ], + "415-318-8000": [ + "415-318-8000" + ], + "Chef's Experience China Bistro": [ + "chef's experience china bistro", + "Chef's experience china bistro", + "Chef's Experience China Bistro" + ], + "22436 Foothill Boulevard": [ + "22436 Foothill Boulevard", + "22436 foothill boulevard" + ], + "Frannie's Restaurant": [ + "Frannie's Restaurant" + ], + "510-728-7728": [ + "510-728-7728" + ], + "Afghan Village Restaurant": [ + "Afghan Village Restaurant" + ], + "5698 Thornton Avenue": [ + "5698 Thornton Avenue" + ], + "510-790-0557": [ + "510-790-0557" + ], + "Asian Pearl": [ + "Asian Pearl" + ], + "Cheung Hing Restaurant": [ + "Cheung Hing Restaurant" + ], + "415-580-7662": [ + "415-580-7662" + ], + "Citrus Restaurant": [ + "Citrus Restaurant" + ], + "355 Santana Row": [ + "355 Santana Row" + ], + "408-423-5400": [ + "408-423-5400" + ], + "Balboa Theatre": [ + "Balboa Theatre", + "Balboa theatre", + "balboa theatre" + ], + "700 El Paseo de Saratoga": [ + "700 El Paseo De Saratoga", + "700 El Paseo de Saratoga" + ], + "2160": [ + "2160", + "$2,160" + ], + "151-20 Baisley Boulevard, Jamaica": [ + "151-20 Baisley Boulevard, Jamaica" + ], + "30 West 31st Street": [ + "30 West 31st Street" + ], + "+61 2 8267 3111": [ + "+61 2 8267 3111" + ], + "1057 West Ball Road": [ + "1057 West Ball Road", + "1057 west ball road" + ], + "1110 West Katella Avenue": [ + "1110 West Katella Avenue" + ], + "5115": [ + "5115" + ], + "181 Wellington Street West": [ + "181 Wellington Street West" + ], + "+1 416-585-2500": [ + "+1 416-585-2500" + ], + "2625": [ + "$2,625", + "2625" + ], + "+33 1 42 61 70 41": [ + "+33 1 42 61 70 41" + ], + "1420 South Harbor Boulevard": [ + "1420 South Harbor Boulevard" + ], + "+1 714-254-1442": [ + "+1 714-254-1442" + ], + "1 West Wacker Drive": [ + "1 west wacker drive", + "1 West Wacker Drive" + ], + "100 West Monroe Street": [ + "100 West Monroe Street" + ], + "+1 312-236-1234": [ + "+1 312-236-1234" + ], + "2856": [ + "2856" + ], + "+1 470-231-3030": [ + "+1 470-231-3030" + ], + "Homewood Suites By Hilton Seattle-Conv Ctr-Pike Street": [ + "Homewood Suites Pike Street", + "Homewood Suites By HIlton Seattle-Conv Ctr-Pike Street" + ], + "Ibis London City - Shoreditch Hotel": [ + "Ibis London City - Shoreditch Hotel", + "Ibis London City" + ], + "+44 20 7422 8400": [ + "+44 20 7422 8400" + ], + "Casa Loma Hotel": [ + "Casa Loma Hotel" + ], + "Travelodge By Wyndham San Francisco Central": [ + "Travelodge By Wyndham San Francisco Central" + ], + "Concorde Hotel Kuala Lumpur": [ + "Concorde Hotel Kuala Lumpur", + "Concorde Hotel" + ], + "+60 3-2144 2200": [ + "+60 3-2144 2200" + ], + "Holiday Inn London - Whitechapel": [ + "Holiday Inn London - Whitechapel", + "Holiday Inn Whitechapel" + ], + "5 Cavell Street": [ + "5 Cavell Street" + ], + "Best Western Victoria Palace": [ + "Best Western Victoria Palace" + ], + "Hilton Checkers Los Angeles": [ + "Hilton Checkers Los Angeles", + "Hilton Checkers" + ], + "Springhill Suites By Marriott San Diego Downtown/Bayfront": [ + "Springhill Suites by Marriott San Diego Downtown/Bayfront" + ], + "The Kitano Hotel New York": [ + "The Kitano Hotel New York", + "The Kitano Hotel" + ], + "Hotel 91": [ + "Hotel 91" + ], + "1827": [ + "1827" + ], + "Hotel Ibis Paris Grands Boulevards Opera 9eMe": [ + "Hotel Ibis Paris Grands Boulevards Opera 9eMe" + ], + "Meriton Suites North Sydney": [ + "MERITON SUITES NORTH SYDNEY", + "MERITON SUITES NORTH" + ], + "+61 2 8319 9888": [ + "+61 2 8319 9888" + ], + "The Parc Hotel": [ + "The Parc Hotel" + ], + "The River Hotel": [ + "The River Hotel" + ], + "The Marmara Park Avenue": [ + "the Marmara Park Avenue", + "The Marmara Park Avenue" + ], + "Hilton Garden Inn Phoenix Midtown": [ + "Hilton Garden Inn Phoenix Midtown" + ], + "Embassy Suites By Hilton Phoenix Biltmore": [ + "Embassy Suites Biltmore", + "Embassy Suites By Hilton Phoenix Biltmore" + ], + "2889 East Hastings Street": [ + "2889 east hastings street", + "2889 East Hastings Street" + ], + "+1 604-254-1000": [ + "+1 604-254-1000" + ], + "Auberge Vancouver Hotel": [ + "auberge vancouver hotel", + "Auberge Vancouver hotel", + "Auberge Vancouver Hotel" + ], + "3240": [ + "3240", + "$3,240" + ], + "Bei Hotel San Francisco": [ + "Bei Hotel San Francisco", + "bei hotel san francisco" + ], + "2.60": [ + "2.6" + ], + "Beresford Arms Hotel": [ + "Beresford Arms Hotel" + ], + "4056": [ + "4056" + ], + "+254 709 716000": [ + "+254 709 716000" + ], + "4560": [ + "4560" + ], + "Sheba Piano Lounge": [ + "Sheba Piano Lounge", + "Sheba Piano" + ], + "Artisan Bistro": [ + "Artisan", + "Artisan Bistro" + ], + "Pacific Catch": [ + "Pacific catch", + "Pacific Catch" + ], + "650-389-2482": [ + "650-389-2482" + ], + "Palermo Italian Restaurant": [ + "Palermo", + "Palermo Italian Restaurant" + ], + "408-295-6459": [ + "408-295-6459" + ], + "791 Auzerais Avenue": [ + "791 Auzerais Avenue" + ], + "Fontana's Italian Restaurant": [ + "Fontana's", + "Fontana's Italian Restaurant" + ], + "Tambo Peruvian Restaurant": [ + "Tambo Peruvian Restaurant", + "Tambo" + ], + "Yuzu": [ + "Yuzu" + ], + "Kuleto's Restaurant": [ + "kuleto's Restaurant", + "Kuleto's", + "Kuleto's restaurant" + ], + "Up 2u Thai Eatery": [ + "Up 2u", + "Up 2u Thai Eatery" + ], + "510-521-6466": [ + "510-521-6466" + ], + "Koryo Sushi": [ + "Koryo", + "Koryo Sushi" + ], + "Golden Bears Vs Trojans": [ + "Golden Bears Vs Trojans", + "Golden Bears vs Trojans", + "golden bears vs trojans" + ], + "Madonna Brooklyn": [ + "Madonna Brooklyn" + ], + "Sara Bareilles": [ + "Sara Bareilles", + "sara bareilles", + "Sara bareilles" + ], + "Sparks Vs Lynx": [ + "SParks vs Lynx", + "Sparks Vs Lynx", + "Sparks vs Lynx", + "sparks vs lynx" + ], + "Harlem Gospel Choir": [ + "Harlem gospel choir", + "harlem gospel choir", + "Harlem Gospel choir", + "Harlem Gospel Choir" + ], + "Tuxedo": [ + "Tuxedo", + "tuxedo" + ], + "The Chapel": [ + "the Chapel", + "The Chapel" + ], + "777 Valencia Street": [ + "777 Valencia Street" + ], + "Remo Drive": [ + "Remo Drive", + "Remo drive" + ], + "Westside Gunn": [ + "Westside Gunn" + ], + "Yellow Jackets Vs Wolfpack": [ + "Yellow Jackets vs Wolfpack", + "Yellow Jackets Vs Wolfpack" + ], + "1111 South Figueroa Street": [ + "1111 south figueroa street", + "1111 South Figueroa Street" + ], + "Pup": [ + "Pup" + ], + "The Irenic": [ + "The Irenic", + "the Irenic" + ], + "3090 Polk Avenue": [ + "3090 Polk Avenue" + ], + "Electric Feels": [ + "Electric feels", + "Electric Feels" + ], + "Nycfc Vs Earthquakes": [ + "Nycfc Vs Earthquakes" + ], + "Jeep Cherokee": [ + "jeep cherokee", + "Jeep Cherokee" + ], + "Toyota RAV4": [ + "Toyota RAV4" + ], + "White Sox Vs Yankees": [ + "White Sox Vs Yankees" + ], + "Nissan Leaf": [ + "nissan leaf", + "Nissan Leaf" + ], + "415 Center Street": [ + "415 Center Street", + "415 center street" + ], + "17.67": [ + "$17.67" + ], + "3630 Hillcap Avenue": [ + "3630 Hillcap Avenue" + ], + "20.16": [ + "$20.16" + ], + "10.07": [ + "$10.07" + ], + "3630 Balboa Street": [ + "3630 Balboa Street", + "3630 balboa street" + ], + "25.19": [ + "$25.19" + ], + "3290 Sacramento Street": [ + "3290 sacramento street", + "3290 Sacramento street", + "3290 Sacramento Street" + ], + "13.24": [ + "$13.24" + ], + "34.16": [ + "$34.16" + ], + "21.71": [ + "$21.71" + ], + "16.23": [ + "$16.23" + ], + "7233 Healdsburg Avenue": [ + "7233 Healdsburg Avenue" + ], + "6.18": [ + "$6.18" + ], + "1500 North Shoreline Boulevard": [ + "1500 North Shoreline Boulevard" + ], + "15.91": [ + "$15.91" + ], + "16.08": [ + "$16.08" + ], + "22.53": [ + "$22.53" + ], + "14480 Big Basin Way": [ + "14480 Big Basin Way" + ], + "9.00": [ + "$9.00" + ], + "1901 Junipero Serra Boulevard": [ + "1901 Junipero Serra Boulevard" + ], + "The Drawing Center": [ + "The Drawing Center" + ], + "30.87": [ + "$30.87" + ], + "10.98": [ + "$10.98" + ], + "18.34": [ + "$18.34" + ], + "14.51": [ + "$14.51" + ], + "15.98": [ + "$15.98" + ], + "16.59": [ + "$16.59" + ], + "470 49th Street B": [ + "470 49th Street B" + ], + "19.25": [ + "$19.25" + ], + "24.59": [ + "$24.59" + ], + "Century 20 Great Mall & XD": [ + "Century Great Mall", + "Century 20 Great Mall & XD" + ], + "1010 Great Mall Drive": [ + "1010 Great Mall Drive" + ], + "10.90": [ + "$10.90" + ], + "5133": [ + "5133" + ], + "23.60": [ + "$23.60" + ], + "221 University Avenue": [ + "221 university avenue", + "221 University Avenue" + ], + "13.95": [ + "$13.95" + ], + "11.86": [ + "$11.86" + ], + "350 Park Street": [ + "350 Park Street", + "350 Park street", + "350 park street" + ], + "9.13": [ + "$9.13" + ], + "15555 East 14th Street": [ + "15555 East 14th Street", + "15555 East 14th street", + "15555 east 14th street", + "15555 EAst 14th street" + ], + "551 Summerfield Road": [ + "551 summerfield road", + "551 Summerfield Road" + ], + "109 Plaza Dr. Gateway Plaza Center": [ + "109 PLaza Dr. Gateway plaza Center", + "109 plaza dr. gateway plaza center", + "109 Plaza Dr. Gateway plaza center", + "109 Plaza Dr. Gateway Plaza Center", + "109 Plaza Dr. Gateway Plaza center" + ], + "14.98": [ + "$14.98" + ], + "25.55": [ + "$25.55" + ], + "925 Blossom Hill Road Suite 2000": [ + "925 Blossom Hill Road Suite 2000" + ], + "23.24": [ + "$23.24" + ], + "7.43": [ + "$7.43" + ], + "12.18": [ + "$12.18" + ], + "CineLux Plaza Theatre": [ + "CineLux Plaza Theatre" + ], + "2501 Winchester Boulevard": [ + "2501 Winchester Boulevard" + ], + "17.64": [ + "$17.64" + ], + "10.87": [ + "$10.87" + ], + "Marina Theatre": [ + "Marina Theatre", + "marina theatre" + ], + "2149 Chestnut Street": [ + "2149 Chestnut Street" + ], + "121 East 1st Street": [ + "121 East 1st Street" + ], + "21.52": [ + "$21.52" + ], + "14.43": [ + "$14.43" + ], + "28.54": [ + "$28.54" + ], + "30.40": [ + "$30.40" + ], + "13.58": [ + "$13.58" + ], + "10.08": [ + "$10.08" + ], + "15.04": [ + "$15.04" + ], + "1201 Locust Street": [ + "1201 Locust Street", + "1201 locust street" + ], + "8.52": [ + "$8.52" + ], + "409 Aviation Boulevard": [ + "409 aviation boulevard", + "409 Aviation Boulevard" + ], + "15.31": [ + "$15.31" + ], + "16.54": [ + "$16.54" + ], + "Smith Rafael Film Center": [ + "Smith Rafael Film Center" + ], + "1118 4th Street": [ + "1118 4th Street" + ], + "10.81": [ + "$10.81" + ], + "28.25": [ + "$28.25" + ], + "14.71": [ + "$14.71" + ], + "1737 Post Street": [ + "1737 post street" + ], + "135 4th Street Suite 3000": [ + "135 4th Street Suite 3000", + "135 4th street suite 3000" + ], + "15.67": [ + "$15.67" + ], + "17.03": [ + "$17.03" + ], + "23.02": [ + "$23.02" + ], + "16.53": [ + "$16.53" + ], + "20.07": [ + "$20.07" + ], + "GetWeather": [ + "GetWeather" + ], + "Dixon": [ + "dixon", + "Dixon" + ], + "Asado": [ + "Asado", + "asado" + ], + "Bud's Pub & Grill": [ + "Bud's Pub & Grill", + "bud's pub & grill" + ], + "100 South 1st Street": [ + "100 South 1st Street" + ], + "707-678-4745": [ + "707-678-4745" + ], + "Barbecue": [ + "Soul Food", + "Comfort Food", + "Comfort food", + "barbecue", + "Barbecue", + "COmfort Food", + "comfort food" + ], + "Schellville Grill": [ + "Schellville Grill", + "Schellville grill" + ], + "Nepalese": [ + "Nepalese", + "himalayan", + "Himalayan", + "nepalese" + ], + "707-996-1161": [ + "707-996-1161" + ], + "Chaat Paradise": [ + "Chaat Paradise" + ], + "650-965-1111": [ + "650-965-1111" + ], + "Bottega Napa Valley": [ + "Bottega Napa Valley" + ], + "Cafe Del Sol Restaurant": [ + "Cafe Del Sol Restaurant" + ], + "Robata Grill & Sushi": [ + "Robata Grill & Sushi" + ], + "Shang Hai Kitchen": [ + "shang hai kitchen" + ], + "247 Shoreline Highway": [ + "247 shoreline highway" + ], + "Fairfax": [ + "fairfax", + "FAIRFAX", + "Fairfax" + ], + "Fradelizio's Ristorante": [ + "Fradelizio's", + "Fradelizio's Ristorante", + "fradelizio's ristorante" + ], + "415-459-1618": [ + "415-459-1618" + ], + "Aster": [ + "Aster" + ], + "Aveline": [ + "Aveline" + ], + "490 Geary Street": [ + "490 Geary Street" + ], + "415-345-2303": [ + "415-345-2303" + ], + "Aurora Ristorante Italiano": [ + "Aurora Ristorante Italiano" + ], + "Chianti Cucina": [ + "Chianti Cucina" + ], + "Sushi Tri": [ + "Sushi Tri", + "sushi tri" + ], + "415-382-9988": [ + "415-382-9988" + ], + "Discovery Bay": [ + "Discovery Bay" + ], + "Boardwalk Grill": [ + "Boardwalk Grill" + ], + "China Delights": [ + "China Delights" + ], + "510-964-1882": [ + "510-964-1882" + ], + "1501 Tara Hills Drive": [ + "1501 Tara Hills Drive" + ], + "China House Restaurant": [ + "China House Restaurant" + ], + "Brix Restaurant And Gardens": [ + "brix restaurant and gardens", + "Brix restaurant and gardens", + "Brix Restaurant And Gardens", + "Brix Restaurant and Gardens" + ], + "7377 Saint Helena Highway": [ + "7377 Saint Helena Highway" + ], + "Locanda Positano": [ + "Locanda Positano" + ], + "2327 Buchanan Road": [ + "2327 Buchanan Road" + ], + "925-778-1585": [ + "925-778-1585" + ], + "Ikoi": [ + "Ikoi" + ], + "Sasa": [ + "Sasa" + ], + "Lithuanian": [ + "Lithuanian" + ], + "Mama Papa Lithuania Restaurant": [ + "Mama Papa Lithuania Restaurant" + ], + "1241 Park Street": [ + "1241 Park Street" + ], + "Brasserie": [ + "brasserie", + "Brasserie" + ], + "Left Bank Larkspur Brasserie": [ + "left bank larkspur brasserie", + "Left Bank", + "Left Bank Larkspur Brasserie", + "Left bank Larkspur Brasserie" + ], + "Kenwood": [ + "Kenwood" + ], + "Salt And Stone Restaurant": [ + "Salt and Stone Restaurant" + ], + "Stacks - Redwood City": [ + "Stacks - Redwood city", + "Stacks - Redwood City" + ], + "650-482-2850": [ + "650-482-2850" + ], + "Favorite Indian Restaurant": [ + "Favorite Indian", + "Favorite Indian Restaurant" + ], + "Muir Beach": [ + "Muir Beach" + ], + "China Palace Restaurant": [ + "China Palace Restaurant" + ], + "925-935-3233": [ + "925-935-3233" + ], + "Bear Republic Brewing Co": [ + "bear republic brewing co", + "Bear Republic Brewing Co" + ], + "345 Healdsburg Avenue": [ + "345 healdsburg avenue" + ], + "Acacia House By Chris Cosentino": [ + "Acacia House By Chris Cosentino", + "Acacia House by Chris Cosentino" + ], + "707-963-9004": [ + "707-963-9004" + ], + "Pasta Primavera Cafe": [ + "Pasta Primavera Cafe" + ], + "Skipolini's Pizza": [ + "Skipolini's Pizza" + ], + "925-680-6888": [ + "925-680-6888" + ], + "Akane Japanese Restaurant": [ + "akane japanese restaurant", + "Akane Japanese restaurant", + "akane Japanese restaurant" + ], + "650-941-8150": [ + "650-941-8150" + ], + "Clayton": [ + "Clayton" + ], + "Moresi's Chophouse": [ + "Moresi's Chophouse" + ], + "6115 Main Street": [ + "6115 Main Street" + ], + "Olema, California": [ + "Olema, California" + ], + "Sir And Star At The Olema": [ + "Sir and Star At The Olema" + ], + "Jade Dragon Restaurant": [ + "Jade Dragon Restaurant", + "Jade Dragon" + ], + "Koi Palace": [ + "Koi Palace" + ], + "365 Gellert Boulevard": [ + "365 Gellert Boulevard" + ], + "Back Forty Texas Bbq": [ + "Back Forty Texas Bbq" + ], + "100 Coggins Drive": [ + "100 Coggins Drive" + ], + "925-935-1440": [ + "925-935-1440" + ], + "Narin Thai Cuisine": [ + "Narin Thai Cuisine" + ], + "231 Park Road": [ + "231 Park Road" + ], + "Gerry's Grill": [ + "Gerry's Grill" + ], + "31005 Courthouse Drive": [ + "31005 Courthouse Drive" + ], + "Sole Mio Ristorante Italiano": [ + "Sole Mio Ristorante Italiano" + ], + "14441 Big Basin Way": [ + "14441 Big Basin Way" + ], + "Lotus Thai Restaurant": [ + "Lotus Thai Restaurant", + "Lotus", + "lotus thai restaurant", + "Lotus Thai restaurant" + ], + "115 Hartz Avenue": [ + "115 hartz avenue", + "115 Hartz avenue", + "115 Hartz Avenue" + ], + "925-743-8424": [ + "925-743-8424" + ], + "Iron Gate Restaurant": [ + "Iron Gate Restaurant" + ], + "Papa's Pizza Cafe": [ + "Papa's Pizza Cafe" + ], + "105 North Cloverdale Boulevard": [ + "105 North Cloverdale Boulevard" + ], + "707-894-4453": [ + "707-894-4453" + ], + "884 Portola Road A1": [ + "884 Portola Road A1" + ], + "Flavor Of India North & South Cuisine": [ + "Flavor Of India North & South Cuisine" + ], + "510-500-9677": [ + "510-500-9677" + ], + "15930 Hesperian Boulevard": [ + "15930 Hesperian Boulevard" + ], + "First St. Cafe": [ + "First St. Cafe" + ], + "440 1st Street": [ + "440 1st Street" + ], + "Nine Zero Seven": [ + "Nine Zero Seven" + ], + "The Rellik Tavern": [ + "The Rellik Tavern" + ], + "Montara": [ + "Montara" + ], + "La Costanera": [ + "La Costanera" + ], + "650-728-1600": [ + "650-728-1600" + ], + "Rutherford": [ + "Rutherford" + ], + "Rutherford Grill": [ + "Rutherford Grill" + ], + "1180 Rutherford Road": [ + "1180 Rutherford Road" + ], + "151 East El Camino Real": [ + "151 East El Camino Real" + ], + "408-245-9999": [ + "408-245-9999" + ], + "Valley Ford": [ + "Valley Ford" + ], + "What I Need": [ + "What I need", + "What I Need" + ], + "All That Remains": [ + "all that remains", + "All That Remains" + ], + "Madness": [ + "Madness" + ], + "The Thunder Rolls": [ + "The Thunder Rolls" + ], + "Windsor": [ + "windsor", + "Windsor" + ], + "Inverness": [ + "inverness", + "Inverness" + ], + "Ease My Mind": [ + "Ease My Mind", + "Ease my Mind", + "ease my mind" + ], + "Middle Eastern": [ + "Middle Eastern" + ], + "Sunol": [ + "Sunol" + ], + "Brunettes Shoot Blondes": [ + "Brunettes Shoot Blondes", + "Brunettes shoot blondes", + "brunettes shoot blondes" + ], + "Bittersweet": [ + "bittersweet", + "Bittersweet" + ], + "Knock Knock": [ + "Knock Knock", + "knock knock", + "Knock knock" + ], + "Stitches": [ + "Stitches" + ], + "Stay": [ + "Stay" + ], + "The Zombie Song": [ + "The Zombie Song" + ], + "Stephanie Mabey": [ + "Stephanie Mabey" + ], + "Wake Up Dreaming": [ + "Wake up Dreaming", + "Wake Up Dreaming", + "Wake up dreaming" + ], + "Stone Cold": [ + "Stone Cold" + ], + "Confident": [ + "Confident" + ], + "Thursday": [ + "thursday", + "Thursday" + ], + "Hyang Giri": [ + "Hyang Giri" + ], + "Dewa Budjana": [ + "Dewa Budjana" + ], + "Mahandini": [ + "Mahandini" + ], + "So High": [ + "So High", + "so high" + ], + "Peace Of Mind": [ + "Peace Of Mind", + "Peace of Mind" + ], + "Tom Ford": [ + "Tom Ford" + ], + "Teodora": [ + "Teodora" + ], + "Borbena": [ + "Borbena" + ], + "Colder Weather": [ + "Colder Weather" + ], + "Pass The Jar": [ + "Pass the Jar", + "Pass The Jar" + ], + "Protoje": [ + "Protoje" + ], + "Who Knows": [ + "Who KNows", + "Who Knows" + ], + "Ancient Future": [ + "Ancient Future" + ], + "Moon": [ + "Moon" + ], + "Kid Francescoli": [ + "Kid Francescoli" + ], + "Play Me Again": [ + "Play Me Again" + ], + "East Palo Alto": [ + "East Palo Alto" + ], + "Let Me Down Slowly": [ + "Let Me Down Slowly" + ], + "Under You": [ + "Under You" + ], + "Nick Jonas": [ + "Nick Jonas" + ], + "Last Year Was Complicated": [ + "Last Year Was Complicated" + ], + "Rats": [ + "rats", + "Rats" + ], + "Graton": [ + "Graton" + ], + "Rearview Town": [ + "Rearview town", + "Rearview TOwn", + "Rearview Town" + ], + "Girl Like You": [ + "Girl LIke You", + "Girl Like you", + "Girl Like You", + "Girl Like YOu", + "Girl like you" + ], + "Pescadero": [ + "Pescadero", + "pescadero" + ], + "No More Sad Songs": [ + "No more Sad Songs", + "no more sad songs", + "No More Sad Songs", + "No more sad songs" + ], + "Little Mix": [ + "Little Mix" + ], + "Glory Days": [ + "Glory Days" + ], + "Geyserville": [ + "Geyserville" + ], + "Big Time Rush": [ + "Big Time Rush" + ], + "Elevate": [ + "Elevate" + ], + "Windows Down": [ + "Windows Down" + ], + "It Has Begun": [ + "It has begun", + "it has begun", + "It Has Begun" + ], + "Boyfriend": [ + "Boyfriend", + "boyfriend" + ], + "Froggy Fresh": [ + "Froggy Fresh" + ], + "Piano Songs": [ + "Piano songs", + "Piano Songs" + ], + "Superficial Love": [ + "Superficial love", + "Superficial Love", + "superficial love" + ], + "Ruth B": [ + "Ruth B" + ], + "Safe Haven": [ + "Safe Haven" + ], + "Forestville": [ + "Forestville" + ], + "Dusk Till Dawn": [ + "Dusk Till Dawn", + "dusk till dawn", + "Dusk till Dawn" + ], + "Take Back Home Girl": [ + "Take Back Home Girl" + ], + "Chris Lane": [ + "Chris Lane" + ], + "Laps Around The Sun": [ + "Laps Around The Sun", + "Laps Around the Sun" + ], + "2423 1st Avenue": [ + "2423 1st Avenue", + "2423 1st avenue" + ], + "1680": [ + "one thousand six hundred and eighty dollars", + "$1,680" + ], + "576": [ + "$576" + ], + "28 Hotel Sydney": [ + "28 Hotel Sydney", + "28 hotel sydney" + ], + "57 Hotel": [ + "57 Hotel", + "57 hotel" + ], + "+61 2 9011 5756": [ + "+61 2 9011 5756" + ], + "57 Foveaux Street, Surry Hills New South Wales 2010, Australia": [ + "57 Foveaux Street, Surry Hills, New South wales 2010, Australia", + "57 Foveaux Street, Surry Hills New South Wales 2010, Australia" + ], + "28bis Avenue Corentin Cariou, 75019": [ + "28bis Avenue Corentin Cariou, 75019" + ], + "504": [ + "$504" + ], + "4301 Island Avenue": [ + "4301 Island Avenue", + "4301 island avenue" + ], + "+1 267-298-1700": [ + "+1 267-298-1700" + ], + "Four Points By Sheraton Philadelphia Airport": [ + "four points by sheraton philadelphia airport", + "Four Points By Sheraton Philadelphia Airport" + ], + "Airtel Plaza Hotel": [ + "airtel plaza hotel", + "Airtel Plaza hotel", + "Airtel Plaza Hotel", + "Airtel Plaza HOtel" + ], + "+1 800-224-7835": [ + "+1 800-224-7835" + ], + "7277 Valjean Avenue, Van Nuys, California 91406, United States": [ + "7277 Valjean Avenue, Van Nuys, California 91406, United States", + "7277 valjean avenue, van nuys, california 91406, united states" + ], + "+61 2 9102 2828": [ + "+61 2 9102 2828" + ], + "792": [ + "$792" + ], + "Banana Bungalow - Hollywood Hostel": [ + "banana bungalow - hollywood hostel", + "Banana Bungalow - Hollywood Hostel", + "Banana Bungalow - Hollywood hostel" + ], + "5920 Hollywood Boulevard, Hollywood, CA 90028, USA": [ + "5920 hollywood boulevard, hollywood, ca 90028, usa", + "5920 Hollywood Boulevard, Hollywood CA 90028, USA", + "5920 Hollywood Boulevard, Hollywood, CA 90028, USA" + ], + "+1 323-469-2500": [ + "+1 323-469-2500" + ], + "La Quinta Inn By Wyndham Fresno Yosemite": [ + "La Quinta Inn by Wyndham Fresno Yosemite", + "La Quinta Inn By Wyndham Fresno Yosemite", + "La Quinta Inn by Wyndham fresno yosemite", + "la Quinta Inn By Wyndham Fresno Yosemite", + "la quinta inn by wyndham fresno yosemite" + ], + "28 Regent Street, Chippendale New South Wales 2008, Australia": [ + "28 Regent Street, Chippendale New South Wales 2008, Australia" + ], + "1216": [ + "$1,216" + ], + "1755": [ + "$1,755" + ], + "+1 602-426-2638": [ + "+1 602-426-2638" + ], + "3108": [ + "$3108", + "$3,108" + ], + "Citadines Barbican London (Apart Hotel London)": [ + "Citadines Barbican London (Apart Hotel London)", + "citadines barbican london (apart hotel london)", + "citadines barbican london" + ], + "7-21 Goswell Road": [ + "7-21 Goswell Road" + ], + "+44 20 7566 8000": [ + "+44 20 7566 8000" + ], + "8000 Arizona Grand Parkway": [ + "8000 Arizona Grand Parkway" + ], + "2088": [ + "$2088" + ], + "1056": [ + "$1,056" + ], + "Best Western Premier Toronto Airport Carlingview Hotel": [ + "Best Western Premier Toronto Airport Carlingview Hotel", + "Best Western Premier Toronto airport carlingview hotel", + "Best Western Premier Toronto Airport Carlingview HOtel", + "Best western premier toronto airport carlingview hotel", + "best western premier toronto airport carlingview hotel" + ], + "Arc The.Hotel": [ + "arc the.hotel", + "Arc the.Hotel", + "Arc the.hotel", + "Arc The.Hotel" + ], + "+1 202-337-6620": [ + "+1 202-337-6620" + ], + "945": [ + "$945" + ], + "1296": [ + "$1,296" + ], + "1116": [ + "$1116", + "$1,116" + ], + "Bodega Bay": [ + "bodega Bay", + "Bodega Bay" + ], + "Best Western Of Long Beach": [ + "Best Western Of Long beach", + "Best Western of Long Beach", + "best western of long beach", + "best Western Of Long beach", + "Best western of long beach", + "Best Western Of Long Beach", + "Best Western of long Beach" + ], + "Courtyard By Marriott Long Beach Airport": [ + "Courtyard By marriott long beach airport", + "Courtyard by Marriott Long Beach Airport", + "Courtyard By marriott Long Beach Airport", + "Courtyard by Marriott Long Beach AIrport", + "Courtyard By Marriott Long Beach Airport", + "Courtyard by Marriott long beach airport", + "courtyard by marriott long beach airport" + ], + "+1 562-429-5803": [ + "+1 562-429-5803" + ], + "3841 North Lakewood Boulevard": [ + "3841 North Lakewood Boulevard" + ], + "+1 215-372-9000": [ + "+1 215-372-9000" + ], + "Cambria Hotel Washington, D.C. Convention Center": [ + "Cambria Hotel Washington D.C. Convention Center", + "cambria hotel washington, d.c. convention center", + "Cambria Hotel Washington, D.C. Convention Center", + "cambria hotel washington, D.C. convention center" + ], + "Lantana Road": [ + "Lantana Road" + ], + "1100 H Street": [ + "1100 h street", + "1100 H Street", + "1100 H street" + ], + "+1 916-441-1314": [ + "+1 916-441-1314" + ], + "Crowne Plaza Nairobi": [ + "Crowne Plaza Nairobi" + ], + "Crowne Plaza Nairobi Airport": [ + "Crowne Plaza Nairobi airport", + "Crowne Plaza Nairobi Airport" + ], + "261": [ + "$261" + ], + "Cira Centre South, 2929 Walnut Street": [ + "Cira Centre South 2929 Walnut Street", + "Cira Centre South, 2929 Walnut Street", + "cira centre south, 2929 walnut street" + ], + "Canopy By Hilton Portland Pearl District": [ + "Canopy by hilton portland pearl district", + "Canopy by Hilton Portland Pearl District", + "canopy by hilton portland pearl district", + "Canopy By Hilton Portland Pearl District", + "Canopy By Hilton Portland Pearl district" + ], + "Stinson Beach": [ + "Stinson Beach" + ], + "Adina Apartment Hotel Bondi Beach Sydney": [ + "Adina Apartment Hotel Bondi Beach Sydney" + ], + "1600 South Harbor Boulevard": [ + "1600 south Harbor Boulevard", + "1600 South Harbor Boulevard", + "1600 south harbor boulevard" + ], + "Bloomrooms @ New Delhi Railway Station": [ + "Bloomrooms @ New Delhi Railway Station", + "bloomrooms @ new delhi railway station", + "Bloomrooms @ new delhi railway station" + ], + "8591, Arakashan Road, Opp New Delhi Railway Station, New Delhi": [ + "8591, arakashan road, opp new delhi railway station, new delhi", + "8591, Arakashan Road, Opp New Delhi Railway Station, New Delhi" + ], + "+91 11 4122 5666": [ + "+91 11 4122 5666" + ], + "3600 Wieuca Road Northeast": [ + "3600 wieuca road northeast", + "3600 Wieuca road northeast", + "3600 Wieuca Road Northeast" + ], + "First Freight Lane Jomo Kenyatta International Airport": [ + "First Freight Lane Jomo Kenyatta International Airport" + ], + "Capitol Hill Hotel": [ + "Capitol Hill hotel", + "Capitol Hill Hotel" + ], + "+1 202-543-6000": [ + "+1 202-543-6000" + ], + "Bisha Hotel Toronto": [ + "bisha hotel toronto", + "Bisha Hotel Toronto" + ], + "Cambridge Suites Toronto": [ + "Cambridge Suites toronto", + "Cambridge suites toronto" + ], + "+1 800-463-1990": [ + "+1 800-463-1990" + ], + "15 Richmond Street East": [ + "15 richmond street east" + ], + "Crowne Plaza Los Angeles Airport": [ + "Crowne Plaza Los Angeles Airport" + ], + "+1 310-642-7500": [ + "+1 310-642-7500" + ], + "5985 West Century Boulevard": [ + "5985 West Century Boulevard" + ], + "Doubletree By Hilton Hotel Fresno Convention Center": [ + "Doubletree By Hilton Hotel Fresno COnvention Center", + "Doubletree By Hilton Hotel Fresno Convention Center", + "doubletree by hilton hotel fresno convention center", + "Doubletree by Hilton hotel Fresno Convention Center", + "Doubletree by Hilton Hotel Fresno Convention Center", + "Doubletree by Hilton Hotel Fresno Convention center", + "DoubleTree by Hilton Hotel Fresno Convention Center" + ], + "+1 559-268-1000": [ + "+1 559-268-1000" + ], + "Ambassador Chicago": [ + "Ambassador Chicago" + ], + "1301 North State Parkway": [ + "1301 North State Parkway" + ], + "+1 888-506-3471": [ + "+1 888-506-3471" + ], + "468": [ + "$468" + ], + "495 Jefferson Street": [ + "495 Jefferson Street", + "495 jefferson street" + ], + "Hampton Inn Las Vegas/Summerlin": [ + "Hampton Inn Las Vegas/Summerlin" + ], + "2926 Tulare Street": [ + "2926 Tulare Street", + "2926 tulare street" + ], + "Bay Point": [ + "Bay Point" + ], + "+1 562-599-5555": [ + "+1 562-599-5555" + ], + "+254 719 096000": [ + "+254 719 096000" + ], + "+1 503-200-5678": [ + "+1 503-200-5678" + ], + "9920 Northeast Cascades Parkway": [ + "9920 northeast cascades parkway", + "9920 Northeast Cascades Parkway", + "9920 Northeast cascades Parkway", + "9920 Northeast Cascades parkway" + ], + "Best Western Plus Portland Airport Hotel & Suites": [ + "Best western plus portland airport hotel & suites", + "Best Western Plus Portland Airport Hotel & Suites", + "best western plus portland airport hotel & suites" + ], + "11938 Northeast Airport Way": [ + "11938 Northeast Airport Way", + "11938 Northeast Airport way" + ], + "Hilton Philadelphia At Penn'S Landing": [ + "Hilton Philadelphia At Penn'S Landing", + "Hilton Philadelphia At Penn's Landing", + "hilton philadelphia at penn's landing", + "Hilton Philadelphia At Penn'S landing", + "Hilton Philadelphia at Penn's Landing" + ], + "Ac Hotel By Marriott Atlanta Downtown": [ + "AC Hotel by Marriott Atlanta Downtown", + "Ac hotel by MArriott Atlanta Downtown", + "Ac Hotel By Marriott Atlanta Downtown", + "Ac Hotel by Marriott Atlanta Downtown", + "Ac Hotel downtown" + ], + "555 West Ash Street": [ + "555 West Ash Street" + ], + "14 Riverside Westlands": [ + "14 Riverside Westlands", + "14 riverside westlands" + ], + "9042/1044 Tower Avenue Jomo Kenyatta Intl Airport": [ + "9042/1044 tower avenue jomo kenyatta intl airport", + "9042/1044 Tower Avenue Jomo Kenyatta Intl Airport" + ], + "Chiromo Road": [ + "Chiromo Road", + "chiromo road" + ], + "+254 703 049000": [ + "+254 703 049000" + ], + "2030": [ + "$2,030" + ], + "+1 503-281-6111": [ + "+1 503-281-6111" + ], + "2.80": [ + "2.8" + ], + "+1 404-524-5555": [ + "+1 404-524-5555" + ], + "2200": [ + "$2,200" + ], + "1025 Granville Street": [ + "1025 Granville Street" + ], + "10 Rue de Passy, 75016": [ + "10 Rue De Passy, 75016", + "10 Rue de Passy, 75016" + ], + "900": [ + "nine hundred bucks", + "900 dollars", + "$900" + ], + "12, Doctor APJ Abdul Kalam Road, New Delhi": [ + "12, Doctor APJ Abdul Kalam Road, New Delhi", + "12, Doctor APJ ABdul Kalam Road, New Delhi", + "12, doctor apj abdul kalam road, new delhi", + "12, Doctor APJ Abdul Kalam Road, new Delhi" + ], + "12, Mangalam Place, Sector 3, Rohini, New Delhi": [ + "12, Mangalam Place, Sector 3, Rohini, New Delhi" + ], + "+91 11 4340 0000": [ + "+91 11 4340 0000" + ], + "2604": [ + "$2,604" + ], + "+254 787 657000": [ + "+254 787 657000" + ], + "3640": [ + "$3,640" + ], + "+1 562-590-8858": [ + "+1 562-590-8858" + ], + "285 Bay Street": [ + "285 Bay Street" + ], + "+91 11 3955 5000": [ + "+91 11 3955 5000" + ], + "111 Robson Street": [ + "111 Robson Street", + "111 robson street" + ], + "+1 604-602-1008": [ + "+1 604-602-1008" + ], + "1575": [ + "$1,575" + ], + "132 South Central Avenue": [ + "132 south central avenue", + "132 South Central Avenue" + ], + "15620 North Clubgate Drive, Scottsdale, Arizona 85254, United States": [ + "15620 north clubgate drive, scottsdale arizona 85254, united states" + ], + "736": [ + "$736" + ], + "138 King Street": [ + "138 king street", + "138 King Street", + "138 King street" + ], + "1201 K Street Northwest, Washington, District of Columbia 20005, United States": [ + "1201 K Street Northwest, Washington, District of Columbia 20005, United States" + ], + "+1 202-289-7600": [ + "+1 202-289-7600" + ], + "1331 Pennsylvania Avenue Northwest, Washington, District of Columbia 20004, United States": [ + "1331 Pennsylvania Avenue Northwest, Washington, District of Columbia 20004, United States", + "1331 pennsylvania avenue northwest, washington, district of columbia, 20004, united states" + ], + "+1 800-228-9290": [ + "+1 800-228-9290" + ], + "+1 718-512-0248": [ + "+1 718-512-0248" + ], + "750": [ + "$750" + ], + "2448": [ + "$2,448" + ], + "100 North Christopher Columbus Boulevard": [ + "100 north christopher columbus boulevard", + "100 North Christopher Columbus Boulevard" + ], + "+1 215-627-7900": [ + "+1 215-627-7900" + ], + "1001 Intrepid Avenue": [ + "1001 Intrepid Avenue" + ], + "+1 215-644-9200": [ + "+1 215-644-9200" + ], + "11550 Northeast Airport Way": [ + "11550 Northeast Airport Way" + ], + "1055 Van Ness Avenue": [ + "1055 Van Ness Avenue" + ], + "+1 559-233-6650": [ + "+1 559-233-6650" + ], + "+1 800-468-3571": [ + "+1 800-468-3571" + ], + "2250": [ + "$2,250" + ], + "13A, District Centre, Mayur Vihar, New Delhi": [ + "13A, District Centre, Mayur Vihar, New Delhi" + ], + "+91 11 4110 5555": [ + "+91 11 4110 5555" + ], + "1632": [ + "$1,632", + "$1632" + ], + "1305": [ + "$1,305" + ], + "+1 206-583-6453": [ + "+1 206-583-6453" + ], + "1224": [ + "$1,224" + ], + "896": [ + "$896" + ], + "5600": [ + "$5,600" + ], + "+1 215-963-1500": [ + "+1 215-963-1500" + ], + "1215 South Las Vegas Boulevard": [ + "1215 South Las Vegas Boulevard", + "1215 SOuth Las Vegas Boulevard", + "1215 south las vegas boulevard" + ], + "2233 Ventura Street": [ + "2233 Ventura Street", + "2233 ventura street" + ], + "+1 559-442-1110": [ + "+1 559-442-1110" + ], + "+254 709 760000": [ + "+254 709 760000" + ], + "756": [ + "$756" + ], + "3920": [ + "$3920" + ], + "Elgon Road": [ + "Elgon Road" + ], + "+254 709 810000": [ + "+254 709 810000" + ], + "3675": [ + "$3,675" + ], + "10601 North 56th Street, Scottsdale, AZ 85254, USA": [ + "10601 North 56th Street, Scottsdale, AZ 85254, USA" + ], + "100 Capitol Mall": [ + "100 capitol mall", + "100 Capitol Mall", + "100 Capitol mall" + ], + "1121 15th Street": [ + "1121 15th Street" + ], + "+1 916-443-0500": [ + "+1 916-443-0500" + ], + "1104": [ + "$1,104" + ], + "10 East Grand Avenue": [ + "10 east grand avenue", + "10 East Grand Avenue" + ], + "+1 312-595-0000": [ + "+1 312-595-0000" + ], + "11936 Northeast Glenn Widing Drive": [ + "11936 Northeast Glenn Widing Drive" + ], + "+1 916-326-5000": [ + "+1 916-326-5000" + ], + "+1 714-860-4660": [ + "+1 714-860-4660" + ], + "217 Las Vegas Boulevard North": [ + "217 Las Vegas Boulevard North" + ], + "+1 702-768-9823": [ + "+1 702-768-9823" + ], + "+1 480-948-6100": [ + "+1 480-948-6100" + ], + "Atherton": [ + "atherton", + "Atherton" + ], + "+1 404-745-5000": [ + "+1 404-745-5000" + ], + "111 Cone Street Northwest": [ + "111 Cone Street Northwest" + ], + "+1 404-524-7000": [ + "+1 404-524-7000" + ], + "110 Cumberland Street, The Rocks New South Wales 2000, Australia": [ + "110 Cumberland Street, The Rocks New South Wales 2000, Australia" + ], + "11:56": [ + "11:56 am" + ], + "491": [ + "$491" + ], + "16:29": [ + "4:29 pm" + ], + "10:36": [ + "10:36 am" + ], + "2025 Northwest Northrup Street": [ + "2025 Northwest Northrup Street" + ], + "10210 North 26th Drive": [ + "10210 North 26th Drive" + ], + "489": [ + "$489" + ], + "332": [ + "$332" + ], + "+1 416-963-6300": [ + "+1 416-963-6300" + ], + "12 Rue de Marignan, 75008": [ + "12 Rue de Marignan, 75008" + ], + "139": [ + "139 dollars", + "$139" + ], + "10:49": [ + "10:49 am" + ], + "405": [ + "$405" + ], + "+1 702-489-7500": [ + "+1 702-489-7500" + ], + "153 West 57th Street": [ + "153 West 57th Street" + ], + "+1 646-774-1234": [ + "+1 646-774-1234" + ], + "+1 415-200-4977": [ + "+1 415-200-4977" + ], + "440 Post Street": [ + "440 Post Street" + ], + "597": [ + "$597" + ], + "555": [ + "$555" + ], + "336": [ + "$336" + ], + "Slumber Party": [ + "Slumber Party" + ], + "Britney Spears": [ + "Britney Spears" + ], + "Glory": [ + "Glory" + ], + "2033 West North Avenue": [ + "2033 West North Avenue", + "2033 west north avenue" + ], + "Ocean": [ + "Ocean" + ], + "Nattali Rize": [ + "nattali rize", + "Nattali Rize" + ], + "Heartbeat": [ + "Heartbeat", + "heartbeat" + ], + "El Farsante": [ + "El Farsante" + ], + "Ozuna": [ + "Ozuna" + ], + "Odisea": [ + "Odisea" + ], + "Up Down": [ + "Up Down", + "up down" + ], + "Cham Cham": [ + "Cham Cham" + ], + "Meet Bros": [ + "Meet Bros" + ], + "Bollywood Monsoon Special": [ + "Bollywood Monsoon Special" + ], + "South Asia": [ + "South Asia", + "south asia" + ], + "Count On Me": [ + "Count on Me", + "Count On me", + "Count On Me" + ], + "Connie Talbot": [ + "Connie Talbot" + ], + "Beautiful World": [ + "Beautiful World" + ], + "Kindly Calm Me Down": [ + "Kindly Calm Me Down" + ], + "Thank You": [ + "Thank You" + ], + "Some Of It": [ + "Some Of It" + ], + "Eric Church": [ + "Eric Church" + ], + "Desperate Man": [ + "Desperate Man" + ], + "Mi Gna": [ + "Mi Gna" + ], + "Super Sako": [ + "Super Sako" + ], + "Love Crimes": [ + "Love Crimes" + ], + "Pobrecita": [ + "Pobrecita", + "pobrecita" + ], + "Mana Zina": [ + "Mana zina", + "Mana Zina" + ], + "Mo Temsamani": [ + "Mo Temsamani" + ], + "Broken": [ + "broken", + "Broken" + ], + "Isak Danielson": [ + "isak danielson", + "Isak Danielson" + ], + "Only You": [ + "only you", + "Only You" + ], + "Ric Hassani": [ + "ric hassani", + "Ric Hassani" + ], + "The African Gentleman": [ + "The African gentleman", + "the african gentleman", + "The African Gentleman" + ], + "What If I Was Nothing": [ + "What If I Was Nothing", + "What If I was nothing", + "what if I was nothing", + "What If I was Nothing" + ], + "A War You Cannot Win": [ + "A war you cannot win", + "A War You Cannot Win", + "A War You cannot win", + "a war you cannot win" + ], + "Night Shift": [ + "night shift", + "Night Shift" + ], + "Get Scared": [ + "Get Scared" + ], + "Best Kind Of Mess": [ + "Best Kind of Mess", + "Best Kind Of Mess" + ], + "Sarcasm": [ + "Sarcasm" + ], + "Globalization": [ + "Globalization" + ], + "Fireball": [ + "Fireball" + ], + "All Night": [ + "All Night", + "all night" + ], + "Parov Stelar": [ + "Parov Stelar", + "parov Stelar" + ], + "The Princess": [ + "The Princess", + "the princess" + ], + "Blue Jays Vs Royals": [ + "Blue Jays vs Royals" + ], + "The Victoria Dalston": [ + "The Victoria Dalston" + ], + "Local Natives": [ + "Local Natives", + "local natives" + ], + "Redemption": [ + "Redemption" + ], + "Night": [ + "night", + "Night" + ], + "Ludovico Einaudi": [ + "Ludovico einaudi", + "Ludovico Einaudi" + ], + "Elements": [ + "Elements", + "elements" + ], + "Dance Again": [ + "Dance Again" + ], + "Jennifer Lopez": [ + "Jennifer Lopez" + ], + "Hard Times": [ + "hard times", + "Hard Times" + ], + "Paramore": [ + "Paramore", + "paramore" + ], + "After Laughter": [ + "after laughter", + "After Laughter" + ], + "Love Me Like You": [ + "Love Me Like You", + "Love Me like You" + ], + "Get Weird": [ + "Get Weird" + ], + "Panthers Vs Paladins": [ + "Panthers vs Paladins", + "Panthers Vs Paladins" + ], + "Lost Within": [ + "Lost Within", + "Lost WIthin" + ], + "Fivefold": [ + "Fivefold" + ], + "The Story": [ + "The Story" + ], + "Cheap Smell": [ + "Cheap Smell" + ], + "O Father O Satan O Sun": [ + "O Father O Satan O Sun", + "O Father O Satan O sun" + ], + "Behemoth": [ + "Behemoth" + ], + "The Satanist": [ + "The Satanist" + ], + "If We Have Each Other": [ + "If We Have Each Other", + "If We Have Each other" + ], + "Yomonsan": [ + "Yomonsan" + ], + "Janob Rasul": [ + "Janob Rasul" + ], + "Grow As We Go": [ + "Grow as We Go", + "Grow as we go", + "Grow As We Go" + ], + "Tangled Up": [ + "Tangled Up" + ], + "Caro Emerald": [ + "Caro Emerald" + ], + "The Shocking Miss Emerald": [ + "The Shocking Miss Emerald" + ], + "Keep It Mello": [ + "Keep It Mello", + "Keep it Mello" + ], + "If You Met Me First": [ + "If You Met Me First" + ], + "Eric Ethridge": [ + "Eric Ethridge" + ], + "Qalb Qalb Party": [ + "Qalb Qalb Party" + ], + "Mohammed Al Salem": [ + "Mohammed Al Salem" + ], + "Radh": [ + "Radh" + ], + "Only Love": [ + "Only Love" + ], + "Pop Evil": [ + "Pop Evil" + ], + "Be Legendary": [ + "Be legendary", + "Be Legendary" + ], + "Banjo Odyssey": [ + "Banjo Odyssey", + "banjo odyssey" + ], + "Sky Vs Fever": [ + "Sky vs Fever", + "Sky Vs Fever" + ], + "Wintrust Arena": [ + "Wintrust Arena" + ], + "Gyptian": [ + "Gyptian" + ], + "Hold You": [ + "Hold You" + ], + "Try To Fight It": [ + "Try To Fight It", + "Try to Fight It", + "try to fight it" + ], + "Shallow Side": [ + "shallow side", + "Shallow Side" + ], + "Give You What You Like": [ + "Give You What You Like" + ], + "Avril Lavigne": [ + "Avril Lavigne" + ], + "Touch It": [ + "Touch It" + ], + "Zenzenzense": [ + "zenzenzense", + "Zenzenzense" + ], + "Lose You Too": [ + "lose you too" + ], + "Shy Martin": [ + "Shy Martin" + ], + "Qaynona": [ + "Qaynona", + "qaynona" + ], + "Nobody Can Save Me": [ + "Nobody Can Save Me" + ], + "Where Have You Been": [ + "Where Have You Been", + "where have you been" + ], + "Laila Main Laila": [ + "Laila Main Laila" + ], + "Born Free": [ + "Born Free" + ], + "Jordan Smith": [ + "Jordan Smith" + ], + "135 Carlingview Drive, Etobicoke, Ontario M9W 5E7, Canada": [ + "135 Carlingview Drive, Etobicoke, Ontario M9W 5E7, Canada", + "135 Carlingview Drive Etobicoke, Ontario M9W 5E7, Canada", + "135 Carlingview drive, etobicoke, ontario M9W 5e7, canada" + ], + "+1 416-637-7000": [ + "+1 416-637-7000" + ], + "2100": [ + "$2,100", + "$2100" + ], + "952": [ + "$952" + ], + "Aloft Chicago Downtown River North": [ + "Aloft Chicago Downtown River North" + ], + "515 North Clark Street": [ + "515 North Clark Street" + ], + "1064": [ + "$1,064" + ], + "Leaf": [ + "Leaf" + ], + "3276": [ + "$3,276" + ], + "Comfort Suites Phoenix North": [ + "Comfort Suites Phoenix North", + "comfort Suites Phoenix North" + ], + "+1 602-861-3900": [ + "+1 602-861-3900" + ], + "Crowne Plaza Phoenix Airport": [ + "Crowne Plaza Phoenix Airport" + ], + "+1 602-273-7778": [ + "+1 602-273-7778" + ], + "Aparthotel Adagio Paris Montmartre": [ + "Aparthotel Adagio Paris montmartre", + "aparthotel adagio paris montmartre", + "Aparthotel Adagio Paris Montmartre" + ], + "10 Place Charles Dullin, 75018": [ + "10 Place Charles Dullin, 75018" + ], + "+33 1 42 57 14 55": [ + "+33 1 42 57 14 55" + ], + "Anaheim Rv Park": [ + "Anaheim RV Park", + "Anaheim Rv Park" + ], + "200 West Midway Drive": [ + "200 West Midway Drive" + ], + "609": [ + "$609" + ], + "1248": [ + "$1,248" + ], + "924": [ + "$924" + ], + "837 West Hastings Street": [ + "837 West Hastings Street" + ], + "+1 604-678-8899": [ + "+1 604-678-8899" + ], + "+1 215-492-0400": [ + "+1 215-492-0400" + ], + "1449": [ + "$1,449" + ], + "+1 800-341-6301": [ + "+1 800-341-6301" + ], + "Kenya Road, Upper Hill": [ + "Kenya Road, Upper Hill" + ], + "1848": [ + "$1,848" + ], + "2394": [ + "$2,394" + ], + "Orly International Airport": [ + "orly International Airport", + "Orly International Airport" + ], + "5115 East McKinley Avenue": [ + "5115 East McKinley Avenue" + ], + "+1 559-375-7760": [ + "+1 559-375-7760" + ], + "Volkswagen GTI": [ + "Volkswagen GTI", + "volkswagen GTI" + ], + "+1 916-455-6800": [ + "+1 916-455-6800" + ], + "77 Yesler Way": [ + "77 Yesler Way" + ], + "Volkswagen Golf": [ + "Volkswagen Golf" + ], + "+1 503-251-9991": [ + "+1 503-251-9991" + ], + "425 Northwest 9th Avenue": [ + "425 Northwest 9th Avenue", + "425 northwest 9th avenue" + ], + "+1 971-351-0230": [ + "+1 971-351-0230" + ], + "+1 916-929-8855": [ + "+1 916-929-8855" + ], + "900 South Disneyland Drive": [ + "900 South Disneyland Drive" + ], + "2550 East Katella Avenue": [ + "2550 East Katella Avenue" + ], + "Toyota Highlander": [ + "toyota highlander", + "Toyota Highlander" + ], + "Subaru Forester": [ + "subaru forester", + "Subaru Forester" + ], + "7100 Cascade Valley Court": [ + "7100 Cascade Valley Court" + ], + "+91 11 4302 0202": [ + "+91 11 4302 0202" + ], + "Oaks On Castlereagh": [ + "Oaks on Castlereagh", + "Oaks On Castlereagh" + ], + "The Lalit New Delhi": [ + "The Lalit New", + "The Lalit New Delhi" + ], + "Near, Barakhamba Road, Police Station, Connaught Place, New Delhi": [ + "Near, Barakhamba Road, Police Station, Connaught Place, New Delhi" + ], + "Wombat'S City Hostel": [ + "Wombat'S City Hostel" + ], + "Seraphine Hammersmith, Sure Hotel Collection By Best Western": [ + "Seraphine Hammersmith, Sure Hotel Collection by Best Western", + "Seraphine Hammersmith, Sure Hotel Collection By Best Western", + "Seraphine Hammersmith" + ], + "84 King Street": [ + "84 King Street" + ], + "Radisson Hotel Portland Airport": [ + "Radisson hotel Portland airport", + "Radisson Hotel Portland airport" + ], + "North Sydney Harbourview Hotel": [ + "North Sydney Harbourview Hotel", + "North Sydney Harbourview" + ], + "17 Blue Street, North": [ + "17 Blue Street, North" + ], + "Hotel Opera Cadet": [ + "Hotel Opera Cadet" + ], + "1536": [ + "$1,536" + ], + "Ham Yard Hotel": [ + "Ham Yard Hotel" + ], + "Four Seasons Hotel Seattle": [ + "Four Seasons Hotel Seattle" + ], + "+1 206-749-7000": [ + "+1 206-749-7000" + ], + "Jamison Hotel": [ + "Jamison Hotel" + ], + "Hotel Ibis Paris Opera La Fayette": [ + "Hotel Ibis Paris Opera La Fayette" + ], + "19 Rue Buffault, 75009": [ + "19 Rue Buffault, 75009" + ], + "+33 1 42 80 27 27": [ + "+33 1 42 80 27 27" + ], + "544": [ + "$544" + ], + "+1 312-661-1000": [ + "+1 312-661-1000" + ], + "La Quinta Inn & Suites By Wyndham Lax": [ + "La Quinta Inn & Suites by Wyndham Lax", + "La Quinta Inn Lax", + "La Quinta Inn & Suites By Wyndham Lax" + ], + "Days Inn By Wyndham San Francisco Downtown/Civic Cntr Area": [ + "Days Inn By Wyndham San Francisco Downtown/Civic Cntr Area", + "Days Inn San Francisco Downtown" + ], + "Grange Strathmore Hotel": [ + "Grange Strathmore hotel", + "grange strathmore hotel", + "Grange Strathmore Hotel" + ], + "Parc 55 San Francisco - A Hilton Hotel": [ + "Parc 55 San Francisco", + "Parc 55 San Francisco - A Hilton Hotel" + ], + "+1 415-392-8000": [ + "+1 415-392-8000" + ], + "Quest North Ryde": [ + "Quest North Ryde" + ], + "58-62 Delhi Road, North Ryde New South Wales 2113, Australia": [ + "58-62 Delhi Road, North Ryde New South Wales 2113, Australia" + ], + "Hotel Novotel London Paddington": [ + "Hotel Novotel London Paddington" + ], + "+44 20 7266 6000": [ + "+44 20 7266 6000" + ], + "Le Apple Boutique Hotel Klcc": [ + "Le Apple Boutique Hotel KLCC" + ], + "16:24": [ + "4:24 pm" + ], + "The Sebel Sydney Chatswood": [ + "The Sebel Sydney Chatswood" + ], + "Homewood Suites By Hilton San Diego-Del Mar": [ + "Homewood Suites Del Mar", + "Homewood Suites by Hilton San Diego-Del Mar" + ], + "Trademark Hotel": [ + "Trademark Hotel" + ], + "+254 730 886000": [ + "+254 730 886000" + ], + "Hotel Iris": [ + "Hotel Iris" + ], + "Hotel Spero": [ + "Hotel Spero", + "hotel spero" + ], + "Premier Inn London Hackney": [ + "premier inn london hackney" + ], + "Mapple Emerald": [ + "Mapple Emerald" + ], + "Embassy Suites By Hilton Atlanta Buckhead": [ + "Embassy Suites Buckhead", + "Embassy Suites By Hilton Atlanta Buckhead" + ], + "+1 404-261-7733": [ + "+1 404-261-7733" + ], + "Ibis Budget Sydney Airport": [ + "ibis budget sydney airport" + ], + "Hub By Premier Inn London King'S Cross": [ + "Hub By Premier Inn London King's Cross", + "Hub By Premier Inn London King'S Cross" + ], + "Four Points By Sheraton Manhattan Soho Village": [ + "four points by sheraton manhattan soho village", + "four points soho" + ], + "Mama Shelter": [ + "Mama Shelter" + ], + "Hotel Zeppelin San Francisco": [ + "Hotel Zeppelin San Francisco", + "Hotel Zeppelin" + ], + "888": [ + "$888" + ], + "+1 415-563-0303": [ + "+1 415-563-0303" + ], + "Courtyard By Marriott San Diego Central": [ + "Courtyard By Marriott San Diego Central" + ], + "12:34": [ + "12:34 pm" + ], + "Carlton Arms Hotel": [ + "Carlton Arms Hotel" + ], + "Best Western Bowery Hanbee Hotel": [ + "Best Western Bowery Hanbee", + "best western bowery hanbee hotel" + ], + "14:53": [ + "2:53 pm" + ], + "Washington Square Hotel": [ + "Washington Square Hotel", + "washington square hotel" + ], + "103 Waverly Place": [ + "103 waverly place" + ], + "+1 800-222-0418": [ + "+1 800-222-0418" + ], + "The Westbury Mayfair, A Luxury Collection Hotel, London": [ + "the westbury mayfair", + "the westbury mayfair, a luxury collection hotel, london" + ], + "37 Conduit Street": [ + "37 conduit street" + ], + "Hilton Garden Inn New York Central Park South-Midtown West": [ + "Hilton Garden Inn New York Central Park South", + "Hilton Garden Inn New York Central Park South-Midtown West" + ], + "237 West 54th Street": [ + "237 West 54th Street" + ], + "+1 212-253-6000": [ + "+1 212-253-6000" + ], + "317": [ + "$317" + ], + "06:21": [ + "6:21 am" + ], + "Fairfield Inn & Suites Chicago Downtown/Magnificent Mile": [ + "Fairfield Inn Magnificent Mile", + "Fairfield Inn & Suites Chicago Downtown/Magnificent Mile" + ], + "22:52": [ + "10:52 pm", + "10:52 PM" + ], + "Palihotel Melrose": [ + "Palihotel Melrose" + ], + "7950 Melrose Avenue": [ + "7950 Melrose Avenue" + ], + "Gold3 Boutique Hotel": [ + "Gold3 Boutique Hotel" + ], + "Ibis Sydney Airport": [ + "Ibis Sydney Airport" + ], + "Premier Inn London Beckton": [ + "Premier Inn London Beckton" + ], + "Moda Hotel": [ + "Moda Hotel" + ], + "Holiday Inn Vancouver-Centre (Broadway)": [ + "Holiday Inn Vancouver-Centre (Broadway)", + "Holiday Inn Vancouver-Centre" + ], + "711 W. Broadway @, Heather Street": [ + "711 W. Broadway @ Heather Street" + ], + "+1 604-879-0511": [ + "+1 604-879-0511" + ], + "Club Quarters Hotel, Opposite Rockefeller Center": [ + "Club Quarters Hotel Rockefeller Center", + "Club quarters Hotel Opposite Rockefeller Center" + ], + "Doubletree By Hilton Hotel San Diego - Mission Valley": [ + "Doubletree By Hilton Hotel San Diego - Mission Valley" + ], + "7450 Hazard Center Drive": [ + "7450 Hazard Center Drive" + ], + "Mystic Hotel": [ + "mystic hotel" + ], + "+1 415-362-8063": [ + "+1 415-362-8063" + ], + "New Road Hotel": [ + "New Road Hotel" + ], + "103-107 New Road": [ + "103-107 New Road" + ], + "Grange Fitzrovia Hotel": [ + "grange fitzrovia hotel", + "Grange Fitzrovia Hotel" + ], + "Hilton London Olympia": [ + "Hilton London Olympia" + ], + "+44 20 7603 3333": [ + "+44 20 7603 3333" + ], + "41 Queen's Gate Gardens": [ + "41 queen's gate gardens" + ], + "Holiday Inn Chicago O'Hare Area": [ + "Holiday Inn Chicago O'Hare Area" + ], + "Orana Hotels And Resorts": [ + "Orana Hotels" + ], + "The Old Clare Hotel": [ + "The Old Clare", + "The Old Clare Hotel" + ], + "Embassy Suites By Hilton Portland Downtown": [ + "Embassy Suites Portland", + "Embassy Suites By Hilton Portland Downtown" + ], + "Salisbury Hotel": [ + "salisbury hotel" + ], + "01:31": [ + "1:31 am" + ], + "Karma Sanctum Soho London": [ + "Karma Sanctum Soho", + "Karma Sanctum Soho London" + ], + "+44 20 7292 6100": [ + "+44 20 7292 6100" + ], + "616": [ + "$616" + ], + "Citadines Place D'Italie Paris (Apart Hotel Paris)": [ + "Citadines Place D'Italie Paris (Apart Hotel Paris)", + "Citadines Place D'Italie Paris" + ], + "+33 1 43 13 85 00": [ + "+33 1 43 13 85 00" + ], + "442": [ + "$442" + ], + "Park Grand London Hyde Park": [ + "Park Grand London Hyde Park" + ], + "454": [ + "$454" + ], + "The Queens Park Hotel": [ + "The Queens Park Hotel", + "The Queens Park" + ], + "Holiday Inn Parramatta": [ + "holiday inn parramatta", + "Holiday inn parramatta" + ], + "18-40 Anderson Street, Parramatta New South Wales 2150, Australia": [ + "18-40 anderson street, parramatta new south wales 2150, australia" + ], + "Premier Inn London Eltham": [ + "Premier Inn London Eltham" + ], + "The Anndore House": [ + "The Anndore House" + ], + "Hampton Inn Brooklyn/Downtown": [ + "Hampton Inn Brooklyn/Downtown" + ], + "02:17": [ + "2:17 am" + ], + "Primus Hotel Sydney": [ + "primus hotel sydney" + ], + "Sure Hotel By Best Western Paris Gare Du Nord": [ + "sure hotel by best western paris gare du nord", + "Sure hotel" + ], + "+33 1 46 07 99 56": [ + "+33 1 46 07 99 56" + ], + "Belgrave House Hotel London Victoria": [ + "Belgrave House Hotel London Victoria" + ], + "The Pelham London - Starhotels Collezione": [ + "The Pelham London", + "The Pelham London - Starhotels Collezione" + ], + "The Gregory Hotel New York": [ + "The Gregory Hotel New York", + "The Gregory Hotel" + ], + "08:47": [ + "8:47 am" + ], + "Hampton Inn & Suites Seattle-Downtown": [ + "Hampton Inn & Suites Seattle-Downtown", + "Hampton Inn Downtown" + ], + "Travelodge London Excel": [ + "Travelodge London Excel" + ], + "Pinnacle Hotel Harbourfront": [ + "Pinnacle Hotel Harbourfront" + ], + "Aka Times Square": [ + "Aka Times Square" + ], + "123 West 44th Street": [ + "123 West 44th Street" + ], + "1920": [ + "$1,920" + ], + "Holiday Inn Sydney St Marys": [ + "Holiday Inn Sydney St Marys" + ], + "Fairfield Inn & Suites By Marriott Atlanta Buckhead": [ + "Fairfield Inn Buckhead", + "Fairfield Inn & Suites By Marriott Atlanta Buckhead" + ], + "Renaissance New York Hotel 57": [ + "Renaissance New York Hotel 57" + ], + "+1 212-753-8841": [ + "+1 212-753-8841" + ], + "Doubletree By Hilton Hotel London - Ealing": [ + "Doubletree By hilton Hotel London - Ealing" + ], + "Gec Granville Suites Hotel": [ + "Gec Granville Suites Hotel", + "Gec Granville Suites" + ], + "Travelodge London Cricklewood": [ + "Travelodge London Cricklewood" + ], + "Hotel 32 32": [ + "Hotel 32 32" + ], + "32 East 32nd Street": [ + "32 East 32nd Street" + ], + "+1 646-692-3760": [ + "+1 646-692-3760" + ], + "Holiday Inn London West": [ + "Holiday Inn London West" + ], + "Point A Hotel London - Kings Cross St Pancras": [ + "Point A Hotel London - Kings Cross St Pancras", + "Point A Hotel Kings Cross" + ], + "The Whitley, A Luxury Collection Hotel, Atlanta Buckhead": [ + "The Whitley, A Luxury Collection Hotel, Atlanta Buckhead", + "The Whitley" + ], + "Euston Square Hotel": [ + "euston square hotel", + "Euston Square Hotel" + ], + "Night Theater District": [ + "Night Theater District" + ], + "+1 212-835-9600": [ + "+1 212-835-9600" + ], + "494": [ + "$494" + ], + "447": [ + "$447" + ], + "Hotel Indigo London - Kensington": [ + "Hotel Indigo London - Kensington", + "Hotel Indigo Kensington" + ], + "Hotel Du Printemps Paris": [ + "Hotel Du Printemps Paris", + "Hotel du Printemps" + ], + "Hilton Garden Inn Kuala Lumpur Jalan Tuanku Abdul Rahman North": [ + "Hilton Garden Inn Kuala Lumpur Jalan Tuanku Abdul Rahman North", + "Hilton Garden Inn Jalan Tuanku Abdul Rahman North" + ], + "449, Jalan Tuanku Abdul Rahman, Chow Kit, 50100": [ + "449, Jalan Tuanku Abdul Rahman, Chow Kit, 50100" + ], + "759": [ + "$759" + ], + "Premier Inn London Southwark (Borough High St) Hotel": [ + "Premier Inn London Southwark" + ], + "Usa Hostels Hollywood": [ + "Usa Hostels Hollywood" + ], + "1624 Schrader Boulevard": [ + "1624 Schrader Boulevard" + ], + "Red Lion Hotel On The River Jantzen Beach": [ + "Red Lion Hotel On The River Jantzen Beach", + "Red lion hotel on the river jantzen beach", + "red lion hotel on the river jantzen beach" + ], + "Doubletree By Hilton Hotel San Diego - Del Mar": [ + "Doubletree by Hilton Hotel San Diego - Del Mar" + ], + "Hampton Inn Ny-Jfk": [ + "Hampton Inn Ny-Jfk" + ], + "The Kensington Hotel": [ + "The Kensington Hotel" + ], + "Holiday Inn Laguardia Airport": [ + "Holiday Inn Laguardia Airport" + ], + "Hilton London Kensington": [ + "Hilton London Kensington" + ], + "171 Pacific Highway, North": [ + "171 Pacific Highway, North" + ], + "Courtyard By Marriott New York Manhattan/Times Square West": [ + "Courtyard by Marriott New York Manhattan/Times Square West" + ], + "Hotel Mercure Paris Place D'Italie": [ + "hotel mercure paris place d'italie" + ], + "25 Boulevard Auguste Blanqui, 75013": [ + "25 boulevard auguste blanqui 75013" + ], + "Travelodge London Central Southwark": [ + "Travelodge london central southwark" + ], + "202-206 Union Street, Southwark": [ + "202-206 union street, southwark" + ], + "Kimpton Buchanan Hotel": [ + "Kimpton Buchanan Hotel" + ], + "The Belnord Hotel": [ + "The belnord Hotel", + "the Belnord Hotel" + ], + "209 West 87th Street": [ + "209 West 87th street" + ], + "Hampton Inn Manhattan/Times Square Central": [ + "Hampton Inn Manhattan/Times Square Central" + ], + "Aloft New York Brooklyn": [ + "Aloft New York Brooklyn" + ], + "Warner Center Marriott Woodland Hills": [ + "Warner Center Marriott Woodland Hills" + ], + "+1 818-887-4800": [ + "+1 818-887-4800" + ], + "Moxy Nyc Times Square": [ + "Moxy Nyc Times Square" + ], + "485 7th Avenue": [ + "485 7th Avenue" + ], + "88 Allen Street": [ + "88 Allen Street" + ], + "+60 3-2274 9000": [ + "+60 3-2274 9000" + ], + "Hotel Ocho": [ + "Hotel Ocho" + ], + "+1 416-593-0885": [ + "+1 416-593-0885" + ], + "Town Inn Suites": [ + "Town Inn Suites" + ], + "620 Church Street": [ + "620 Church Street" + ], + "Residence Inn By Marriott Portland Downtown/Pearl District": [ + "Residence Inn by Marriott Portland Downtown/Pearl District", + "Residence Inn Portland", + "Residence Inn By Marriott Portland Downtown/Pearl District" + ], + "The Westin Phoenix Downtown": [ + "The Westin Phoenix Downtown" + ], + "17:59": [ + "5:59 pm" + ], + "Kings Cross Inn Hotel": [ + "Kings Cross Inn", + "Kings Cross Inn Hotel" + ], + "Intercontinental Los Angeles Downtown": [ + "intercontinental los angeles downtown", + "Intercontinental los angeles downtown" + ], + "Holiday Inn Express London - Swiss Cottage": [ + "Holiday Inn Express London - Swiss Cottage", + "Holiday Inn Express Swiss Cottage" + ], + "152-156 Finchley Road": [ + "152-156 Finchley Road" + ], + "Best Western Plus San Pedro Hotel & Suites": [ + "best western plus san pedro hotel", + "best western plus san pedro hotel & suites" + ], + "111 South Gaffey Street, San Pedro, California 90731, United States": [ + "111 south gaffey street, san pedro, california 90731, united states" + ], + "20:54": [ + "8:54 pm" + ], + "The Local Nyc": [ + "the Local Nyc", + "The Local Nyc" + ], + "Blue Sea Beach Hotel": [ + "Blue Sea Beach", + "Blue Sea Beach Hotel" + ], + "Me London": [ + "Me London" + ], + "Inn At Venice Beach": [ + "Inn At Venice Beach", + "Inn at Venice Beach" + ], + "+1 310-821-2557": [ + "+1 310-821-2557" + ], + "Skye Suites Sydney": [ + "Skye Suites Sydney" + ], + "Qt Bondi": [ + "Qt Bondi" + ], + "6 Beach Road, Bondi Beach New South Wales 2026, Australia": [ + "6 Beach Road, Bondi Beach New South Wales 2026, Australia" + ], + "Hotel Indigo London - Paddington": [ + "Hotel Indigo London - Paddington", + "Hotel Indigo Paddington" + ], + "19:09": [ + "7:09 pm" + ], + "Hyatt Place Long Island City/New York City": [ + "Hyatt Place Long Island City/New York City" + ], + "Embassy Suites By Hilton Phoenix Downtown North": [ + "Embassy Suites By Hilton Phoenix Downtown North", + "Embassy Suites Downtown North" + ], + "Adria Hotel & Conference Center": [ + "Adria Hotel & Conference Center", + "Adria Hotel", + "adria hotel & conference center" + ], + "581": [ + "$581" + ], + "La Clef Louvre Paris": [ + "La Clef Louvre Paris", + "La Clef Louvre" + ], + "22:06": [ + "10:06 pm" + ], + "Courtyard By Marriott Portland Airport": [ + "Courtyard By Marriott Portland Airport" + ], + "San Diego Marriott La Jolla": [ + "San Diego Marriott La Jolla" + ], + "13:54": [ + "1:54 pm" + ], + "The Kimberly Hotel": [ + "The Kimberly Hotel" + ], + "Seton Hotel": [ + "Seton Hotel" + ], + "+1 866-697-3866": [ + "+1 866-697-3866" + ], + "Sofitel Philadelphia At Rittenhouse Square": [ + "Sofitel Philadelphia", + "Sofitel Philadelphia at Rittenhouse Square" + ], + "Hotel Triton": [ + "Hotel Triton" + ], + "Kimpton Hotel Monaco Seattle": [ + "Kimpton Hotel Monaco Seattle", + "Kimpton Hotel Seattle" + ], + "Doubletree By Hilton Hotel San Pedro - Port Of Los Angeles": [ + "Doubletree By Hilton Hotel San Pedro", + "Doubletree By Hilton Hotel San Pedro - Port of Los Angeles", + "Doubletree By Hilton Hotel San Pedro - Port Of Los Angeles" + ], + "2800 Via Cabrillo-Marina, San Pedro, California 90731, United States": [ + "2800 Via Cabrillo-Marina, San Pedro, California 90731, United States" + ], + "+1 310-514-3344": [ + "+1 310-514-3344" + ], + "Radisson Blu Plaza Hotel Sydney": [ + "Radisson Blu Plaza Hotel Sydney", + "Radisson Blu Plaza" + ], + "Mantra 2 Bond Street": [ + "Mantra 2 Bond Street" + ], + "The American Hotel Atlanta Downtown - A Doubletree By Hilton": [ + "The American Hotel Atlanta Downtown - A Doubletree", + "The American Hotel Atlanta Downtown - A Doubletree By Hilton" + ], + "+1 404-688-8600": [ + "+1 404-688-8600" + ], + "05:24": [ + "5:24 am" + ], + "Hyatt Place New York/Midtown -South": [ + "Hyatt Place New York/Midtown -South" + ], + "+1 212-239-9100": [ + "+1 212-239-9100" + ], + "HoTel Parister": [ + "HoTel Parister" + ], + "World Center Hotel": [ + "World Center Hotel" + ], + "Country Inn & Suites By Radisson, Portland International Airport, Or": [ + "Country Inn & Suites by Radisson, Portland International Airport, Or", + "Country Inn & SuiteS By Radisson, Portland International Airport, OR", + "Country Inn Portland" + ], + "+1 503-255-2700": [ + "+1 503-255-2700" + ], + "Vivanta New Delhi, Dwarka": [ + "Vivanta New Delhi, Dwarka", + "Vivanta New Delhi" + ], + "Templar Hotel": [ + "Templar Hotel" + ], + "+1 416-479-0847": [ + "+1 416-479-0847" + ], + "St Christopher'S Inn Village | Hostel In London Bridge": [ + "St Christopher's Inn Village | Hostel", + "St Christopher's Inn Village | Hostel In London Bridge" + ], + "Refinery Hotel": [ + "Refinery Hotel" + ], + "63 West 38th Street": [ + "63 West 38th Street" + ], + "+1 646-664-0310": [ + "+1 646-664-0310" + ], + "Holiday Inn New Delhi International Airport": [ + "Holiday inn new delhi international airport", + "holiday inn new delhi airport" + ], + "Hotel Mercure London Paddington": [ + "Hotel Mercure London Paddington" + ], + "Point A Hotel London - Shoreditch": [ + "Point A Hotel London - Shoreditch", + "Point A Hotel Shoreditch" + ], + "Days Inn By Wyndham Hotel New York City-Broadway": [ + "Days Inn by Wyndham hotel New York city-broadway", + "Days Inn Broadway" + ], + "215 West 94th Street": [ + "215 west 94th street" + ], + "10:09": [ + "10:09 am" + ], + "Hotel Carlingview Toronto Airport": [ + "Hotel Carlingview Toronto Airport" + ], + "Novotel London Canary Wharf": [ + "Novotel London Canary Wharf" + ], + "Viceroy Chicago": [ + "Viceroy Chicago" + ], + "The Westin Chicago River North": [ + "The Westin Chicago River North", + "the westin chicago river north" + ], + "Antoinette Hotel Wimbledon": [ + "Antoinette Hotel Wimbledon" + ], + "Quality Inn & Suites Seattle Center": [ + "Quality Inn & Suites Seattle Center", + "Quality Inn" + ], + "23:44": [ + "11:44 pm" + ], + "418": [ + "$418" + ], + "07:44": [ + "7:44 am" + ], + "22:13": [ + "10:13 pm" + ], + "10:33": [ + "10:33 am" + ], + "00:21": [ + "0:21 am" + ], + "20:11": [ + "8:11 pm", + "8:11 PM" + ], + "21:04": [ + "9:04 pm" + ], + "Vampire Weekend": [ + "Vampire weekend", + "Vampire Weekend" + ], + "20:16": [ + "8:16 pm" + ], + "08:46": [ + "8:46 am" + ], + "23:59": [ + "11:59 pm" + ], + "16:21": [ + "4:21 pm", + "4:21 PM" + ], + "330": [ + "$330" + ], + "2301 3rd Avenue": [ + "2301 3rd Avenue" + ], + "472": [ + "$472" + ], + "07:39": [ + "7:39 am" + ], + "+1 415-563-0800": [ + "+1 415-563-0800" + ], + "04:32": [ + "4:32 am" + ], + "08:02": [ + "8:02 am" + ], + "508": [ + "$508" + ], + "16:33": [ + "4:33 pm" + ], + "05:28": [ + "5:28 am" + ], + "10:08": [ + "10:08 am" + ], + "08:13": [ + "8:13 am" + ], + "724": [ + "$724" + ], + "17:33": [ + "5:33 pm" + ], + "12:22": [ + "12:22 pm" + ], + "523": [ + "$523" + ], + "603": [ + "$603" + ], + "00:49": [ + "0:49 am" + ], + "01:09": [ + "1:09 am" + ], + "412": [ + "$412" + ], + "19:52": [ + "7:52 pm" + ], + "FindAttractions": [ + "FindAttractions" + ], + "Atlanta Botanical Garden": [ + "Atlanta Botanical Garden", + "atlanta botanical garden" + ], + "Park": [ + "Park" + ], + "404-876-5859": [ + "404-876-5859" + ], + "360 CHICAGO": [ + "360 Chicago", + "360 CHICAGO", + "360 chicago" + ], + "Tourist Attraction": [ + "Tourist Attraction" + ], + "Museum": [ + "Museum" + ], + "Autry Museum of the American West": [ + "Autry museum of the american west", + "autry museum of the American west", + "Autry Museum of The American West", + "Autry Museum Of the American West", + "Autry Museum of the American west", + "Autry Museum of the American West", + "autry museum of the american west" + ], + "425": [ + "$425" + ], + "Children's Museum of Atlanta": [ + "Children's Museum of Atlanta", + "children's museum of atlanta" + ], + "404-659-5437": [ + "404-659-5437" + ], + "High Museum of Art": [ + "High Museum of Art" + ], + "Sports Venue": [ + "Sports Venue" + ], + "Maggie Daley Park ice skating ribbon": [ + "Maggie Daley Park ice skating ribbon" + ], + "92nd Street Y": [ + "92nd street Y", + "92nd Street Y", + "92nd street y" + ], + "Performing Arts Venue": [ + "Performing Arts Venue" + ], + "Historical Landmark": [ + "Historical Landmark" + ], + "Bayonne Bridge": [ + "Bayonne Bridge", + "Bayonne bridge", + "bayonne bridge" + ], + "Bow Bridge": [ + "Bow Bridge", + "Bow bridge" + ], + "Chihuly Garden and Glass": [ + "Chihuly, Garden and Glass", + "chihuly garden and glass", + "Chihuly Garden and Glass", + "CHihuly Garden and Glass" + ], + "Museum of History & Industry (MOHAI)": [ + "Museum of History & Industry (MOHAI)" + ], + "Atlanta History Center": [ + "Atlanta History Center", + "atlanta history center" + ], + "3D Toronto sign": [ + "3d toronto sign", + "3d Toronto sign", + "3D toronto sign", + "3D Toronto Sign", + "3D Toronto sign" + ], + "Hole in the Rock": [ + "Hole in the Rock", + "hole in the rock" + ], + "Balboa Park": [ + "Balboa park", + "balboa Park", + "Balboa Park", + "balboa park" + ], + "Alcatraz": [ + "Alcatraz", + "ALcatraz", + "alcatraz" + ], + "212-435-7000": [ + "212-435-7000" + ], + "415-972-2000": [ + "415-972-2000" + ], + "Angels Flight Railway": [ + "angels flight railway", + "Angels flight Railway", + "Angels Flight Railway", + "ANgels Flight Railway", + "Angels flight railway" + ], + "Adventure Island": [ + "adventure island", + "Adventure Island" + ], + "Theme Park": [ + "Theme Park" + ], + "Acuario Inbursa": [ + "acuario inbursa", + "Acuario Inbursa" + ], + "Nature Preserve": [ + "Nature Preserve" + ], + "American Writers Museum": [ + "american writers museum", + "American Writers Museum" + ], + "23:27": [ + "11:27 PM", + "11:27 pm" + ], + "Bloedel Conservatory": [ + "Bloedel Conservatory", + "Bloedel COnservatory", + "bloedel conservatory" + ], + "Dr. Sun Yat-Sen Classical Chinese Garden": [ + "Dr. Sun Yat-Sen classical Chinese garden", + "Dr. Sun Yat-Sen Classical Chinese Garden" + ], + "Stanley Park": [ + "Stanley Park", + "Stanley park" + ], + "604-681-6728": [ + "604-681-6728" + ], + "Arte Carrillo Gil Museum": [ + "arte carrillo gil museum", + "Arte Carrillo Gil Museum" + ], + "19:35": [ + "7:35 pm" + ], + "Brandon Lee and Bruce Lee's Grave Site": [ + "Brandon Lee and Bruce lee's grave site", + "Brandon Lee and Bruce Lee's Grave Site", + "Brandon Lee and Bruce Lee's Grave site", + "Brandon lee and Bruce Lee's Grave site", + "Brandon lee and bruce lee's grave site", + "Brandon Lee and Bruce Lee's grave site", + "brandon lee and bruce lee's grave site", + "Brandon Lee And Bruce Lee's Grave Site", + "Brandon Lee and bruce lee's grave site" + ], + "Bosque de Chapultepec": [ + "Bosque de Chapultepec" + ], + "Oaks Amusement Park": [ + "Oaks Amusement Park" + ], + "Art Gallery of New South Wales": [ + "Art gallery of new south wales", + "art gallery of new south wales", + "Art Gallery of New South Wales" + ], + "415-561-4900": [ + "415-561-4900" + ], + "Alcatraz Island": [ + "Alcatraz Island", + "alcatraz island", + "Alcatraz island" + ], + "Balto Statue": [ + "Balto Statue", + "balto statue" + ], + "212-310-6600": [ + "212-310-6600" + ], + "Bethesda Terrace": [ + "Bethesda Terrace" + ], + "Lodhi Garden": [ + "Lodhi Garden" + ], + "The Garden of Five Senses": [ + "The Garden of Five Senses" + ], + "30 St Mary Axe (The Gherkin)": [ + "30 st Mary Axe (The Gherkin)", + "30 st mary axe (The gherkin)", + "30 St mary Axe (The Gherkin)", + "30 st Mary Axe (the gherkin)", + "30 st Mary axe (the gherkin)", + "30 ST mary Axe (The Gherkin)", + "30 St Mary Axe (THe Gherkin)", + "30 st mary axe (the gherkin)", + "30 St Mary Axe (The Gherkin)", + "30 St Mary Axe (the Gherkin)", + "30 St Mary Axe (the gherkin)", + "30 st mary Axe (the Gherkin)", + "30 St Mary Axe (The gherkin)" + ], + "(212) 415-5788": [ + "(212) 415-5788" + ], + "04:52": [ + "4:52 am" + ], + "492": [ + "$492" + ], + "Arizona Capitol Museum": [ + "arizona capitol museum", + "Arizona capitol museum", + "Arizona Capitol Museum" + ], + "American Church in Paris": [ + "American church in paris", + "American Church in paris", + "American church in Paris", + "american church in paris", + "American CHurch in Paris", + "American Church in Paris" + ], + "Place of Worship": [ + "Place of Worship" + ], + "Black Creek Pioneer Village": [ + "Black Creek Pioneer Village", + "black creek pioneer village" + ], + "SkyJump": [ + "SkyJump" + ], + "702-380-7777": [ + "702-380-7777" + ], + "Fremont Troll": [ + "fremont troll", + "Fremont Troll" + ], + "Ripley's Aquarium of Canada": [ + "Ripley's Aquarium of Canada" + ], + "Crystal Springs Rhododendron Garden": [ + "Crystal Springs Rhododendron garden", + "crystal springs rhododendron garden", + "Crystal Springs Rhododendron Garden" + ], + "Burke Museum of Natural History and Culture": [ + "Burke Museum of Natural History and Culture", + "burke museum of natural history and culture", + "Burke Museum of Natural History and culture" + ], + "604-662-3207": [ + "604-662-3207" + ], + "Aquarium of the Bay": [ + "Aquarium of the Bay", + "aquarium of the bay" + ], + "-3:32": [ + "3:32 am" + ], + "ANZ Stadium": [ + "ANZ stadium", + "anz stadium", + "ANZ Stadium" + ], + "2 8765 2000": [ + "2 8765 2000" + ], + "DISCOVERY Children's Museum": [ + "Discovery Children's Museum", + "DISCOVERY Children's Museum", + "Discovery children's museum", + "discovery children's museum" + ], + "Bodies The Exhibition": [ + "bodies the exhibition", + "Bodies The Exhibition", + "Bodies the Exhibition" + ], + "08:33": [ + "8:33 am" + ], + "11:02": [ + "11:02 am" + ], + "Burnham Park": [ + "Burnham park", + "Burnham Park" + ], + "888-875-8439": [ + "888-875-8439" + ], + "The Fox Theatre": [ + "the fox theatre", + "The Fox Theatre" + ], + "800-651-2316": [ + "800-651-2316" + ], + "Shopping Area": [ + "Shopping Area" + ], + "Central de Abastos Iztapalapa": [ + "Central de abastos iztapalapa" + ], + "404-733-4200": [ + "404-733-4200" + ], + "Jimmy Carter Presidential Library and Museum": [ + "Jimmy Carter Presidential Library and Museum" + ], + "10:48": [ + "10:48 am" + ], + "206-322-1582": [ + "206-322-1582" + ], + "206-543-7907": [ + "206-543-7907" + ], + "13:27": [ + "1:27 pm" + ], + "Arizona Science Center": [ + "Arizona Science Center", + "arizona science center", + "Arizona science center" + ], + "Castles N' Coasters": [ + "Castles N' Coasters", + "Castles N' coasters", + "Castles N Coasters" + ], + "00:44": [ + "0:44 am" + ], + "American Folk Art Museum": [ + "American Folk Art museum", + "American folk art museum", + "american folk art museum", + "American folk Art Museum", + "AMerican Folk Art Museum", + "American Folk Art Museum" + ], + "(212) 265-1040": [ + "(212) 265-1040" + ], + "American Museum of Natural History": [ + "American Museum Of Natural History", + "American Museum of Natural History", + "american museum of natural history" + ], + "Vancouver Aquarium": [ + "Vancouver Aquarium" + ], + "604-659-3502": [ + "604-659-3502" + ], + "07:57": [ + "7:57 am" + ], + "08:56": [ + "8:56 am" + ], + "16:57": [ + "4:57 pm" + ], + "Featherdale Wildlife Park": [ + "featherdale wildlife park", + "Featherdale Wildlife Park" + ], + "Young The Giant": [ + "Young the Giant", + "young the giant", + "Young The Giant" + ], + "09:31": [ + "9:31 am" + ], + "Arsenal Vs Lyon": [ + "Arsenal vs Lyon" + ], + "Emirates Stadium": [ + "Emirates Stadium" + ], + "387": [ + "$387" + ], + "00:27": [ + "0:27 am" + ], + "20:55": [ + "8:55 pm", + "8:55 PM" + ], + "Seattle Vs Atlanta": [ + "Seattle vs Atlanta", + "seattle vs atlanta", + "Seattle Vs Atlanta" + ], + "Rainbow Lagoon Park": [ + "Rainbow lagoon park", + "rainbow lagoon park", + "Rainbow Lagoon Park" + ], + "400 East Shoreline Drive": [ + "400 East Shoreline Drive" + ], + "17:47": [ + "5:47 pm" + ], + "20:17": [ + "8:17 pm" + ], + "10:32": [ + "10:32 am" + ], + "20:14": [ + "8:14 pm" + ], + "17:22": [ + "5:22 pm" + ], + "11:35": [ + "11:35 am" + ], + "04:17": [ + "4:17 am" + ], + "05:39": [ + "5:39 am" + ], + "02:16": [ + "2:16 am" + ], + "Iyasare": [ + "Iyasare" + ], + "1830 Fourth Street": [ + "1830 Fourth Street" + ], + "Agave Uptown": [ + "Agave Uptown", + "agave uptown", + "Agave uptown" + ], + "Bar Cesar": [ + "bar cesar", + "Bar Cesar" + ], + "Sicilian": [ + "Sicilian" + ], + "Agrodolce Osteria": [ + "Agrodolce Osteria" + ], + "La Toque": [ + "La Toque" + ], + "707-257-5157": [ + "707-257-5157" + ], + "Lucy Restaurant & Bar": [ + "Lucy Restaurant & Bar" + ], + "Binh Minh Quan": [ + "Binh Minh quan", + "binh minh quan", + "Binh Minh Quan" + ], + "Juan's Place": [ + "Juan's Place" + ], + "Crogan's Montclair": [ + "Crogan's Montclair" + ], + "Bistro 10un": [ + "Bistro 10un" + ], + "6300 East 14th Street": [ + "6300 East 14th Street" + ], + "Bacheesos": [ + "Bacheesos" + ], + "Miyuki Japanese Restaurant": [ + "Miyuki Japanese Restaurant" + ], + "Ajanta": [ + "Ajanta" + ], + "Great Wall | Chinese Restaurant": [ + "Great Wall | Chinese restaurant", + "Great wall | chinese Restaurant", + "Great Wall | Chinese Restaurant", + "Great Wall / Chinese Restaurant", + "Great wall | chinese restaurant", + "Great wall | Chinese Restaurant" + ], + "Alamo Square Seafood Grill": [ + "Alamo Square Seafood Grill", + "Alamo Square seafood grill" + ], + "John's Grill": [ + "John's Grill" + ], + "B-side": [ + "B-Side", + "B-side" + ], + "205 Franklin Street": [ + "205 Franklin Street" + ], + "Sea Noodle Bar": [ + "Sea noodle bar", + "sea noodle bar", + "Sea Noodle Bar" + ], + "25 Lusk": [ + "25 Lusk", + "25 lusk", + "25 LUsk" + ], + "Alegrias": [ + "alegrias", + "Alegrias" + ], + "B44 Catalan Bistro": [ + "B44 Catalan Bistro" + ], + "Kenzo": [ + "Kenzo" + ], + "25 Yerba Buena Lane": [ + "25 Yerba Buena Lane", + "25 Yerba Buena lane" + ], + "Ginza | Japanese Sushi Restaurant": [ + "Ginza | Japanese Sushi Restaurant" + ], + "Fringale Restaurant": [ + "Fringale Restaurant", + "Fringale restaurant" + ], + "570 4th Street": [ + "570 4th street" + ], + "Basalt": [ + "Basalt" + ], + "Cugini Restaurant": [ + "Cugini Restaurant" + ], + "Donato & Co.": [ + "Donato & Co.", + "Donato & co." + ], + "1998 Shattuck Avenue": [ + "1998 Shattuck Avenue" + ], + "Sai's T Restaurant": [ + "Sai's T Restaurant", + "Sai's T" + ], + "Napasport Steakhouse And Sports Lounge": [ + "Napasport Steakhouse And Sports Lounge" + ], + "Chacho's": [ + "Chacho's" + ], + "Chevys Fresh Mex": [ + "Chevys fresh mex", + "chevys fresh mex", + "Chevys Fresh mex", + "Chevys Fresh Mex" + ], + "Chez Panisse": [ + "chez Panisse", + "Chez panisse", + "chez panisse", + "Chez Panisse" + ], + "Canton Village Restaurant": [ + "Canton Village Restaurant" + ], + "Akiko's Restaurant": [ + "Akiko's Restaurant" + ], + "M.y. China - Graton Resort & Casino": [ + "M.Y. China - Graton Resort & Casino", + "M.y. China - Graton Resort & Casino", + "M.y. China" + ], + "Laotian": [ + "Laotian" + ], + "The Saap Avenue": [ + "The Saap Avenue" + ], + "Arguello": [ + "Arguello" + ], + "415-561-3650": [ + "415-561-3650" + ], + "Cadillac Bar & Grill": [ + "Cadillac Bar & Grill" + ], + "Himalayan Flavors": [ + "Himalayan Flavors", + "Himalayan flavors" + ], + "Thai Delight Cuisine": [ + "Thai Delight Cuisine" + ], + "3 Seasons Thai Bistro": [ + "3 seasons Thai Bistro", + "3 Seasons Thai Bistro", + "3 seasons thai bistro" + ], + "Gorkha Kitchen": [ + "Gorkha Kitchen" + ], + "1386 9th Avenue": [ + "1386 9th Avenue" + ], + "Buffet": [ + "unlimited", + "buffet", + "Buffet" + ], + "Teriyaki House": [ + "Teriyaki House" + ], + "Allegria": [ + "Allegria", + "allegria" + ], + "Izakaya": [ + "Izakaya" + ], + "Ippuku": [ + "Ippuku" + ], + "510-665-1969": [ + "510-665-1969" + ], + "Portuguese": [ + "Portuguese" + ], + "Uma Casa": [ + "Uma Casa" + ], + "Kaya Restaurant": [ + "Kaya Restaurant" + ], + "1420 Market Street": [ + "1420 Market Street" + ], + "Duchess Oakland": [ + "Duchess Oakland" + ], + "Forge Pizza Oakland": [ + "Forge Pizza Oakland" + ], + "Bissap Baobab": [ + "Bissap Baobab" + ], + "707-586-0270": [ + "707-586-0270" + ], + "415-771-2216": [ + "415-771-2216" + ], + "9260 Alcosta Boulevard B-12": [ + "9260 Alcosta Boulevard B-12" + ], + "out of office": [ + "out of office" + ], + "dental appointment": [ + "dental appointment" + ], + "dentist": [ + "dentist", + "Dentist" + ], + "3550 San Pablo Dam Road # A6": [ + "3550 San PablO Dam Road # A6", + "3550 San Pablo Dam Road # A6" + ], + "Appointment": [ + "Appointment", + "appointment" + ], + "4655 Hoen Avenue # 6": [ + "4655 hoen avenue # 6", + "4655 Hoen Avenue # 6" + ], + "707-545-5260": [ + "707-545-5260" + ], + "Family Dentistry - Dr. Marina Manosov": [ + "Family dentistry - dr. marina manosov", + "Family dentistry - Dr. Marina manosov", + "Family Dentistry - Dr. Marina Manosov" + ], + "650-383-5599": [ + "650-383-5599" + ], + "4646 El Camino Real": [ + "4646 el camino real", + "4646 El Camino Real", + "4646 El Camino real" + ], + "dentist appointment": [ + "Dentist appointment", + "dentist appointment" + ], + "14475 South Bascom Avenue": [ + "14475 South Bascom Avenue" + ], + "Perfect Smiles Family Dentistry": [ + "Perfect Smiles Family Dentistry" + ], + "9260 Alcosta Boulevard": [ + "9260 Alcosta Boulevard" + ], + "925-833-8702": [ + "925-833-8702" + ], + "dental": [ + "dental", + "Dental" + ], + "Dr. Andrew Doan": [ + "Dr. Andrew Doan" + ], + "510-507-0068": [ + "510-507-0068" + ], + "535 Pierce Street": [ + "535 Pierce Street" + ], + "errand": [ + "errand" + ], + "408-523-4030": [ + "408-523-4030" + ], + "990 West Fremont Avenue": [ + "990 West Fremont Avenue" + ], + "6800 Palm Avenue e": [ + "6800 Palm Avenue e" + ], + "not at work": [ + "not at work" + ], + "Pleasant Hill Dental": [ + "Pleasant Hill Dental" + ], + "1894 Contra Costa Boulevard": [ + "1894 Contra Costa Boulevard" + ], + "10101 North Wolfe Road": [ + "10101 North Wolfe Road" + ], + "408-996-9567": [ + "408-996-9567" + ], + "3434 Villa Lane D-160": [ + "3434 Villa Lane D-160" + ], + "707-265-9440": [ + "707-265-9440" + ], + "990 West Fremont Avenue j": [ + "990 West Fremont Avenue j" + ], + "408-992-0840": [ + "408-992-0840" + ], + "2664 Berryessa Road # 212": [ + "2664 Berryessa Road # 212" + ], + "408-272-3809": [ + "408-272-3809" + ], + "Lee Myoung": [ + "Lee Myoung" + ], + "Lim Donald S": [ + "Lim Donald S" + ], + "415-387-0220": [ + "415-387-0220" + ], + "4215 Geary Boulevard": [ + "4215 Geary Boulevard" + ], + "415-239-4140": [ + "415-239-4140" + ], + "90 Woodacre Drive # 108": [ + "90 Woodacre Drive # 108" + ], + "Stylist visit": [ + "stylist visit", + "Stylist visit", + "Stylist Visit" + ], + "Aya Salon & Spa": [ + "Aya Salon & spa", + "Aya Salon & Spa", + "Aya salon & spa", + "aya salon & spa", + "aya salon & Spa" + ], + "1 Camino Sobrante Ste 5": [ + "1 Camino Sobrante Ste 5" + ], + "Hair salon": [ + "Hair Salon", + "Hair salon" + ], + "707-861-3476": [ + "707-861-3476" + ], + "6790 McKinley Street #180": [ + "6790 mckinley Street #180", + "6790 McKinley Street #180", + "6790 mckinley street #180" + ], + "Hair care": [ + "hair care" + ], + "820 East El Camino Real": [ + "820 East El Camino real", + "820 East El Camino Real" + ], + "930 Admiral Callaghan Lane": [ + "930 Admiral Callaghan Lane" + ], + "408-244-3888": [ + "408-244-3888" + ], + "1274 Benton Street": [ + "1274 Benton Street" + ], + "Himc Barber Studio": [ + "HIMC Barber Studio", + "himc barber studio", + "Himc Barber Studio" + ], + "925-238-0059": [ + "925-238-0059" + ], + "Dream Salon": [ + "Dream Salon" + ], + "21314 San Ramon Valley Boulevard": [ + "21314 San Ramon Valley Boulevard" + ], + "Sport Clips Haircuts Of Vacaville - Nut Tree Village": [ + "Sport Clips Haircuts Of Vacaville - Nut Tree Village" + ], + "Nut Tree Village, 1631 East Monte Vista Avenue K101": [ + "Nut Tree Village, 1631 East Monte Vista Avenue K101" + ], + "707-447-4606": [ + "707-447-4606" + ], + "Salon": [ + "Salon" + ], + "650-552-9316": [ + "650-552-9316" + ], + "Fremont Barber Shop": [ + "Fremont Barber Shop" + ], + "510-656-1955": [ + "510-656-1955" + ], + "40645 Fremont Boulevard": [ + "40645 Fremont Boulevard" + ], + "Busy": [ + "busy", + "Busy" + ], + "Stylist": [ + "stylist", + "Stylist" + ], + "14531 Big Basin Way": [ + "14531 Big Basin Way", + "14531 big basin way" + ], + "510-243-0808": [ + "510-243-0808" + ], + "1386 Fitzgerald Drive": [ + "1386 Fitzgerald Drive" + ], + "301 Hartz Avenue #105": [ + "301 Hartz Avenue #105", + "301 hartz avenue #105" + ], + "925-939-1639": [ + "925-939-1639" + ], + "408-255-2178": [ + "408-255-2178" + ], + "2040 Ralston Avenue Ste B": [ + "2040 Ralston Avenue Ste B" + ], + "Menlo Park Barber Shop": [ + "Menlo Park Barber Shop" + ], + "2100 Avy Avenue": [ + "2100 Avy Avenue" + ], + "650-391-9008": [ + "650-391-9008" + ], + "707-575-1474": [ + "707-575-1474" + ], + "205 5th Street D": [ + "205 5th Street D" + ], + "ENT visit": [ + "ENT visit" + ], + "925-943-6800": [ + "925-943-6800" + ], + "Dr. Vahid Feiz, M.D.": [ + "Dr. Vahid Feiz, M.D." + ], + "100 North Wiget Lane Suite 270": [ + "100 North Wiget Lane Suite 270" + ], + "GP appointment": [ + "GP appointment" + ], + "3440 Hillcrest Avenue Suite 150": [ + "3440 Hillcrest Avenue Suite 150" + ], + "Doctor visit": [ + "Doctor visit", + "doctor visit" + ], + "Kini Divya MD": [ + "Kini divya Md", + "Kini Divya MD" + ], + "650-755-2192": [ + "650-755-2192" + ], + "doctor appointment": [ + "doctor appointment" + ], + "Dr. Elaine R. Sumaquial, MD": [ + "Dr. Elaine R. Sumaquial, MD", + "dr. elaine r. sumaquial, md" + ], + "925-847-5050": [ + "925-847-5050" + ], + "2301 Camino Ramon": [ + "2301 Camino Ramon" + ], + "general practitioner": [ + "general practitioner", + "General Practitioner" + ], + "Toyin Falola, M.D.": [ + "Toyin Falola, M.D." + ], + "650-652-8310": [ + "650-652-8310" + ], + "Rajnish Gupta, M.D., Ph.D.": [ + "Rajnish Gupta, M.D., Ph.D." + ], + "1, 4050 Dublin Boulevard": [ + "1, 4050 Dublin Boulevard" + ], + "500 Doyle Park Drive #200": [ + "500 Doyle Park Drive #200" + ], + "Visit to doctor": [ + "Visit to Doctor", + "visit to doctor", + "Visit to doctor" + ], + "Doc appointment": [ + "Doc appointment", + "doc appointment", + "Doc Appointment" + ], + "Dr. William A. Davis, MD": [ + "DR. William A. Davis, MD", + "dr. william a. davis, md" + ], + "7788 Dublin Boulevard": [ + "7788 Dublin Boulevard", + "7788 dublin boulevard" + ], + "Cosmetic & Restorative Dermatology: Marek Lorenc, M.D.": [ + "cosmetic & restorative Dermatology: Marek lorenc, M.D.", + "Cosmetic & Restorative Dermatology: Marek Lorenc, M.D." + ], + "2929, 2290 Sacramento Street": [ + "2929, 2290 Sacramento Street" + ], + "2700 Grant Street Suite 200": [ + "2700 Grant Street Suite 200" + ], + "707-393-4044": [ + "707-393-4044" + ], + "Daneil Hersh, MD": [ + "Daneil Hersh, MD" + ], + "1100 Trancas Street #209": [ + "1100 Trancas Street #209" + ], + "707-251-1850": [ + "707-251-1850" + ], + "730 Welch Road 1st Floor": [ + "730 Welch Road 1st Floor" + ], + "5161 Clayton Road Suite F": [ + "5161 Clayton Road Suite F" + ], + "925-522-0124": [ + "925-522-0124" + ], + "707-257-1550": [ + "707-257-1550" + ], + "Anthony E Jones MD": [ + "Anthony E Jones MD" + ], + "510-268-1800": [ + "510-268-1800" + ], + "17251 Hesperian Boulevard": [ + "17251 Hesperian Boulevard" + ], + "Orinda": [ + "Orinda", + "orinda" + ], + "Catherine Jiam-Seagren, M.D.": [ + "Catherine Jiam-Seagren, M.D." + ], + "3850 Grand Avenue": [ + "3850 Grand Avenue" + ], + "Albert Pisani, M.D.": [ + "Albert pisani, M.D.", + "albert pisani, m.d.", + "Albert Pisani, M.D." + ], + "1580 Valencia Street #508": [ + "1580 Valencia Street #508" + ], + "Allura Skin & Laser Center": [ + "Allura Skin & Laser Center" + ], + "650-344-1121": [ + "650-344-1121" + ], + "280 Baldwin Avenue": [ + "280 Baldwin Avenue" + ], + "doctor": [ + "doctor" + ], + "652 Petaluma Avenue Suite B": [ + "652 Petaluma Avenue Suite B" + ], + "Family Practice Associates: Davidson Nancy A MD": [ + "Family Practice Associates: Davidson Nancy A MD" + ], + "Marc H. Levin, MD, PhD.": [ + "Marc H. Levin, MD, PhD." + ], + "1008 Laurel Street": [ + "1008 Laurel Street" + ], + "329 Tennessee Street": [ + "329 Tennessee Street" + ], + "9460 No Name Uno # 210": [ + "9460 No Name Uno # 210" + ], + "Dotz Warren Dr": [ + "dotz warren dr", + "Dotz Warren Dr" + ], + "460 34th Street": [ + "460 34th Street", + "460 34th street" + ], + "433 Estudillo Avenue #303": [ + "433 Estudillo Avenue #303" + ], + "510-357-5436": [ + "510-357-5436" + ], + "Dr. Ben L. Littlejohn III, MD": [ + "Dr. Ben L. LittleJohn III, MD", + "Dr. Ben L. littlejohn III, MD", + "Dr. Ben L. Littlejohn III, MD" + ], + "510-529-3800": [ + "510-529-3800" + ], + "2700 International Boulevard # 35": [ + "2700 International Boulevard # 35" + ], + "GP visit": [ + "GP visit" + ], + "Dr. Fasih A. Hameed, MD": [ + "Dr. Fasih A. Hameed, MD", + "dr. fasih a. hameed, md" + ], + "1301 Southpoint Boulevard": [ + "1301 southpoint boulevard", + "1301 Southpoint Boulevard" + ], + "Dermatology and Laser Centre": [ + "Dermatology and Laser Centre", + "dermatology and laser centre" + ], + "4680 Tassajara Road": [ + "4680 Tassajara Road" + ], + "Dr. Christopher R. Zamani, MD": [ + "Dr. Christopher R. Zamani MD", + "Dr. Christopher R. Zamani, MD" + ], + "80 Nicholl Avenue": [ + "80 Nicholl avenue", + "80 Nicholl Avenue" + ], + "2211 Bush Street": [ + "2211 Bush Street" + ], + "Dr. Kelly T. Hood, MD": [ + "Dr. Kelly T. Hood, MD" + ], + "3807 Lone Tree Way": [ + "3807 Lone Tree Way" + ], + "Dale Pearlman MD": [ + "dale pearlman MD", + "dale pearlman md" + ], + "888 Oak Grove Avenue #8": [ + "888 oak grove avenue #8" + ], + "Apartment visit": [ + "apartment visit", + "Apartment visit", + "Apartment Visit" + ], + "Visit appointment": [ + "visit appointment", + "Visit Appointment", + "Visit appointment" + ], + "866-472-2645": [ + "866-472-2645" + ], + "Otavon Apartments": [ + "Otavon Apartments" + ], + "1515 Novato Boulevard # 29": [ + "1515 Novato Boulevard # 29" + ], + "Walnut Grove Apartments": [ + "Walnut Grove Apartments" + ], + "1811 Novato Blvd": [ + "1811 Novato Blvd" + ], + "415-898-1677": [ + "415-898-1677" + ], + "property visit appointment": [ + "Property visit appointment", + "property visit appointment", + "Property Visit appointment", + "Property Visit Appointment" + ], + "925-827-3700": [ + "925-827-3700" + ], + "Property appointment": [ + "property appointment", + "Property appointment", + "Property Appointment" + ], + "408-262-2245": [ + "408-262-2245" + ], + "Property visit": [ + "Property Visit", + "Property visit", + "property visit" + ], + "510-886-0385": [ + "510-886-0385" + ], + "510-849-6628": [ + "510-849-6628" + ], + "Creekside Terrace Apartments": [ + "Creekside Terrace Apartments" + ], + "22160 Center Street": [ + "22160 Center Street" + ], + "Park Tower Apartments": [ + "park Tower Apartments", + "Park Tower Apartments" + ], + "20353 Park Way": [ + "20353 Park Way", + "20353 park Way" + ], + "510-582-3866": [ + "510-582-3866" + ], + "City View": [ + "City View" + ], + "25200 Carlos Bee Boulevard": [ + "25200 Carlos Bee Boulevard" + ], + "510-822-2617": [ + "510-822-2617" + ], + "510-887-4406": [ + "510-887-4406" + ], + "Sharon Green Apartments": [ + "Sharon Green Apartments" + ], + "350 Sharon Park Drive": [ + "350 Sharon Park Drive" + ], + "1800": [ + "1,800 bucks", + "$1,800" + ], + "650-203-2697": [ + "650-203-2697" + ], + "Miramar Apartments": [ + "Miramar Apartments" + ], + "1288 East Hillsdale Boulevard": [ + "1288 East Hillsdale Boulevard" + ], + "Schooner Bay Apartment Homes": [ + "schooner bay apartment homes", + "Schooner Bay Apartment Homes" + ], + "300 Timberhead Lane": [ + "300 Timberhead Lane", + "300 timberhead lane" + ], + "Dixon Manor Apartments": [ + "Dixon Manor Apartments" + ], + "1270 Linford Lane": [ + "1270 Linford Lane" + ], + "925-307-7099": [ + "925-307-7099" + ], + "Property": [ + "property", + "Property" + ], + "669-257-9990": [ + "669-257-9990" + ], + "Casa Del Sol Apartments": [ + "Casa Del Sol Apartments" + ], + "135 Acalanes Drive": [ + "135 Acalanes Drive" + ], + "650-965-1671": [ + "650-965-1671" + ], + "Breakers At Bayport": [ + "Breakers At Bayport" + ], + "459 Neptune Gardens Avenue": [ + "459 Neptune Gardens Avenue" + ], + "Del Coronado": [ + "Del Coronado" + ], + "544 Central Avenue": [ + "544 Central Avenue" + ], + "510-521-3927": [ + "510-521-3927" + ], + "925-686-6868": [ + "925-686-6868" + ], + "Napa Park Homes": [ + "Napa Park homes" + ], + "790 Lincoln Avenue": [ + "790 Lincoln Avenue" + ], + "707-255-3119": [ + "707-255-3119" + ], + "707-448-7056": [ + "707-448-7056" + ], + "Holiday Gardens Apartments": [ + "Holiday Gardens Apartments", + "holiday gardens apartments" + ], + "19 Panorama Drive": [ + "19 panorama drive", + "19 Panorama Drive" + ], + "Courtyard Villa Apartments": [ + "Courtyard Villa Apartments", + "courtyard villa apartments" + ], + "4350 San Pablo Dam Road #8": [ + "4350 San Pablo Dam Road #8" + ], + "Bristol Apartment Homes": [ + "Bristol Apartment HOmes", + "Bristol Apartment Homes", + "bristol apartment homes" + ], + "1550 Valley Glen Drive": [ + "1550 Valley Glen Drive", + "1550 valley glen drive" + ], + "707-693-9310": [ + "707-693-9310" + ], + "707-678-6394": [ + "707-678-6394" + ], + "New house": [ + "new house", + "New House", + "New house" + ], + "707-793-8454": [ + "707-793-8454" + ], + "Plaza Vasquez": [ + "Plaza Vasquez", + "plaza Vasquez" + ], + "500 Ioof Avenue": [ + "500 ioof Avenue" + ], + "408-842-4457": [ + "408-842-4457" + ], + "Fountain Plaza Apartments": [ + "fountain plaza apartments", + "Fountain Plaza Apartments" + ], + "707-642-6400": [ + "707-642-6400" + ], + "Creekside Apartments": [ + "Creekside Apartments" + ], + "1155 San Pablo Avenue": [ + "1155 San Pablo Avenue" + ], + "510-525-4425": [ + "510-525-4425" + ], + "Cypress House Apartments": [ + "Cypress House Apartments" + ], + "24955 Cypress Avenue": [ + "24955 Cypress Avenue" + ], + "510-732-9432": [ + "510-732-9432" + ], + "Burbank Business Management": [ + "Burbank Business Management" + ], + "699 Gravenstein Highway North": [ + "699 Gravenstein Highway North" + ], + "Beth Eden Apartments": [ + "Beth Eden Apartments", + "Beth Eden apartments" + ], + "1100 Market Street": [ + "1100 market Street", + "1100 Market street", + "1100 Market Street" + ], + "510-832-2249": [ + "510-832-2249" + ], + "Food": [ + "Food", + "food" + ], + "Quail Run Apartment Community": [ + "quail run apartment community", + "Quail run apartment community", + "Quail Run Apartment Community" + ], + "209 Aegean Way": [ + "209 Aegean Way", + "209 aegean way" + ], + "Shasta Terrace": [ + "Shasta Terrace" + ], + "293 Shasta Drive": [ + "293 Shasta Drive" + ], + "707-447-3651": [ + "707-447-3651" + ], + "408-831-7797": [ + "408-831-7797" + ], + "707-429-1271": [ + "707-429-1271" + ], + "408-984-1060": [ + "408-984-1060" + ], + "Bollinger Crest Apartments": [ + "Bollinger Crest Apartments" + ], + "4000 Bollinger Crest Common": [ + "4000 Bollinger Crest Common" + ], + "Canyon Creek Apartments": [ + "Canyon Creek Apartments" + ], + "1000 Canyon Village Circle": [ + "1000 Canyon Village Circle" + ], + "925-820-8385": [ + "925-820-8385" + ], + "Crow Canyon": [ + "Crow Canyon" + ], + "1700 Promontory Lane": [ + "1700 Promontory Lane" + ], + "925-307-7143": [ + "925-307-7143" + ], + "Mosaic Apartments": [ + "Mosaic Apartments" + ], + "19972 Stanton Avenue": [ + "19972 Stanton Avenue" + ], + "510-538-2000": [ + "510-538-2000" + ], + "855-890-5508": [ + "855-890-5508" + ], + "Fremont Manor": [ + "Fremont Manor" + ], + "4261 Stevenson Boulevard": [ + "4261 Stevenson Boulevard" + ], + "36163 Fremont Boulevard": [ + "36163 fremont boulevard", + "36163 Fremont Boulevard" + ], + "510-793-1621": [ + "510-793-1621" + ], + "1890 Dover Avenue": [ + "1890 Dover Avenue" + ], + "707-422-9630": [ + "707-422-9630" + ], + "408-296-8006": [ + "408-296-8006" + ], + "650-592-5533": [ + "650-592-5533" + ], + "Doolittle Apartments": [ + "doolittle apartments", + "Doolittle Apartments" + ], + "2011 Doolittle Drive # A1": [ + "2011 doolittle drive # A1", + "2011 Doolittle Drive # A1" + ], + "Lakeside": [ + "Lakeside" + ], + "4170 Springlake Drive": [ + "4170 Springlake Drive" + ], + "510-352-5900": [ + "510-352-5900" + ], + "510-455-8869": [ + "510-455-8869" + ], + "Movie at AMC Eastridge 15": [ + "Movie at AMC Eastridge 15" + ], + "2190 Eastridge Loop": [ + "2190 Eastridge loop", + "2190 Eastridge Loop" + ], + "641 1st Street": [ + "641 1st street", + "641 1st Street" + ], + "2274 Shattuck Avenue": [ + "2274 Shattuck Avenue" + ], + "Movie at United Artists Berkeley 7": [ + "Movie at United Artists Berkeley 7" + ], + "Movie at Livermore 13 Cinema": [ + "Movie at Livermore 13 Cinema" + ], + "Movie at Century 16 Downtown": [ + "Movie at Century 16 Downtown", + "movie at century 16 downtown" + ], + "Movie at CineLux Almaden Cinema": [ + "Movie at Cinelux almaden cinema", + "Movie at CineLux Almaden Cinema", + "Movie at cinelux almaden cinema" + ], + "Century Hilltop 16": [ + "Century Hilltop", + "Century Hilltop 16" + ], + "3200 Klose Way": [ + "3200 Klose Way" + ], + "Movie at Sonoma Cinema": [ + "Movie at Sonoma Cinema" + ], + "Movie at Rialto Cinemas": [ + "Movie at Rialto Cinemas" + ], + "1069 B Street": [ + "1069 B Street" + ], + "Movie at Century": [ + "Movie at Century", + "movie at Century" + ], + "7000 Northgate Drive": [ + "7000 Northgate Drive" + ], + "Movie at Airport Stadium 12": [ + "movie at airport stadium 12", + "movie at Airport Stadium 12" + ], + "Movie at Smith Rafael Film Center": [ + "Movie at smith Rafael Film Center", + "Movie at Smith Rafael Film Center" + ], + "Maya Pittsburg Cinemas": [ + "Maya Pittsburg Cinemas" + ], + "Movie at Maya Pittsburg Cinemas": [ + "Movie at Maya Pittsburg Cinemas" + ], + "4085 Century Boulevard": [ + "4085 Century Boulevard" + ], + "Movie at Stanford Theatre": [ + "Movie at Stanford Theatre" + ], + "Movie at Roxie Theater": [ + "movie at roxie theater" + ], + "2855 Stevens Creek Boulevard Suite 2160": [ + "2855 Stevens Creek Boulevard Suite 2160" + ], + "Movie at ShowPlace ICON Valley Fair": [ + "movie at ShowPlace ICON Valley Fair" + ], + "Los Gatos Theatre": [ + "Los Gatos Theatre" + ], + "43 North Santa Cruz Avenue": [ + "43 North Santa Cruz Avenue" + ], + "Movie at Los Gatos Theatre": [ + "Movie at Los Gatos Theatre" + ], + "2575 California Street #90": [ + "2575 California Street #90" + ], + "Movie at Pruneyard Dine-In Cinemas": [ + "Movie at Pruneyard Dine-iN Cinemas", + "Movie at Pruneyard Dine-In Cinemas" + ], + "Movie at The Clover Theater": [ + "movie at The Clover Theater" + ], + "Reservation at The Shuckery": [ + "Reservation at The Shuckery" + ], + "Movie at AMC NewPark 12": [ + "Movie at AMC NewPark 12", + "movie at AMC NewPark 12", + "movie at amc newpark 12" + ], + "Landmark's California Theatre": [ + "landmark's california theatre", + "california theatre", + "California Theatre", + "Landmark's california theatre", + "Landmark's California Theatre" + ], + "Shattuck Avenue": [ + "Shattuck Avenue", + "shattuck avenue" + ], + "Movie at Boulevard 14 Cinema": [ + "Movie At Boulevard 14 Cinema", + "Movie at Boulevard 14 Cinema" + ], + "Movie at Rheem Theatre": [ + "Movie at Rheem Theatre" + ], + "280 Smith Ranch Road": [ + "280 Smith Ranch Road", + "280 smith ranch road" + ], + "Movie at Landmark's Embarcadero Center Cinema": [ + "movie at landmark's embarcadero center cinema", + "Movie at Landmark's Embarcadero Center Cinema" + ], + "Movie at Century 16": [ + "Movie at Century 16" + ], + "Movie at Vine Cinema & Alehouse": [ + "Movie at Vine Cinema & Alehouse" + ], + "Fresh Eyes": [ + "fresh eyes" + ], + "Bob": [ + "bob", + "Bob" + ], + "Amy": [ + "amy", + "Amy" + ], + "Jerry": [ + "Jerry", + "jerry" + ], + "890": [ + "890 bucks", + "Eight hundred and ninety bucks", + "$890" + ], + "Treat You Better": [ + "Treat you Better", + "Treat You Better" + ], + "Unstoppable": [ + "unstoppable" + ], + "Tom": [ + "Tom", + "tom" + ], + "Peter": [ + "Peter", + "peter" + ], + "550": [ + "550 dollars", + "550 bucks", + "$550" + ], + "1190": [ + "1190 bucks", + "$1,190", + "one thousand one hundred and ninety dollars" + ], + "Ya Layali": [ + "Ya Layali", + "ya layali" + ], + "Ana Keteer": [ + "ana keteer", + "Ana Keteer" + ], + "Side Effects": [ + "Side Effects", + "Side effects" + ], + "Rachel": [ + "rachel", + "Rachel" + ], + "Ik Vaari Aa": [ + "Ik Vaari Aa", + "Ik Vaari AA" + ], + "Outrunning Karma": [ + "outrunning karma" + ], + "Arijit Singh": [ + "Arijit Singh" + ], + "So Mi Like It": [ + "So Mi like it" + ], + "Spice": [ + "Spice" + ], + "870": [ + "870 dollars", + "$870" + ], + "540": [ + "540 dollars", + "$540" + ], + "1220": [ + "$1220", + "$1,220", + "1220 dollars", + "one thousand two hundred and twenty bucks" + ], + "What Now": [ + "What Now" + ], + "The Greatest": [ + "The Greatest" + ], + "Somebody": [ + "Somebody", + "somebody" + ], + "1480": [ + "one thousand four hundred and eighty dollars", + "1,480 dollars", + "$1,480" + ], + "Beautiful In White": [ + "Beautiful in White", + "Beautiful In White" + ], + "Love Always": [ + "Love Always" + ], + "Shane Filan": [ + "Shane Filan" + ], + "1300": [ + "$1,300", + "one thousand three hundred dollars" + ], + "1470": [ + "1,470 bucks", + "one thousand four hundred and seventy bucks", + "$1470", + "$1,470" + ], + "Origins": [ + "origins", + "Origins" + ], + "No Diggity": [ + "No Diggity" + ], + "1030": [ + "1,030 dollars", + "$1,030", + "$1030", + "1030 dollars" + ], + "Anna Boden": [ + "anna boden", + "Anna Boden" + ], + "1150": [ + "$1,150", + "1,150 bucks", + "1150 dollars", + "$1150", + "one thousand one hundred and fifty bucks" + ], + "970": [ + "970 dollars", + "$970" + ], + "Love Yourself": [ + "Love Yourself" + ], + "Take It Back": [ + "Take it Back", + "Take It Back" + ], + "Carly Pearce": [ + "Carly Pearce" + ], + "Every Little Thing": [ + "Every Little Thing" + ], + "Sangria": [ + "Sangria" + ], + "Bringing Back The Sunshine": [ + "Bringing Back the Sunshine", + "Bringing Back The Sunshine" + ], + "Stage Show": [ + "Stage Show" + ], + "1430": [ + "$1,430", + "1,430 bucks", + "one thousand four hundred and thirty bucks" + ], + "Wagon Wheel": [ + "Wagon Wheel" + ], + "1540": [ + "1540 bucks", + "1,540 dollars", + "$1,540" + ], + "Christian Petzold": [ + "Christian Petzold" + ], + "Tous Eipes Pos": [ + "Tous Eipes Pos" + ], + "Hurricane": [ + "hurricane", + "Hurricane" + ], + "Instant Regret": [ + "Instant Regret" + ], + "Instant Regrets": [ + "Instant Regrets" + ], + "Redneck Crazy": [ + "Redneck Crazy" + ], + "Tyler Farr": [ + "Tyler Farr" + ], + "1460": [ + "1,460 bucks", + "$1,460" + ], + "Lost Girls": [ + "Lost Girls" + ], + "Brave Enough": [ + "Brave Enough", + "Brave enough" + ], + "Lush Life": [ + "Lush Life" + ], + "1660": [ + "one thousand six hundred and sixty bucks" + ], + "Swish Swish": [ + "swish swish" + ], + "1670": [ + "$1,670", + "1670 dollars", + "$1670" + ], + "Hello My Love": [ + "Hello My Love" + ], + "Fight Song": [ + "Fight Song" + ], + "The Water Fountain": [ + "The Water Fountain" + ], + "The Message": [ + "The Message" + ], + "Still Corners": [ + "Still Corners" + ], + "13765.58": [ + "$13,765.58" + ], + "22731.27": [ + "$22,731.27" + ], + "7249.40": [ + "$7,249.40" + ], + "11902.89": [ + "$11,902.89" + ], + "1572.34": [ + "$1,572.34" + ], + "15079.35": [ + "$15,079.35" + ], + "18291.59": [ + "$18,291.59" + ], + "9098.16": [ + "$9,098.16" + ], + "14637.75": [ + "$14,637.75" + ], + "14272.45": [ + "$14,272.45" + ], + "18034.42": [ + "$18,034.42" + ], + "23206.84": [ + "$23,206.84" + ], + "21228.80": [ + "$21,228.80" + ], + "22159.31": [ + "$22,159.31" + ], + "21945.12": [ + "$21,945.12" + ], + "14405.72": [ + "$14,405.72" + ], + "755.51": [ + "$755.51" + ], + "3226.85": [ + "$3226.85" + ], + "7335.28": [ + "$7,335.28" + ], + "14294.29": [ + "$14,294.29" + ], + "12329.48": [ + "$12,329.48" + ], + "6912.51": [ + "$6,912.51" + ], + "22824.15": [ + "$22,824.15" + ], + "1941.77": [ + "$1,941.77" + ], + "18982.10": [ + "$18,982.10" + ], + "11933.85": [ + "$11,933.85" + ], + "16219.78": [ + "$16,219.78" + ], + "1345.69": [ + "$1,345.69" + ], + "19777.18": [ + "$19,777.18" + ], + "14043.40": [ + "$14,043.40" + ], + "20797.38": [ + "$20,797.38" + ], + "7364.89": [ + "$7,364.89" + ], + "11817.54": [ + "$11,817.54" + ], + "2145.19": [ + "$2,145.19" + ], + "17172.52": [ + "$17,172.52" + ], + "11721.70": [ + "$11,721.70" + ], + "9313.74": [ + "$9,313.74" + ], + "12278.70": [ + "$12,278.70" + ], + "20928.64": [ + "$20,928.64" + ], + "6567.11": [ + "$6,567.11" + ], + "20993.16": [ + "$20,993.16" + ], + "4012.35": [ + "$4,012.35" + ], + "23992.89": [ + "$23,992.89" + ], + "14584.15": [ + "$14,584.15" + ], + "24441.46": [ + "$24,441.46" + ], + "8980.41": [ + "$8,980.41" + ], + "15396.52": [ + "$15,396.52" + ], + "23837.35": [ + "$23,837.35" + ], + "14615.50": [ + "$14615.50" + ], + "8344.55": [ + "$8,344.55" + ], + "15150.14": [ + "$15,150.14" + ], + "23270.27": [ + "$23,270.27" + ], + "20476.85": [ + "$20,476.85" + ], + "15635.42": [ + "$15,635.42" + ], + "16467.54": [ + "$16,467.54" + ], + "731.46": [ + "$731.46" + ], + "255.61": [ + "$255.61" + ], + "22594.57": [ + "$22,594.57" + ], + "5437.26": [ + "$5,437.26" + ], + "24351.50": [ + "$24,351.50" + ], + "6727.13": [ + "$6,727.13" + ], + "20874.59": [ + "$20,874.59" + ], + "23213.16": [ + "$23,213.16" + ], + "14826.90": [ + "$14,826.90" + ], + "3502.48": [ + "$3,502.48" + ], + "24977.67": [ + "$24,977.67" + ], + "1515.30": [ + "$1515.30" + ], + "22860.21": [ + "$22,860.21" + ], + "Lunch at 1760": [ + "Lunch at 1760" + ], + "510-633-2152": [ + "510-633-2152" + ], + "9725 East 14th Street": [ + "9725 east 14th street" + ], + "Restaurant reservation": [ + "restaurant reservation", + "Restaurant reservation" + ], + "458 B Street": [ + "458 B Street" + ], + "Restaurant reservation for 4 at Mariscos El Patron": [ + "restaurant reservation for 4 at Mariscos El Patron", + "Restaurant reservation for 4 at Mariscos El Patron" + ], + "La Taberna": [ + "La Taberna" + ], + "815 Main Street": [ + "815 Main Street" + ], + "Restaurant reservation for 5 at La Taberna": [ + "Restaurant reservation for 5 at La Taberna" + ], + "Moroccan": [ + "moroccan", + "Moroccan" + ], + "El Mansour": [ + "El Mansour" + ], + "Reservation at El Mansour": [ + "Reservation at El Mansour" + ], + "Chaplin's Sports Bistro": [ + "Chaplin's Sports Bistro" + ], + "29200 Kohoutek Way": [ + "29200 Kohoutek Way" + ], + "510-429-6860": [ + "510-429-6860" + ], + "27 Union Square": [ + "27 Union Square" + ], + "415-929-8888": [ + "415-929-8888" + ], + "Restaurant reservation for 5 at Alegrias": [ + "Restaurant reservation for 5 at Alegrias" + ], + "2018 Lombard Street": [ + "2018 Lombard Street", + "2018 lombard street" + ], + "Chef Li": [ + "Chef Li" + ], + "Reservation at Chef Li": [ + "reservation at Chef Li", + "Reservation at Chef Li" + ], + "2033 Camden Avenue # F3": [ + "2033 Camden Avenue # F3" + ], + "Reservation at 2g Japanese Brasserie": [ + "reservation at 2g Japanese Brasserie", + "reservation at 2g japanese brasserie", + "Reservation at 2g Japanese Brasserie" + ], + "542 A Mason Street": [ + "542 A Mason Street", + "542 A Mason street", + "542 A mason street" + ], + "415-989-8218": [ + "415-989-8218" + ], + "Restaurant reservation at Akiko's Sushi Bar": [ + "Restaurant Reservation at Akiko's Sushi Bar", + "Restaurant Reservation at Akiko's sushi bar", + "Restaurant reservation at Akiko's Sushi Bar", + "Restaurant reservation at AKiko's Sushi Bar" + ], + "23 Ross Common Box 793": [ + "23 Ross Common Box 793" + ], + "Restaurant reservation for 5 at Marche Aux Fleurs": [ + "Restaurant reservation for 5 at Marche Aux Fleurs" + ], + "Caraway Indian Cuisine": [ + "Caraway Indian Cuisine" + ], + "Sansar Indian Cuisine": [ + "Sansar Indian Cuisine" + ], + "925-606-6191": [ + "925-606-6191" + ], + "2220 First Street": [ + "2220 First Street" + ], + "Mei-don Chinese Cuisine": [ + "mei-don chinese cuisine", + "Mei-don Chinese Cuisine", + "Mei-don" + ], + "6576 Oakmont Drive": [ + "6576 Oakmont Drive", + "6576 oakmont drive" + ], + "Restaurant reservation for 6 at Mei-don Chinese Cuisine": [ + "restaurant reservation for 6 at mei-don chinese cuisine" + ], + "Wah Shine": [ + "wah shine" + ], + "145 Peabody Road": [ + "145 peabody road" + ], + "Restaurant": [ + "restaurant" + ], + "Battambang Restaurant": [ + "Battambang Restaurant" + ], + "510-839-8815": [ + "510-839-8815" + ], + "850 Broadway": [ + "850 Broadway" + ], + "Dino's Restaurant": [ + "DIno's Restaurant", + "Dino's Restaurant" + ], + "20390 Lake Chabot Road": [ + "20390 Lake Chabot Road" + ], + "La Casa": [ + "La Casa", + "la casa", + "La casa" + ], + "707-996-3406": [ + "707-996-3406" + ], + "121 East Spain Street": [ + "121 east spain street", + "121 East Spain Street" + ], + "Reservation at La Casa": [ + "reservation at la casa" + ], + "245 South Airport Boulevard": [ + "245 South Airport Boulevard" + ], + "Eat": [ + "eat", + "Eat" + ], + "Reservation at Amelie San Francisco": [ + "Reservation at Amelie San Francisco", + "Reservation at Amelie San francisco" + ], + "Berevino Cucina & Wine Bar": [ + "berevino cucina & wine bar", + "Berevino Cucina & Wine Bar" + ], + "925-361-0862": [ + "925-361-0862" + ], + "4590 Dublin Boulevard": [ + "4590 dublin boulevard", + "4590 Dublin Boulevard" + ], + "Tomatina": [ + "Tomatina" + ], + "Lunch at Tomatina": [ + "Lunch at Tomatina", + "lunch at tomatina" + ], + "Restaurant reservation for 6 at 2g Japanese Brasserie": [ + "Restaurant reservation for 6 at 2g Japanese Brasserie" + ], + "Flora": [ + "Flora" + ], + "1900 Telegraph Avenue": [ + "1900 Telegraph Avenue" + ], + "Bistro 100": [ + "Bistro 100" + ], + "Wild Goat Bistro": [ + "Wild Goat Bistro" + ], + "6 Petaluma Boulevard North": [ + "6 Petaluma Boulevard North" + ], + "Reservation at Wild Goat Bistro": [ + "Reservation at Wild Goat Bistro" + ], + "415-359-1212": [ + "415-359-1212" + ], + "Reservation at 1760": [ + "Reservation at 1760" + ], + "Honey Thai Restaurant": [ + "Honey Thai Restaurant" + ], + "57 North Milpitas Boulevard": [ + "57 North Milpitas Boulevard" + ], + "Reservation at Honey Thai Restaurant": [ + "Reservation at Honey Thai Restaurant" + ], + "408-248-3113": [ + "408-248-3113" + ], + "4485 Stevens Creek Boulevard": [ + "4485 Stevens Creek Boulevard" + ], + "Restaurant reservation for 3 at El Amigo Burrito": [ + "Restaurant reservation for 3 at El Amigo Burrito" + ], + "408-861-0105": [ + "408-861-0105" + ], + "Restaurant reservation at Rubio's Coastal Grill": [ + "Restaurant reservation at Rubio's Coastal Grill", + "REstaurant reservation at Rubio's Coastal Grill" + ], + "El Valenciano": [ + "El Valenciano" + ], + "415-826-9561": [ + "415-826-9561" + ], + "1153 Valencia Street": [ + "1153 Valencia Street" + ], + "Restaurant reservation at El Valenciano": [ + "Restaurant reservation at El Valenciano" + ], + "City Chopsticks": [ + "City chopsticks", + "City Chopsticks" + ], + "127 North McDowell Boulevard": [ + "127 North McDowell Boulevard" + ], + "415-495-5875": [ + "415-495-5875" + ], + "Alba Ray's": [ + "Alba Rays", + "Alba Ray's" + ], + "2293 Mission Street": [ + "2293 Mission Street" + ], + "Lunch at Alba Ray's": [ + "Lunch at Alba Ray's", + "lunch at Alba Ray's" + ], + "Dopo": [ + "Dopo" + ], + "4293 Piedmont Avenue": [ + "4293 Piedmont Avenue" + ], + "Restaurant reservation for 5 at Dopo": [ + "Restaurant reservation for 5 at Dopo" + ], + "Fortune Restaurant": [ + "Fortune Restaurant" + ], + "Dinner at Fortune Restaurant": [ + "Dinner at Fortune Restaurant" + ], + "940 Webster Street": [ + "940 Webster Street" + ], + "Enzo's Italian Restaurant": [ + "enzo's italian restaurant", + "Enzo's Italian Restaurant", + "Enzo's italian restaurant" + ], + "21275 Stevens Creek Boulevard #510": [ + "21275 stevens creek boulevard #510" + ], + "408-255-2686": [ + "408-255-2686" + ], + "Restaurant reservation for 2 at Enzo's Italian Restaurant": [ + "restaurant reservation for 2 at Enzo's italian restaurant" + ], + "925-210-0188": [ + "925-210-0188" + ], + "1432 North Main Street": [ + "1432 North Main street" + ], + "Restaurant reservation for 2 at Sasa": [ + "Restaurant reservation for 2 at Sasa" + ], + "925-999-8053": [ + "925-999-8053" + ], + "Restaurant reservation at Pacific Catch": [ + "Restaurant reservation at Pacific Catch" + ], + "The Fish Market": [ + "The Fish Market" + ], + "Reservation at The Fish Market": [ + "Reservation at The Fish Market" + ], + "3775 El Camino Real": [ + "3775 El Camino Real" + ], + "Fukusuke Restaurant": [ + "Fukusuke Restaurant" + ], + "Restaurant reservation for 2 at Fukusuke Restaurant": [ + "Restaurant reservation for 2 at Fukusuke Restaurant" + ], + "578 Magnolia Avenue": [ + "578 Magnolia Avenue" + ], + "Poplar Creek Grill": [ + "Poplar Creek Grill" + ], + "650-522-7526": [ + "650-522-7526" + ], + "Dinner at Poplar Creek Grill": [ + "Dinner at Poplar Creek Grill" + ], + "1700 Coyote Point Drive": [ + "1700 Coyote Point Drive" + ], + "Tapas": [ + "Small plates", + "tapas", + "Latin American", + "Tapas", + "light meal", + "Light meal", + "small plates" + ], + "Fonda": [ + "Fonda" + ], + "510-559-9006": [ + "510-559-9006" + ], + "1501 Solano Avenue": [ + "1501 Solano Avenue" + ], + "Reservation at Fonda": [ + "Reservation at Fonda" + ], + "Dallimonti's Italian Restaurant": [ + "Dallimonti's Italian Restaurant" + ], + "Restaurant reservation for 3 at Dallimonti's Italian Restaurant": [ + "Restaurant Reservation for 3 at Dallimonti's Italian Restaurant" + ], + "1932 Oak Park Boulevard": [ + "1932 Oak Park Boulevard" + ], + "50 Moraga Avenue": [ + "50 Moraga Avenue" + ], + "Reservation at Arguello": [ + "Reservation at Arguello" + ], + "1449 Lombard Street": [ + "1449 lombard street", + "1449 Lombard Street" + ], + "415-292-2368": [ + "415-292-2368" + ], + "Reservation at Aato": [ + "Reservation at Aato" + ], + "Kamakura Japanese Restaurant": [ + "Kamakura Japanese Restaurant", + "Kamakura" + ], + "408-395-6650": [ + "408-395-6650" + ], + "135 North Santa Cruz Avenue": [ + "135 North Santa Cruz Avenue" + ], + "Restaurant reservation for 6 at Kamakura Japanese Restaurant": [ + "Restaurant reservation for 6 at Kamakura Japanese Restaurant" + ], + "Cuban": [ + "Cuban", + "cuban" + ], + "Cha Cha Cha Cuba": [ + "Cha Cha Cha Cuba" + ], + "112 South B Street": [ + "112 South B Street" + ], + "650-347-2900": [ + "650-347-2900" + ], + "Reservation at Old Town Sushi": [ + "Reservation at Old Town Sushi" + ], + "Restaurant reservation for 5 at Himalayan Flavors": [ + "restaurant reservation for 5 at Himalayan flavors" + ], + "1585 University Avenue": [ + "1585 university avenue" + ], + "Simply Fondue": [ + "Simply Fondue", + "simply fondue" + ], + "2300 First Street #110": [ + "2300 First Street #110" + ], + "925-443-6638": [ + "925-443-6638" + ], + "Restaurant reservation for 5 at Simply Fondue": [ + "Restaurant reservation for 5 at Simply Fondue" + ], + "La Ginestra": [ + "La Ginestra" + ], + "127 Throckmorton Avenue": [ + "127 Throckmorton Avenue" + ], + "Restaurant reservation at La Ginestra": [ + "Restaurant reservation at La Ginestra" + ], + "Cj House Korean Bbq": [ + "Cj House Korean Bbq" + ], + "408-263-6705": [ + "408-263-6705" + ], + "Korea Garden": [ + "Korea Garden" + ], + "408-946-2222": [ + "408-946-2222" + ], + "1535 Landess Avenue #143": [ + "1535 Landess Avenue #143" + ], + "Reservation at Korea Garden": [ + "reservation at Korea Garden", + "Reservation at Korea Garden" + ], + "Reservation at Gumba's": [ + "Reservation at Gumbas", + "reservation at Gumba's" + ], + "415-663-1033": [ + "415-663-1033" + ], + "23240 California 1": [ + "23240 California 1" + ], + "Movie at Landmark's Opera Plaza Cinema": [ + "Movie at Landmark's Opera Plaza Cinema" + ], + "Reservation at Alice's": [ + "Reservation at Alice's" + ], + "1801 Alemany Boulevard": [ + "1801 alemany boulevard", + "1801 Alemany Boulevard" + ], + "Reservation at Beijing Restaurant": [ + "Reservation at Beijing Restaurant" + ], + "Green Chile Kitchen": [ + "Green Chile Kitchen", + "Green Chile" + ], + "Los Palillos Restaurant": [ + "Los Palillos Restaurant" + ], + "3060 Kerner Boulevard": [ + "3060 Kerner Boulevard" + ], + "415-456-4070": [ + "415-456-4070" + ], + "Restaurant reservation for 3 at Los Palillos Restaurant": [ + "Restaurant reservation for 3 at Los Palillos Restaurant" + ], + "Dinner at B Star": [ + "Dinner at B Star" + ], + "6247 College Avenue": [ + "6247 College Avenue", + "6247 college avenue" + ], + "510-838-1131": [ + "510-838-1131" + ], + "2635 Ashby Avenue": [ + "2635 Ashby Avenue" + ], + "Barnzu": [ + "Barnzu" + ], + "415-525-4985": [ + "415-525-4985" + ], + "711 Geary Street": [ + "711 Geary Street" + ], + "Reservation at Barnzu": [ + "Reservation at Barnzu" + ], + "Reservation at Anjappar Chettinad Restaurant": [ + "Reservation at Anjappar Chettinad Restaurant" + ], + "415-287-6599": [ + "415-287-6599" + ], + "Lunch at B-side": [ + "Lunch at B-side" + ], + "Alioto's": [ + "Alioto's" + ], + "Begoni Bistro": [ + "Begoni Bistro" + ], + "415-757-0120": [ + "415-757-0120" + ], + "615 Jackson Street": [ + "615 Jackson Street" + ], + "Dinner at Lotus Thai Restaurant": [ + "Dinner at Lotus Thai Restaurant" + ], + "Reservation at 71 Saint Peter": [ + "Reservation at 71 Saint Peter" + ], + "Bistro Vida": [ + "bistro vida", + "Bistro Vida", + "Bistro vida" + ], + "641 Santa Cruz Avenue": [ + "641 Santa cruz avenue", + "641 Santa Cruz Avenue" + ], + "Sakura 2 Teppanyaki And Sushi": [ + "Sakura 2 Teppanyaki And Sushi", + "Sakura 2 Teppanyaki and Sushi" + ], + "650-299-9551": [ + "650-299-9551" + ], + "Reservation at Rocknwraps And Kabobs": [ + "Reservation at Rocknwraps And Kabobs" + ], + "2053 Broadway": [ + "2053 Broadway" + ], + "Archetype": [ + "Archetype" + ], + "1429 Main Street": [ + "1429 Main Street" + ], + "Batika India Bistro": [ + "Batika India Bistro" + ], + "868 Grant Avenue": [ + "868 Grant Avenue" + ], + "Restaurant reservation at Batika India Bistro": [ + "Restaurant reservation at Batika India Bistro" + ], + "Mai Thai Cuisine": [ + "Mai Thai Cuisine" + ], + "807 1st Street": [ + "807 1st Street" + ], + "Lunch at Mai Thai Cuisine": [ + "Lunch at Mai Thai Cuisine" + ], + "408-606-8976": [ + "408-606-8976" + ], + "Reservation at A Plus Cafe": [ + "Reservation at A Plus Cafe" + ], + "21267 Stevens Creek Boulevard #200": [ + "21267 Stevens Creek Boulevard #200" + ], + "301 East 4th Avenue": [ + "301 East 4th Avenue" + ], + "Restaurant reservation at Izakaya Ginji": [ + "restaurant reservation at Izakaya Ginji" + ], + "Mumbai Chowk": [ + "Mumbai Chowk" + ], + "35144 Newark Boulevard": [ + "35144 Newark Boulevard" + ], + "Reservation at Mumbai Chowk": [ + "Reservation at Mumbai Chowk" + ], + "Cathedral of Christ the King": [ + "Cathedral of Christ the King" + ], + "Coit Tower": [ + "coit tower", + "Coit Tower" + ], + "415-249-0995": [ + "415-249-0995" + ], + "312-742-8520": [ + "312-742-8520" + ], + "323-667-2000": [ + "323-667-2000" + ], + "Art Museum Steps": [ + "art museum steps", + "Art Museum steps", + "Art museum steps", + "Art Museum Steps" + ], + "Bartram's Garden": [ + "Bartram's Garden", + "bartram's garden" + ], + "215-729-5281": [ + "215-729-5281" + ], + "602-997-7575": [ + "602-997-7575" + ], + "Bradbury Building": [ + "bradbury building", + "Bradbury Building", + "Bradbury building" + ], + "213-626-1893": [ + "213-626-1893" + ], + "Crissy Field": [ + "Crissy Field", + "crissy field" + ], + "Gas Works Park": [ + "Gas Works Park" + ], + "Golden Gardens Park": [ + "Golden Gardens Park" + ], + "206-684-4075": [ + "206-684-4075" + ], + "Kerry Park": [ + "Kerry Park" + ], + "Cable Car Museum": [ + "Cable Car Museum", + "cable car museum", + "Cable car museum", + "Cable car Museum" + ], + "768": [ + "$768" + ], + "503-771-8386": [ + "503-771-8386" + ], + "Lan Su Chinese Garden": [ + "Lan Su Chinese Garden", + "Lan Su Chinese garden" + ], + "503-228-8131": [ + "503-228-8131" + ], + "Hollywood Walk of Fame": [ + "Hollywood Walk of Fame", + "Hollywood Walk of fame", + "hollywood walk of fame" + ], + "Betty Lou's Seafood & Grill": [ + "Betty Lou's Seafood & Grill", + "betty lou's seafood & grill" + ], + "Happy Garden": [ + "Happy Garden" + ], + "Alborz Restaurant": [ + "Alborz Restaurant" + ], + "La Mediterranee": [ + "La Mediterranee" + ], + "King Dong Restaurant": [ + "King Dong Restaurant" + ], + "Caffe Sport": [ + "Caffe Sport" + ], + "2650 Telegraph Avenue": [ + "2650 Telegraph Avenue" + ], + "510-548-1500": [ + "510-548-1500" + ], + "Bask": [ + "Bask" + ], + "Scala's Bistro": [ + "Scala's Bistro" + ], + "Lalime's": [ + "Lalime's" + ], + "510-647-9329": [ + "510-647-9329" + ], + "2116 Shattuck Avenue": [ + "2116 Shattuck Avenue" + ], + "2355 Chestnut Street": [ + "2355 Chestnut Street" + ], + "Bacco": [ + "Bacco" + ], + "Bluefin": [ + "Bluefin" + ], + "415-543-0573": [ + "415-543-0573" + ], + "Le Central": [ + "Le Central" + ], + "Ikaros Greek Restaurant": [ + "Ikaros Greek Restaurant" + ], + "Da Lian Restaurant": [ + "Da Lian Restaurant", + "Da Lian restaurant" + ], + "Great China Restaurant": [ + "Great China Restaurant", + "Great china restaurant" + ], + "Yang Chow Restaurant": [ + "Yang Chow Restaurant" + ], + "Daughter Thai Kitchen": [ + "Daughter thai kitchen" + ], + "Infinite Thai Eatery": [ + "Infinite thai eatery" + ], + "4301 Piedmont Avenue A": [ + "4301 piedmont avenue A" + ], + "Hs Lordships Restaurant": [ + "Hs Lordships Restaurant" + ], + "510-843-2733": [ + "510-843-2733" + ], + "Atami Sushi Bar & Grill": [ + "Atami Sushi Bar & Grill" + ], + "1506 Leimert Boulevard": [ + "1506 Leimert Boulevard" + ], + "Paulista Brazilian Kitchen And Taproom": [ + "Paulista Brazilian Kitchen and Taproom", + "Paulista Brazilian Kitchen And Taproom" + ], + "Fondue": [ + "Fondue" + ], + "Fondue Fred": [ + "Fondue Fred" + ], + "Aatxe": [ + "aatxe", + "Aatxe" + ], + "707-254-8006": [ + "707-254-8006" + ], + "Ca' Momi Osteria": [ + "Ca' Momi Osteria" + ], + "Acquolina": [ + "Acquolina" + ], + "1198 San Pablo Avenue": [ + "1198 San Pablo Avenue" + ], + "Fume": [ + "Fume" + ], + "4050 Byway East": [ + "4050 Byway East" + ], + "Novy Restaurant": [ + "Novy Restaurant", + "Novy" + ], + "415-829-8383": [ + "415-829-8383" + ], + "Orexi Restaurant": [ + "Orexi Restaurant" + ], + "La Marcha Tapas Bar": [ + "La Marcha Tapas Bar" + ], + "Becky's": [ + "Becky's" + ], + "Sessions At The Presidio": [ + "Sessions", + "Sessions at the Presidio", + "Sessions At The Presidio" + ], + "The Dorian": [ + "the Dorian", + "The Dorian" + ], + "Urban Tavern": [ + "Urban Tavern" + ], + "510-526-4373": [ + "510-526-4373" + ], + "Cattlemens": [ + "Cattlemens" + ], + "707-546-1446": [ + "707-546-1446" + ], + "Hop Creek Pub": [ + "hop creek pub", + "Hop Creek Pub" + ], + "619-239-0512": [ + "619-239-0512" + ], + "619-570-1100": [ + "619-570-1100" + ], + "Long Beach Museum of Art": [ + "Long Beach Museum of Art" + ], + "Sutter's Fort | State Historic Park": [ + "Sutter's fort | State Historic Park", + "Sutter's Fort | State Historic Park" + ], + "(212) 769-5100": [ + "(212) 769-5100" + ], + "California Museum": [ + "California museum", + "california museum", + "California Museum" + ], + "California Automobile Museum": [ + "california automobile museum", + "California automobile museum", + "California Automobile Museum" + ], + "California State Capitol Museum": [ + "california state capitol museum", + "California State Capitol Museum" + ], + "The Orpheum": [ + "The Orpheum" + ], + "604-665-3035": [ + "604-665-3035" + ], + "415-474-1887": [ + "415-474-1887" + ], + "714-940-2000": [ + "714-940-2000" + ], + "213-626-1901": [ + "213-626-1901" + ], + "Aquarium of the Pacific": [ + "Aquarium of the pacific", + "aquarium of the pacific", + "Aquarium of the Pacific" + ], + "200 South Pine Avenue": [ + "200 south pine avenue", + "200 South Pine Avenue" + ], + "1530 Disneyland Monrail System": [ + "1530 disneyland monrail system", + "1530 Disneyland Monrail System" + ], + "Cars Land": [ + "cars land", + "Cars Land" + ], + "1160 West Ball Road": [ + "1160 west ball road", + "1160 West Ball Road" + ], + "Barnes Foundation": [ + "Barnes Foundation", + "barnes foundation" + ], + "215-278-7000": [ + "215-278-7000" + ], + "Floyd Lamb Park": [ + "Floyd Lamb Park" + ], + "7101 Cascade Valley Court": [ + "7101 Cascade Valley Court" + ], + "+1 702-360-1200": [ + "+1 702-360-1200" + ], + "Fort Funston": [ + "fort funston", + "Fort Funston" + ], + "Disney California Adventure Park": [ + "Disney California Adventure Park", + "disney california adventure park" + ], + "Disneyland Park": [ + "Disneyland Park" + ], + "(916) 653-1771": [ + "(916) 653-1771" + ], + "Pixar Pier": [ + "Pixar Pier" + ], + "1011 Pike Street": [ + "1011 Pike Street" + ], + "Birch Aquarium at Scripps Institution of Oceanography": [ + "Birch Aquarium at Scripps Institution of oceanography", + "Birch Aquarium at Scripps Institution of OCeanography", + "Birch Aquarium at Scripps Institution Of Oceanography", + "Birch Aquarium at Scripps Institution of Oceanography" + ], + "916-445-4422": [ + "916-445-4422" + ], + "Coronado Bridge": [ + "coronado bridge" + ], + "Sacramento Zoo": [ + "sacramento zoo", + "Sacramento Zoo" + ], + "OMSI": [ + "OMSI" + ], + "714-781-4565": [ + "714-781-4565" + ], + "1815 Terry Avenue": [ + "1815 Terry Avenue" + ], + "215-763-8100": [ + "215-763-8100" + ], + "Battleship USS Iowa Museum": [ + "battleship uss iowa museum", + "Battleship USS Iowa Museum", + "battleship USS Iowa museum", + "battleship USS iowa museum" + ], + "877-446-9261": [ + "877-446-9261" + ], + "Harry Bridges Memorial Park": [ + "Harry Bridges Memorial park", + "Harry Bridges Memorial Park" + ], + "Exposition Park": [ + "Exposition Park", + "Exposition park" + ], + "858-534-3474": [ + "858-534-3474" + ], + "1177 Melville Street": [ + "1177 Melville Street", + "1177 melville street" + ], + "+1 310-556-2777": [ + "+1 310-556-2777" + ], + "The Queen Mary": [ + "The Queen Mary", + "the Queen Mary", + "the queen mary" + ], + "+1 562-491-1234": [ + "+1 562-491-1234" + ], + "714-781-7290": [ + "714-781-7290" + ], + "916-445-2841": [ + "916-445-2841" + ], + "Oregon Zoo": [ + "Oregon Zoo", + "oregon zoo" + ], + "916-442-6802": [ + "916-442-6802" + ], + "503-226-1561": [ + "503-226-1561" + ], + "Las Vegas Natural History Museum": [ + "Las Vegas Natural History Museum" + ], + "702-382-5437": [ + "702-382-5437" + ], + "Fleet Science Center": [ + "Fleet Science Center", + "fleet science center" + ], + "San Diego California Temple": [ + "San Diego California Temple" + ], + "858-622-0991": [ + "858-622-0991" + ], + "Toe": [ + "Toe" + ], + "562-570-5333": [ + "562-570-5333" + ], + "415-561-4700": [ + "415-561-4700" + ], + "Golden Gate Park": [ + "Golden Gate park", + "golden gate park", + "Golden Gate Park", + "Golden gate Park" + ], + "Chinatown San Francisco": [ + "chinatown san francisco", + "Chinatown San Francisco" + ], + "888-212-3203": [ + "888-212-3203" + ], + "415-623-5300": [ + "415-623-5300" + ], + "California Academy of Sciences": [ + "California Academy of Sciences" + ], + "Contemporary Jewish Museum": [ + "contemporary jewish museum", + "Contemporary Jewish Museum" + ], + "Landmark's Clay Theatre": [ + "Landmark's Clay Theatre", + "Clay Theatre", + "clay theatre" + ], + "Diana the Huntress Fountain": [ + "Diana the Huntress Fountain", + "diana the huntress fountain" + ], + "Ferry Plaza Farmers Market": [ + "Ferry Plaza Farmers Market", + "ferry plaza farmers market" + ], + "The Painted Ladies": [ + "The Painted Ladies" + ], + "415-831-2700": [ + "415-831-2700" + ], + "War Memorial Opera House": [ + "War Memorial Opera House" + ], + "415-561-4323": [ + "415-561-4323" + ], + "Grace Cathedral": [ + "Grace Cathedral" + ], + "415-749-6300": [ + "415-749-6300" + ], + "415-865-2000": [ + "415-865-2000" + ], + "415-379-8000": [ + "415-379-8000" + ], + "Christmas Tree Lane": [ + "Christmas Tree lane", + "Christmas Tree Lane", + "christmas tree lane", + "Christmas tree lane" + ], + "Forestiere Underground Gardens": [ + "forestiere underground gardens", + "Forestiere Underground Gardens" + ], + "FlyOver Canada": [ + "FlyOver Canada" + ], + "Portland Japanese Garden": [ + "Portland Japanese Garden" + ], + "First Corinthian Baptist Church": [ + "First Corinthian Baptist Church" + ], + "559-271-0734": [ + "559-271-0734" + ], + "Old Las Vegas Mormon Fort State Historic Park": [ + "Old Las Vegas Mormon Fort State Historic Park" + ], + "Seattle Aquarium": [ + "Seattle Aquarium", + "seattle aquarium" + ], + "206-386-4300": [ + "206-386-4300" + ], + "Woodland Park Zoo": [ + "woodland park zoo", + "Woodland Park Zoo" + ], + "562-570-8555": [ + "562-570-8555" + ], + "Hollywood Wax Museum(r)": [ + "Hollywood Wax Museum(r)" + ], + "Holiday Inn Express Sacramento Convention Center": [ + "Holiday Inn Express Sacramento Convention Center", + "holiday inn express sacramento convention center", + "Holiday Inn Sacramento Convention Center" + ], + "559-348-9200": [ + "559-348-9200" + ], + "SlotZilla Zip Line": [ + "Slotzilla Zip Line", + "SlotZilla Zip Line", + "slotzilla zip line" + ], + "Springs Preserve": [ + "Springs Preserve" + ], + "702-822-7700": [ + "702-822-7700" + ], + "Fremont Street Experience": [ + "Fremont Street Experience" + ], + "702-486-3511": [ + "702-486-3511" + ], + "Fairytale Town": [ + "Fairytale Town" + ], + "877-342-0738": [ + "877-342-0738" + ], + "Science World at TELUS World of Science": [ + "Science World at TELUS World of Science" + ], + "604-443-7440": [ + "604-443-7440" + ], + "415-291-3276": [ + "415-291-3276" + ], + "(877) 560-6477": [ + "(877) 560-6477" + ], + "619-238-1233": [ + "619-238-1233" + ], + "Astoria Park": [ + "Astoria park", + "Astoria Park" + ], + "+1 714-778-1700": [ + "+1 714-778-1700" + ], + "Della Santina's": [ + "Della Santina's", + "della santina's" + ], + "Capers Eat & Drink": [ + "Capers Eat & Drink" + ], + "Sake 'o": [ + "Sake' o", + "Sake 'o" + ], + "505 Healdsburg Avenue": [ + "505 Healdsburg Avenue" + ], + "707-433-2669": [ + "707-433-2669" + ], + "925-777-9117": [ + "925-777-9117" + ], + "2940 Delta Fair Boulevard": [ + "2940 Delta Fair Boulevard" + ], + "El Coronel Mexican Restaurant": [ + "El Coronel Mexican Restaurant" + ], + "707-829-7010": [ + "707-829-7010" + ], + "7 Mares": [ + "7 mares", + "7 Mares" + ], + "650-368-6444": [ + "650-368-6444" + ], + "Thai Orchid": [ + "Thai Orchid" + ], + "408-626-9779": [ + "408-626-9779" + ], + "Patxi's Pizza": [ + "Patxi's", + "Patxi's Pizza" + ], + "408-559-0700": [ + "408-559-0700" + ], + "Mountain Mike's Pizza": [ + "Mountain Mike's Pizza", + "mountain mike's pizza" + ], + "Giant New York Pizza": [ + "Giant New york pizza", + "Giant New York Pizza" + ], + "707-554-3434": [ + "707-554-3434" + ], + "Century Blackhawk Plaza": [ + "century blackhawk plaza", + "Century Blackhawk Plaza" + ], + "Belcampo Restaurant & Butcher Shop": [ + "Belcampo Restaurant & Butcher Shop" + ], + "Farm House Local": [ + "Farm House Local" + ], + "415-891-8577": [ + "415-891-8577" + ], + "25 Ward Street": [ + "25 Ward Street" + ], + "Chapala Mexican Restaurant": [ + "Chapala Mexican Restaurant" + ], + "925-513-3620": [ + "925-513-3620" + ], + "Lanna Thai Restaurant": [ + "lanna thai restaurant", + "Lanna Thai restaurant", + "Lanna Thai Restaurant" + ], + "2270 Las Positas Road": [ + "2270 Las Positas Road" + ], + "Chef Chao Restaurant": [ + "Chef Chao Restaurant", + "chef chao restaurant", + "Chef Chao restaurant" + ], + "925-376-1740": [ + "925-376-1740" + ], + "Mandarin Restaurant And Lounge": [ + "Mandarin Restaurant And Lounge" + ], + "707-428-9736": [ + "707-428-9736" + ], + "219 Texas Street C": [ + "219 Texas Street C" + ], + "Beijing": [ + "Beijing" + ], + "Hang Ah Dim Sum Tea House": [ + "Hang Ah Dim Sum Tea House", + "Hang ah Dim Sum Tea House" + ], + "Old Mandarin Islamic Restaurant": [ + "Old Mandarin Islamic Restaurant", + "Old Mandarin" + ], + "245 Church Street": [ + "245 Church Street" + ], + "415-621-3020": [ + "415-621-3020" + ], + "Yushi": [ + "Yushi" + ], + "925-308-7108": [ + "925-308-7108" + ], + "Perry's On Magnolia": [ + "Perry's On Magnolia" + ], + "Picco Restaurant": [ + "Picco Restaurant", + "Picco" + ], + "707-644-0167": [ + "707-644-0167" + ], + "1180 Admiral Callaghan Lane": [ + "1180 Admiral Callaghan Lane" + ], + "Luna Blu": [ + "Luna Blu" + ], + "415-789-5844": [ + "415-789-5844" + ], + "Inchin's Bamboo Garden": [ + "Inchin's Bamboo Garden", + "Inchin's", + "Inchin's bamboo garden", + "inchin's bamboo garden" + ], + "925-415-3236": [ + "925-415-3236" + ], + "17900 San Ramon Valley Boulevard": [ + "17900 san ramon valley boulevard", + "17900 San Ramon Valley Boulevard" + ], + "408-247-0990": [ + "408-247-0990" + ], + "Tsuru Sushi Japanese Restaurant": [ + "Tsuru Sushi Japanese Restaurant" + ], + "707-775-4717": [ + "707-775-4717" + ], + "Yum Squared": [ + "Yum Squared" + ], + "Cut The Crab": [ + "Cut The Crab", + "Cut the Crab", + "cut the crab" + ], + "First Street Alehouse": [ + "First Street Alehouse", + "first street alehouse" + ], + "925-371-6588": [ + "925-371-6588" + ], + "2106 First Street": [ + "2106 First Street", + "2106 first street" + ], + "Spice Thai Kitchen And Bar": [ + "Spice Thai Kitchen And Bar" + ], + "1679 East Monte Vista Avenue": [ + "1679 East Monte Vista Avenue" + ], + "707-455-7150": [ + "707-455-7150" + ], + "Belga": [ + "Belga" + ], + "415-872-7350": [ + "415-872-7350" + ], + "2000 Union Street": [ + "2000 Union Street" + ], + "Shirasoni": [ + "Shirasoni" + ], + "2481 San Ramon Valley Boulevard": [ + "2481 San Ramon Valley Boulevard" + ], + "925-820-4325": [ + "925-820-4325" + ], + "My Thai Ii": [ + "My Thai Ii" + ], + "811 Grant Avenue": [ + "811 Grant Avenue" + ], + "Maneki Sushi Union City": [ + "Maneki Sushi Union City" + ], + "China Moon": [ + "China Moon" + ], + "1556 Solano Avenue": [ + "1556 Solano Avenue" + ], + "Miyozen": [ + "Miyozen" + ], + "Ijji Sushi": [ + "Ijji Sushi" + ], + "Kinjo": [ + "Kinjo" + ], + "Mijouri Sushibune": [ + "Mijouri Sushibune" + ], + "925-560-9310": [ + "925-560-9310" + ], + "21001 San Ramon Valley Boulevard": [ + "21001 san ramon valley boulevard", + "21001 San Ramon Valley Boulevard" + ], + "Gianni's Italian Bistro": [ + "Gianni's Italian Bistro" + ], + "Italico Restaurant": [ + "Italico", + "Italico Restaurant", + "italico restaurant" + ], + "643 Emerson Street": [ + "643 Emerson street", + "643 Emerson Street", + "643 emerson street" + ], + "Cafe Pro Bono": [ + "cafe pro bono" + ], + "650-326-1626": [ + "650-326-1626" + ], + "Delhi Diner": [ + "Delhi Diner" + ], + "1373 Solano Avenue": [ + "1373 Solano Avenue" + ], + "510-528-5000": [ + "510-528-5000" + ], + "408-374-5777": [ + "408-374-5777" + ], + "1710 West Campbell Avenue": [ + "1710 West Campbell Avenue" + ], + "Townhouse Bar & Grill": [ + "Townhouse Bar & Grill", + "Townhouse" + ], + "510-652-6151": [ + "510-652-6151" + ], + "5862 Doyle Street": [ + "5862 Doyle Street" + ], + "2221": [ + "2221" + ], + "Hong Kong East Ocean Seafood Restaurant": [ + "Hong Kong East Ocean Seafood Restaurant" + ], + "914 Main Street": [ + "914 Main Street" + ], + "Incontro Ristorante": [ + "Incontro ristorante", + "Incontro Ristorante" + ], + "Locanda Ravello": [ + "locanda ravello" + ], + "Gaspare's Pizzeria Ristorante": [ + "gaspare's pizzeria ristorante", + "Gaspare's pizzeria ristorante", + "Gaspare's Pizzeria Ristorante" + ], + "Anatolian Kitchen": [ + "Anatolian", + "Anatolian Kitchen" + ], + "650-853-9700": [ + "650-853-9700" + ], + "2323 Birch Street": [ + "2323 Birch street" + ], + "Hwaro": [ + "Hwaro" + ], + "Best Lil' Porkhouse": [ + "Best Lil' Porkhouse" + ], + "415-457-7675": [ + "415-457-7675" + ], + "Campo Di Bocce Of Livermore": [ + "Campo Di bocce Of Livermore", + "Campo Di Bocce Of Livermore", + "Campo Di Bocce of Livermore", + "campo di bocce of livermore", + "Campo di Bocce of Livermore" + ], + "175 Vineyard Avenue": [ + "175 Vineyard Avenue" + ], + "Melo's Pizza & Pasta Livermore": [ + "melo's pizza & pasta livermore", + "Melo's Pizza & Pasta Livermore" + ], + "4433 First Street": [ + "4433 First Street" + ], + "925-516-5533": [ + "925-516-5533" + ], + "707-359-2200": [ + "707-359-2200" + ], + "190 Nut Tree Parkway": [ + "190 Nut Tree Parkway" + ], + "Landmark's Shattuck Cinemas": [ + "Shattuck Cinemas", + "Shattuck cinemas", + "Landmark's Shattuck Cinemas", + "shattuck cinemas", + "landmark's shattuck cinemas", + "Landmark's shattuck cinemas" + ], + "408-776-7000": [ + "408-776-7000" + ], + "110 Cochrane Plaza": [ + "110 Cochrane Plaza" + ], + "La Finestra Ristorante": [ + "La Finestra Ristorante", + "La Finestra" + ], + "925-376-4444": [ + "925-376-4444" + ], + "Ristorante Amoroma": [ + "Ristorante Amoroma" + ], + "Worth Ranch": [ + "Worth Ranch" + ], + "Athena Grill & Catering": [ + "Athena Grill & Catering" + ], + "408-567-9144": [ + "408-567-9144" + ], + "Barvale": [ + "Barvale" + ], + "661 Divisadero Street": [ + "661 Divisadero Street" + ], + "10000 Crow Canyon Road": [ + "10000 Crow Canyon Road" + ], + "925-736-8940": [ + "925-736-8940" + ], + "Cafe Claude": [ + "Cafe Claude" + ], + "7 Claude Lane": [ + "7 Claude Lane" + ], + "Lily Kai": [ + "Lily Kai" + ], + "Nobu Palo Alto": [ + "Nobu Palo Alto" + ], + "Fuki Sushi": [ + "Fuki Sushi" + ], + "Jin Sho": [ + "Jin Sho" + ], + "Lin Jia Asian Kitchen": [ + "Lin Jia Asian kitchen", + "Lin Jia Asian Kitchen", + "lin jia Asian Kitchen" + ], + "510-835-8322": [ + "510-835-8322" + ], + "3437 Lakeshore Avenue": [ + "3437 Lakeshore Avenue" + ], + "Fortunes Restaurant Milpitas": [ + "Fortunes Restaurant Milpitas" + ], + "Grill At The St. Regis": [ + "Grill at the St. Regis", + "Grill At the St. Regis", + "Grill At The St. Regis" + ], + "415-284-4188": [ + "415-284-4188" + ], + "125 3rd Street": [ + "125 3rd Street" + ], + "650-873-1388": [ + "650-873-1388" + ], + "Pearl Garden Restaurant": [ + "Pearl Garden", + "Pearl Garden Restaurant" + ], + "3200 Grand Avenue": [ + "3200 Grand Avenue" + ], + "El Malecon": [ + "El Malecon" + ], + "510-536-6898": [ + "510-536-6898" + ], + "Mi Grullense | Restaurant & Tequila Bar": [ + "Mi Grullense | Restaurant & Tequila Bar" + ], + "510-261-3325": [ + "510-261-3325" + ], + "2368 Junipero Serra Boulevard": [ + "2368 Junipero Serra Boulevard" + ], + "Han Dae Gam Korean Bbq": [ + "Han Dae Gam Korean BBQ", + "Han Dae Gam Korean Bbq" + ], + "The Restaurant | Wente Vineyards": [ + "The Restaurant | Wente Vineyards" + ], + "Roline's": [ + "Roline's" + ], + "707-455-7003": [ + "707-455-7003" + ], + "Amalfi": [ + "amalfi", + "Amalfi" + ], + "Basque": [ + "Basque" + ], + "Esperpento Restaurant": [ + "Esperpento Restaurant" + ], + "Patio Espanol": [ + "Patio Espanol" + ], + "408-748-0378": [ + "408-748-0378" + ], + "Bangkok Garden": [ + "Bangkok Garden" + ], + "415-872-9409": [ + "415-872-9409" + ], + "Hiro": [ + "Hiro" + ], + "650-588-5559": [ + "650-588-5559" + ], + "449 San Mateo Avenue": [ + "449 San Mateo Avenue" + ], + "343 Rheem Boulevard": [ + "343 rheem boulevard", + "343 Rheem Boulevard" + ], + "1499 Valencia Street": [ + "1499 Valencia Street" + ], + "Dj's Chinese Cuisine": [ + "Dj's", + "Dj's Chinese Cuisine" + ], + "Jasmine": [ + "Jasmine" + ], + "1211 Franklin Mall": [ + "1211 Franklin Mall" + ], + "2230 Shattuck Avenue": [ + "2230 Shattuck Avenue", + "2230 shattuck avenue" + ], + "1517 Shattuck Avenue": [ + "1517 Shattuck Avenue", + "1517 Shattuck avenue" + ], + "(510) 548-5072": [ + "(510) 548-5072" + ], + "1295 East Dunne Avenue # 190": [ + "1295 East Dunne Avenue # 190" + ], + "408-778-6288": [ + "408-778-6288" + ], + "Imperial Seafood Restaurant": [ + "Imperial Seafood Restaurant", + "Imperial" + ], + "1300 Fillmore Street": [ + "1300 Fillmore Street" + ], + "1881 Tiburon Boulevard": [ + "1881 Tiburon Boulevard" + ], + "Happy Kitchen": [ + "Happy Kitchen" + ], + "510-818-1329": [ + "510-818-1329" + ], + "39055 Cedar Boulevard": [ + "39055 Cedar Boulevard" + ], + "Summer Summer Thai Eatery": [ + "Summer Summer Thai Eatery" + ], + "Fugetsu": [ + "Fugetsu" + ], + "China Village Restaurant": [ + "china village restaurant", + "China village Restaurant", + "China Village Restaurant" + ], + "510-525-2285": [ + "510-525-2285" + ], + "1335 Solano Avenue": [ + "1335 Solano Avenue", + "1335 solano avenue" + ], + "The San Francisco Dungeon": [ + "The San Francisco Dungeon" + ], + "Diridon Station": [ + "Diridon Station", + "diridon station", + "Diridon station" + ], + "Exploratorium": [ + "Exploratorium" + ], + "300 Ted Turner Drive Northwest": [ + "300 Ted Turner Drive Northwest" + ], + "1215": [ + "$1,215" + ], + "2184": [ + "$2,184" + ], + "Borough Market": [ + "borough market", + "Borough Market" + ], + "20 7407 1002": [ + "20 7407 1002" + ], + "23:43": [ + "11:43 PM", + "11:43 pm" + ], + "604-257-8584": [ + "604-257-8584" + ], + "212-864-5976": [ + "212-864-5976" + ], + "602-716-2000": [ + "602-716-2000" + ], + "14:24": [ + "2:24 pm" + ], + "517": [ + "$517" + ], + "Alexandra Palace": [ + "Alexandra palace", + "alexandra palace", + "Alexandra Palace" + ], + "20 8365 2121": [ + "20 8365 2121" + ], + "Granary Square": [ + "granary square", + "Granary Square" + ], + "Apsley House": [ + "Apsley House", + "Apsley house", + "apsley house" + ], + "83770 02902": [ + "83770 02902" + ], + "21:44": [ + "9:44 pm" + ], + "658": [ + "$658" + ], + "21:27": [ + "9:27 pm" + ], + "Flushing Meadows Corona Park": [ + "Flushing Meadows Corona Park" + ], + "389": [ + "$389" + ], + "819": [ + "$819" + ], + "Cabrillo Marine Aquarium": [ + "Cabrillo Marine Aquarium", + "cabrillo marine aquarium" + ], + "La Quinta Inn & Suites By Wyndham Las Vegas Summerlin Tech": [ + "La Quinta Inn & Suites By Wyndham Las Vegas Summerlin Tech", + "la quinta inn & suites by wyndham las vegas summerlin tech" + ], + "20 7071 5029": [ + "20 7071 5029" + ], + "Barbican Conservatory": [ + "Barbican Conservatory" + ], + "972": [ + "$972" + ], + "Ben Franklin Bridge": [ + "Ben Franklin Bridge" + ], + "Apollo Theater": [ + "apollo theater", + "Apollo Theater", + "Apollo theater" + ], + "01:27": [ + "1:27 am" + ], + "212-531-5300": [ + "212-531-5300" + ], + "Asset no 9 Indira Gandhi International Airport Aerocity Hospitality District": [ + "Asset no 9 Indira Gandhi International Airport Aerocity Hospitality District" + ], + "Akshardham": [ + "Akshardham" + ], + "06:07": [ + "6:07 am" + ], + "King Jr Martin Luther- Birth Home": [ + "King Jr Martin Luther- Birth Home", + "King Jr Martin Luther- Birth home" + ], + "+1 678-515-0300": [ + "+1 678-515-0300" + ], + "01:17": [ + "1:17 am" + ], + "Mets Vs Yankees": [ + "Mets Vs Yankees" + ], + "Yankees Vs Diamondbacks": [ + "Yankees Vs Diamondbacks" + ], + "Esscalation Music Festival": [ + "esscalation music festival", + "Esscalation Music Festival", + "Esscalation music festival" + ], + "Melrose Ballroom": [ + "Melrose Ballroom", + "melrose ballroom" + ], + "Usc Vs Oregon": [ + "Usc vs Oregon", + "USc vs Oregon", + "Usc Vs Oregon", + "Usc vs oregon", + "USC vs Oregon" + ], + "Squeeze": [ + "Squeeze" + ], + "Crowne Plaza Seattle Downtown": [ + "Crowne Plaza Seattle Downtown", + "Crowne Plaza seattle downtown", + "crowne plaza seattle downtown" + ], + "Usc Vs Utah": [ + "Usc vs Utah", + "usc vs utah", + "Usc VS Utah", + "Usc Vs Utah", + "Usc vs utah", + "USC vs Utah" + ], + "Shakey Graves": [ + "Shakey Graves" + ], + "The Dome": [ + "The Dome", + "the Dome" + ], + "2A Dartmouth Park Hill": [ + "2A Dartmouth Park Hill" + ], + "+1 415-626-6103": [ + "+1 415-626-6103" + ], + "Courtyard By Marriott Seattle Downtown/Lake Union": [ + "courtyard by marriott seattle downtown/lake union", + "Courtyard By Marriott Seattle Downtown/Lake Union" + ], + "Best Western Plus Hacienda Hotel Old Town": [ + "Best Western Plus Hacienda Hotel Old Town" + ], + "4041 Harney Street": [ + "4041 Harney Street" + ], + "13:31": [ + "1:31 pm" + ], + "19:03": [ + "7:03 pm" + ], + "17:36": [ + "5:36 pm" + ], + "02:39": [ + "2:39 am" + ], + "21:06": [ + "9:06 pm" + ], + "06:52": [ + "6:52 am" + ], + "487": [ + "$487" + ], + "Albany Hair Salon": [ + "Albany Hair Salon", + "Albany Hair salon" + ], + "1174 Solano Avenue": [ + "1174 Solano Avenue" + ], + "15992 Los Gatos Boulevard": [ + "15992 Los Gatos Boulevard" + ], + "Lollipop Haircut Shop": [ + "Lollipop Haircut shop", + "Lollipop Haircut Shop" + ], + "6271 Lone Tree Way": [ + "6271 Lone Tree Way" + ], + "Sport Clips Haircuts Of Brentwood": [ + "Sport Clips Haircuts of Brentwood" + ], + "925-513-2288": [ + "925-513-2288" + ], + "408-532-1849": [ + "408-532-1849" + ], + "510-623-1635": [ + "510-623-1635" + ], + "122 4th Street": [ + "122 4th Street", + "122 4th street" + ], + "925-240-1337": [ + "925-240-1337" + ], + "Mockingbird Heights Salon": [ + "mockingbird heights salon", + "Mockingbird heights salon" + ], + "25 Kentucky Street": [ + "25 Kentucky Street" + ], + "Hair By Jane Joo In San Ramon": [ + "hair by Jane joo in San Ramon", + "Hair By Jane Joo in San Ramon", + "Hair By Jane Joo In San Ramon" + ], + "510-527-3100": [ + "510-527-3100" + ], + "650-938-2400": [ + "650-938-2400" + ], + "Craft Salon & Barbershop": [ + "Craft Salon & Barbershop" + ], + "408-214-6060": [ + "408-214-6060" + ], + "513 East Hamilton Avenue": [ + "513 East Hamilton Avenue" + ], + "650-966-8588": [ + "650-966-8588" + ], + "5154 Mowry Avenue": [ + "5154 Mowry Avenue", + "5154 mowry avenue" + ], + "925-447-1776": [ + "925-447-1776" + ], + "1776 First Street": [ + "1776 first street", + "1776 First Street" + ], + "925-681-2887": [ + "925-681-2887" + ], + "790 Oak Grove Road Ste B": [ + "790 Oak Grove Road Ste B", + "790 oak grove road ste b" + ], + "510-582-6310": [ + "510-582-6310" + ], + "510-473-7869": [ + "510-473-7869" + ], + "1502 1/2 Webster St": [ + "1502 1/2 Webster St" + ], + "704 Winslow Street": [ + "704 Winslow Street" + ], + "650-493-2100": [ + "650-493-2100" + ], + "3902 Middlefield Road": [ + "3902 Middlefield Road" + ], + "Garlic City Barbers": [ + "Garlic City Barbers" + ], + "408-763-6990": [ + "408-763-6990" + ], + "7520 Eigleberry Street": [ + "7520 Eigleberry Street" + ], + "CineLux Gilroy Cafe and Lounge": [ + "CineLux Gilroy Cafe and Lounge" + ], + "1637 Lincoln Avenue": [ + "1637 Lincoln Avenue", + "1637 lincoln avenue" + ], + "Apple Salon Hair & Nails": [ + "Apple Salon Hair & Nails" + ], + "510-845-2322": [ + "510-845-2322" + ], + "Beautique Salon": [ + "Beautique Salon", + "Beautique salon" + ], + "1186 South 2nd Street": [ + "1186 South 2nd street", + "1186 south 2nd street" + ], + "Edge Hair Salon": [ + "Edge Hair Salon" + ], + "408-465-0180": [ + "408-465-0180" + ], + "820 East Dunne Avenue Ste 170": [ + "820 East DUnne Avenue Ste 170", + "820 East Dunne Avenue Ste 170" + ], + "510-574-0881": [ + "510-574-0881" + ], + "415-788-4936": [ + "415-788-4936" + ], + "707-935-0100": [ + "707-935-0100" + ], + "19217 Sonoma Highway": [ + "19217 Sonoma Highway" + ], + "Cuisine Of Nepal Restaurant": [ + "Cuisine Of Nepal Restaurant", + "Cuisine of Nepal Restaurant" + ], + "Precision Cutz": [ + "Precision Cutz" + ], + "32155 Union Landing Boulevard": [ + "32155 Union Landing Boulevard" + ], + "722 Main Street": [ + "722 Main Street" + ], + "925-600-0080": [ + "925-600-0080" + ], + "Gary Patrick Salon": [ + "Gary Patrick Salon" + ], + "925-462-4348": [ + "925-462-4348" + ], + "350 Main Street # J": [ + "350 Main STreet # J" + ], + "Gold Chopsticks": [ + "Gold Chopsticks" + ], + "Caffe Delle Stelle Restaurant": [ + "Caffe delle Stelle Restaurant", + "Caffe Delle Stelle Restaurant" + ], + "1532 North Main Street": [ + "1532 North Main Street" + ], + "510-943-1094": [ + "510-943-1094" + ], + "150 East Santa Clara Street": [ + "150 East Santa Clara Street" + ], + "408-286-7500": [ + "408-286-7500" + ], + "3113 Stevenson Boulevard": [ + "3113 Stevenson Boulevard" + ], + "Top Thai Cuisine": [ + "Top Thai Cuisine" + ], + "510-538-4400": [ + "510-538-4400" + ], + "Erawan Thai Cuisine": [ + "Erawan Thai Cuisine", + "erawan thai cuisine" + ], + "Krungthai": [ + "Krungthai", + "krungthai" + ], + "642 South Winchester Boulevard": [ + "642 south winchester boulevard" + ], + "408-260-8224": [ + "408-260-8224" + ], + "Philgood Cuts": [ + "Philgood Cuts", + "Philgood cuts" + ], + "1027 Airport Boulevard": [ + "1027 Airport Boulevard", + "1027 airport boulevard" + ], + "Bertolucci's": [ + "bertolucci's" + ], + "Ristorante Buon Gusto": [ + "Ristorante buon gusto", + "ristorante buon gusto" + ], + "Dishdash Grill": [ + "Dishdash", + "Dishdash Grill" + ], + "Mantra India": [ + "Mantra India" + ], + "650-591-9677": [ + "650-591-9677" + ], + "1098 Alameda de las Pulgas": [ + "1098 Alameda de las Pulgas" + ], + "Waterdog Tavern": [ + "Waterdog Tavern" + ], + "1015 Alameda de las Pulgas": [ + "1015 Alameda de las Pulgas" + ], + "1600 Stockton Street": [ + "1600 Stockton Street" + ], + "415-392-3505": [ + "415-392-3505" + ], + "36935 Sycamore Street": [ + "36935 Sycamore Street" + ], + "Bombay Garden Restaurant": [ + "Bombay Garden Restaurant" + ], + "707-266-1108": [ + "707-266-1108" + ], + "Downtown Joe's": [ + "downtown joe's", + "Downtown Joe's" + ], + "707-751-1775": [ + "707-751-1775" + ], + "Kaigan Sushi": [ + "Kaigan Sushi" + ], + "Claim Jumper Restaurants": [ + "Claim Jumper Restaurants", + "claim Jumper Restaurants", + "Claim Jumper REstaurants" + ], + "Aldo's Ristorante & Bar": [ + "Aldo's Ristorante & Bar" + ], + "Campo Di Bocce Of Los Gatos": [ + "Campo Di Bocce of Los Gatos", + "Campo Di Bocce Of Los Gatos" + ], + "408-395-7650": [ + "408-395-7650" + ], + "314 El Camino Real": [ + "314 El Camino Real" + ], + "707-562-2555": [ + "707-562-2555" + ], + "Roya Afghan Cuisine": [ + "Roya Afghan Cuisine", + "Roya" + ], + "2020 First Street": [ + "2020 First Street" + ], + "925-447-0576": [ + "925-447-0576" + ], + "650-329-0665": [ + "650-329-0665" + ], + "Sasha Salon": [ + "Sasha salon", + "Sasha Salon", + "sasha salon" + ], + "Today'S Haircuts": [ + "Today's haircuts", + "Today's Haircuts" + ], + "650-592-6075": [ + "650-592-6075" + ], + "1321 Laurel Street A": [ + "1321 Laurel Street A" + ], + "Shiki Bistro": [ + "Shiki Bistro" + ], + "Dae Bak": [ + "Dae Bak" + ], + "408-249-9999": [ + "408-249-9999" + ], + "Tapas Tokki": [ + "Tapas Tokki" + ], + "1998 Homestead Road #113": [ + "1998 Homestead Road #113" + ], + "Salvadoran": [ + "salvadoran" + ], + "Pupuseria Y Restaurant El Aguila": [ + "pupuseria y restaurant el aguila" + ], + "1536 West San Carlos Street": [ + "1536 west san carlos street" + ], + "415-413-9890": [ + "415-413-9890" + ], + "18|8 Fine Men'S Salons - Lafayette": [ + "18|8 Fine Men'S Salons - Lafayette", + "18|8 fine men's salons - lafayette", + "18|8 Fine Men's Salons - Lafayette" + ], + "3287 Mount Diablo Boulevard": [ + "3287 Mount Diablo Boulevard" + ], + "Il Pavone": [ + "Il Pavone" + ], + "Montecatini Ristorante": [ + "Montecatini Ristorante" + ], + "925-943-6608": [ + "925-943-6608" + ], + "1528 Civic Drive": [ + "1528 Civic Drive" + ], + "Bowl & Plate At White Shallot": [ + "Bowl & PLate At White Shallot", + "Bowl & Plate at white shallot", + "Bowl & Plate At White Shallot", + "Bowl & Plate at White Shallot" + ], + "3143 Stevens Creek Boulevard": [ + "3143 Stevens Creek Boulevard" + ], + "Bushwacker Barbers": [ + "Bushwacker Barbers" + ], + "Ryoshin Sushi": [ + "Ryoshin Sushi" + ], + "650-486-1897": [ + "650-486-1897" + ], + "408-842-0237": [ + "408-842-0237" + ], + "Sushi Island": [ + "Sushi Island" + ], + "620 Main Street": [ + "620 Main Street" + ], + "Royal Thai Restaurant": [ + "royal thai", + "Royal Thai Restaurant", + "royal thai restaurant" + ], + "925-313-9185": [ + "925-313-9185" + ], + "414 Ferry Street": [ + "414 Ferry Street" + ], + "Little Hunan": [ + "Little Hunan" + ], + "510-770-8818": [ + "510-770-8818" + ], + "Georgian": [ + "Georgian" + ], + "Bevri": [ + "Bevri" + ], + "550 Stanford Shopping Center": [ + "550 Stanford Shopping Center" + ], + "Chimek": [ + "Chimek" + ], + "408-899-2956": [ + "408-899-2956" + ], + "Saddles Steakhouse": [ + "Saddles Steakhouse" + ], + "Pastis": [ + "Pastis" + ], + "650-324-1355": [ + "650-324-1355" + ], + "Khai": [ + "Khai" + ], + "655 Townsend Street": [ + "655 Townsend Street" + ], + "415-665-1146": [ + "415-665-1146" + ], + "Three Brothers From China": [ + "Three Brothers From China" + ], + "2001 Contra Costa Boulevard #50": [ + "2001 Contra Costa Boulevard #50" + ], + "925-671-6888": [ + "925-671-6888" + ], + "925-577-1415": [ + "925-577-1415" + ], + "3211 Crow Canyon Place Suite J": [ + "3211 Crow Canyon Place Suite J" + ], + "133 Corte Madera Town Center": [ + "133 corte madera town center" + ], + "Amami Shima Sushi": [ + "Amami Shima Sushi" + ], + "Azuma Japanese Cuisine": [ + "Azuma Japanese Cuisine" + ], + "Banh Thai Restaurant": [ + "banh thai restaurant", + "Banh thai restaurant", + "Banh Thai Restaurant" + ], + "40 Millwood Street": [ + "40 Millwood Street" + ], + "D&O Salon": [ + "D&O salon", + "D&O Salon" + ], + "800 Redwood Highway #220": [ + "800 Redwood Highway #220" + ], + "Frantoio Ristorante": [ + "Frantoio", + "Frantoio Ristorante" + ], + "415-289-5777": [ + "415-289-5777" + ], + "152 Shoreline Highway": [ + "152 Shoreline Highway" + ], + "Piazza D'angelo": [ + "Piazza D'angelo", + "piazza d'angelo" + ], + "58 El Camino Real": [ + "58 el camino real", + "58 El Camino Real" + ], + "Red Hot Chilli Pepper": [ + "Red Hot Chilli Pepper" + ], + "650-453-3055": [ + "650-453-3055" + ], + "1098 Jackson Street": [ + "1098 jackson street", + "1098 Jackson Street" + ], + "415-292-3699": [ + "415-292-3699" + ], + "246 Grand Avenue": [ + "246 Grand Avenue" + ], + "510-891-1496": [ + "510-891-1496" + ], + "415-440-2828": [ + "415-440-2828" + ], + "Fairfax Barber Shop": [ + "fairfax barber shop", + "Fairfax Barber Shop" + ], + "415-258-0178": [ + "415-258-0178" + ], + "67 Broadway": [ + "67 broadway", + "67 Broadway" + ], + "Cafe La Scala Italian Rest.": [ + "Cafe La Scala Italian Rest." + ], + "Fattoria E Mare": [ + "fattoria e mare" + ], + "650-342-4922": [ + "650-342-4922" + ], + "Himalayan Tandoori And Curry House": [ + "Himalayan Tandoori and Curry house", + "Himalayan Tandoori", + "Himalayan Tandoori And Curry House", + "Himalayan Tandoori and Curry House" + ], + "Li Zhou Chinese Restaurant": [ + "Li Zhou Chinese Restaurant" + ], + "Salang Pass Restaurant": [ + "Salang Pass Restaurant" + ], + "37462 Fremont Boulevard": [ + "37462 Fremont Boulevard" + ], + "Angelo Mio": [ + "Angelo Mio" + ], + "Sultana Mediterranean": [ + "Sultana Mediterranean" + ], + "118 New Montgomery Street": [ + "118 new montgomery street", + "118 New Montgomery Street" + ], + "Alberto's Cantina": [ + "Alberto's Cantina" + ], + "925-249-9800": [ + "925-249-9800" + ], + "925-371-4499": [ + "925-371-4499" + ], + "Bon Marche Brasserie & Bar": [ + "Bon Marche Brasserie & Bar" + ], + "415-802-1700": [ + "415-802-1700" + ], + "1355 Market Street #120": [ + "1355 Market Street #120" + ], + "Don Giovanni": [ + "Don Giovanni" + ], + "235 Castro Street": [ + "235 Castro Street" + ], + "408-436-0760": [ + "408-436-0760" + ], + "Yayoi Palo Alto": [ + "Yayoi Palo Alto" + ], + "Kings Cuts": [ + "Kings cuts" + ], + "707-452-1167": [ + "707-452-1167" + ], + "160 Nut Tree Parkway": [ + "160 Nut Tree Parkway" + ], + "Galaxy Barber Shop": [ + "Galaxy Barber Shop" + ], + "Koi Palace - Milpitas": [ + "Koi Palace - Milpitas" + ], + "408-432-8833": [ + "408-432-8833" + ], + "Yangon": [ + "yangon" + ], + "650-348-8848": [ + "650-348-8848" + ], + "2083 Camden Avenue": [ + "2083 Camden Avenue" + ], + "408-369-9820": [ + "408-369-9820" + ], + "707-981-8228": [ + "707-981-8228" + ], + "925-454-0292": [ + "925-454-0292" + ], + "The Cats": [ + "The Cats", + "the Cats" + ], + "408-354-4020": [ + "408-354-4020" + ], + "208 Redwood Avenue": [ + "208 Redwood Avenue" + ], + "415-891-3571": [ + "415-891-3571" + ], + "Benissimo Restaurant & Bar": [ + "Benissimo", + "Benissimo Restaurant & Bar" + ], + "415-927-2316": [ + "415-927-2316" + ], + "650-342-1602": [ + "650-342-1602" + ], + "Sesame": [ + "Sesame" + ], + "1355 Broadway": [ + "1355 broadway", + "1355 Broadway" + ], + "15555 East 14th Street suite 366": [ + "15555 East 14th Street suite 366", + "15555 east 14th Street suite 366", + "15555 East 14th Street Suite 366" + ], + "Dinah's Poolside Restaurant": [ + "Dinah's", + "Dinah's Poolside Restaurant" + ], + "408-931-6875": [ + "408-931-6875" + ], + "Dan Izakaya Restaurant": [ + "Dan Izakaya restaurant", + "dan izakaya restaurant", + "Dan Izakaya Restaurant" + ], + "1306 Saratoga Avenue": [ + "1306 saratoga avenue", + "1306 Saratoga Avenue" + ], + "1781 Capitol Expressway": [ + "1781 Capitol Expressway" + ], + "Barber'S Garage": [ + "barber's garage", + "Barber's Garage" + ], + "6469 Redwood Drive": [ + "6469 redwood drive", + "6469 Redwood Drive" + ], + "Imperial Garden Restaurant": [ + "Imperial Garden restaurant" + ], + "510-562-3246": [ + "510-562-3246" + ], + "310 MacArthur Boulevard": [ + "310 MacArthur Boulevard" + ], + "Tina's Place": [ + "Tina's Place" + ], + "510-964-7546": [ + "510-964-7546" + ], + "Grove Salon": [ + "Grove Salon" + ], + "510-526-9874": [ + "510-526-9874" + ], + "707-747-0659": [ + "707-747-0659" + ], + "868 Southampton Road": [ + "868 Southampton Road" + ], + "D J's Bistro": [ + "D J's Bistro" + ], + "408-738-8389": [ + "408-738-8389" + ], + "Amaravathi Vegetarian Restaurant": [ + "Amaravathi Vegetarian Restaurant" + ], + "Arka Indian Restaurant": [ + "Arka Indian Restaurant" + ], + "Berkeley Social Club": [ + "Berkeley Social Club", + "berkeley social club" + ], + "510-900-5858": [ + "510-900-5858" + ], + "2050 University Avenue": [ + "2050 university avenue" + ], + "510-883-1883": [ + "510-883-1883" + ], + "43330 Pacific Commons Boulevard": [ + "43330 Pacific Commons Boulevard" + ], + "510-445-1850": [ + "510-445-1850" + ], + "44 Webster Street": [ + "44 Webster Street" + ], + "Jovance Salon & Barbering": [ + "Jovance Salon & Barbering" + ], + "510-223-2900": [ + "510-223-2900" + ], + "1406 Pinole Valley Road": [ + "1406 Pinole Valley Road" + ], + "Happy Sashimi": [ + "Happy Sashimi" + ], + "Black & Gold Barber Lounge": [ + "Black & Gold Barber Lounge", + "black & gold Barber Lounge" + ], + "6755 Mission Street": [ + "6755 Mission Street" + ], + "Nick's Kitchen": [ + "Nick's Kitchen" + ], + "650-755-3448": [ + "650-755-3448" + ], + "2468 Junipero Serra Boulevard": [ + "2468 Junipero Serra Boulevard" + ], + "Beer Baron Bar & Kitchen": [ + "beer baron bar & kitchen", + "Beer Baron Bar & Kitchen" + ], + "Eureka!": [ + "Eureka!" + ], + "510-809-8282": [ + "510-809-8282" + ], + "2068 Center Street": [ + "2068 Center Street" + ], + "Green Elephant Gourmet": [ + "Green Elephant Gourmet" + ], + "650-494-0645": [ + "650-494-0645" + ], + "American Kitchen": [ + "American Kitchen", + "american kitchen" + ], + "925-385-0352": [ + "925-385-0352" + ], + "71 Lafayette Circle": [ + "71 lafayette circle", + "71 Lafayette Circle" + ], + "Madhuban Indian Cuisine": [ + "Madhuban Indian Cuisine", + "madhuban Indian Cuisine", + "Madhuban" + ], + "Dickey's Barbecue Pit": [ + "Dickey's Barbecue Pit", + "dickey's Barbecue Pit", + "Dickey's" + ], + "Curry House Japanese Curry & Spaghetti": [ + "Curry House Japanese Curry & Spaghetti" + ], + "Harumi Sushi": [ + "Harumi Sushi", + "Harumi" + ], + "408-973-9985": [ + "408-973-9985" + ], + "Antoinette Restaurant": [ + "Antoinette Restaurant" + ], + "Faz Restaurants & Catering - San Jose": [ + "Faz Restaurants & Catering - San Jose" + ], + "408-684-4002": [ + "408-684-4002" + ], + "1314 McKinstry Street": [ + "1314 McKinstry Street" + ], + "415-987-5893": [ + "415-987-5893" + ], + "Lighthouse Bar & Grill": [ + "Lighthouse Bar & Grill", + "Lighthouse Bar" + ], + "475 East Strawberry Drive": [ + "475 East Strawberry Drive" + ], + "Nycfc Vs United": [ + "Nycfc Vs United" + ], + "The Cinematic Orchestra": [ + "The Cinematic Orchestra" + ], + "Kennington Oval": [ + "Kennington oval" + ], + "Bay Area Obstetrics & Gynecology": [ + "Bay Area Obstetrics & Gynecology" + ], + "650-238-6244": [ + "650-238-6244" + ], + "Hillcrest Family Dental Care": [ + "Hillcrest Family Dental Care" + ], + "343 Gellert Boulevard # C": [ + "343 Gellert Boulevard # C" + ], + "1956 Union Street": [ + "1956 Union Street", + "1956 union street" + ], + "415-892-3300": [ + "415-892-3300" + ], + "1850 Sullivan Avenue Suite 550": [ + "1850 Sullivan Avenue Suite 550" + ], + "Dr. Clark Rosen, MD": [ + "dr. clark rosen, md" + ], + "5820 Stoneridge Mall Road SUITE 118": [ + "5820 Stoneridge Mall Road SUITE 118" + ], + "Advanced Skin Care & Dermatology, Inc.": [ + "Advanced skin care & dermatology, inc.", + "advanced skin care & dermatology, inc.", + "Advanced Skin Care & Dermatology, Inc." + ], + "707-829-5795": [ + "707-829-5795" + ], + "3443 Villa Lane": [ + "3443 villa lane" + ], + "707-823-7417": [ + "707-823-7417" + ], + "Dr. Andy Y. Zhu, MD": [ + "Dr. Andy Y. Zhu, MD", + "dr. andy y. zhu, md" + ], + "Dr. David A. Wilkins": [ + "dr. david a. wilkins" + ], + "925-416-2291": [ + "925-416-2291" + ], + "Bay Valley Medical Group: Sheri Task, MD": [ + "Bay Valley Medical Group: Sheri Task, MD" + ], + "27212 Calaroga Avenue": [ + "27212 Calaroga Avenue" + ], + "510-785-5000": [ + "510-785-5000" + ], + "707-551-3600": [ + "707-551-3600" + ], + "Dermatology Associates of the Bay Area": [ + "Dermatology Associates of the Bay Area" + ], + "707-762-5531": [ + "707-762-5531" + ], + "Chu Tuong-Van": [ + "Chu Tuong-Van" + ], + "Sabbadini Gary": [ + "Sabbadini Gary" + ], + "1500 Sycamore Avenue": [ + "1500 Sycamore Avenue" + ], + "510-245-9356": [ + "510-245-9356" + ], + "Benson Frederick P MD": [ + "Benson Frederick P MD", + "benson frederick p md" + ], + "6950 Santa Teresa Boulevard": [ + "6950 Santa Teresa Boulevard", + "6950 santa teresa boulevard" + ], + "408-224-6236": [ + "408-224-6236" + ], + "Aesthetic Dermatology and Skin Cancer: Jeffrey H. Binstock, M.D.": [ + "Aesthetic Dermatology and Skin Cancer: Jeffrey H. Binstock M.D.", + "Aesthetic Dermatology and Skin Cancer: Jeffrey H. Binstock, M.D.", + "aesthetic dermatology and skin cancer: jeffrey h. binstock, m.d." + ], + "Dr. David A. Laub, MD": [ + "dr. david a. laub, md", + "Dr. David A. Laub, MD" + ], + "Dr. Daniel L. Zimmerman, MD": [ + "Dr. Daniel L. Zimmerman, MD" + ], + "3737 Lone Tree Way # A": [ + "3737 Lone Tree Way # A" + ], + "925-754-8070": [ + "925-754-8070" + ], + "Ford Lloyd C MD": [ + "Ford Lloyd C MD" + ], + "2700 Grant Street #104": [ + "2700 Grant Street #104" + ], + "New West Dental Laboratory": [ + "New West Dental Laboratory" + ], + "925-686-2518": [ + "925-686-2518" + ], + "Dr. James N. Cohn, MD": [ + "dr. james n. cohn, md" + ], + "Cheney Tamara MD": [ + "cheney tamara md", + "Cheney Tamara MD" + ], + "2287 Mowry Avenue suite c": [ + "2287 mowry avenue suite c", + "2287 Mowry Avenue Suite C" + ], + "Christopher A. Chin, M.D.": [ + "Christopher A. Chin, M.D." + ], + "916-408-5401": [ + "916-408-5401" + ], + "Family Birth Place": [ + "Family Birth Place" + ], + "Diablo Valley ENT in Walnut Creek": [ + "diablo valley ent in walnut creek", + "Diablo Valley ENT in Walnut Creek" + ], + "Burr": [ + "Burr", + "burr" + ], + "Dr. Frank O. Brown III, MD": [ + "Dr. Frank O. Brown III, MD" + ], + "9925 International Boulevard #2": [ + "9925 International Boulevard #2" + ], + "Dr. Ruth Olweny": [ + "Dr. Ruth Olweny" + ], + "280 West MacArthur Boulevard": [ + "280 West MacArthur Boulevard" + ], + "Dental Oakland San Francisco Tong Woo Lee": [ + "Dental Oakland San Francisco Tong Woo Lee" + ], + "1624 Franklin Street": [ + "1624 Franklin Street" + ], + "Nicole A. Jeffrey-Starr, M.D.": [ + "Nicole A. Jeffrey-Starr, M.D." + ], + "4000 Dublin Boulevard #2": [ + "4000 Dublin Boulevard #2" + ], + "925-875-6546": [ + "925-875-6546" + ], + "11860 Dublin Boulevard": [ + "11860 Dublin Boulevard" + ], + "415-641-6996": [ + "415-641-6996" + ], + "Altos Oaks OB-GYN group - Stanford": [ + "altos oaks ob-gyn group - stanford" + ], + "650-988-7470": [ + "650-988-7470" + ], + "Mark Zeme MD": [ + "Mark Zeme MD" + ], + "Curtis A. Raskin, MD, FAAD": [ + "Curtis A. Raskin, MD, FAAD" + ], + "101 Park Place Suite 101": [ + "101 Park Place Suite 101" + ], + "1300 Galaxy Way # 13": [ + "1300 Galaxy Way # 13" + ], + "707-559-7510": [ + "707-559-7510" + ], + "707-763-6381": [ + "707-763-6381" + ], + "650-967-1770": [ + "650-967-1770" + ], + "Jason R. Van Tassel, MD": [ + "Jason R. Van Tassel, MD", + "jason r. van tassel, md" + ], + "2961 Summit Street": [ + "2961 Summit Street", + "2961 summit street" + ], + "Feiler Lewis S MD": [ + "Feiler Lewis S MD" + ], + "510-505-1430": [ + "510-505-1430" + ], + "Bartlett James O": [ + "bartlett james O", + "bartlett james o", + "bartlett James O" + ], + "650-934-7520": [ + "650-934-7520" + ], + "2490 Hospital Drive #111": [ + "2490 Hospital Drive #111", + "2490 hospital drive #111" + ], + "55 East Julian Street": [ + "55 East Julian Street" + ], + "408-871-9105": [ + "408-871-9105" + ], + "Dr. Bardia Farahmand": [ + "Dr. Bardia Farahmand" + ], + "510-528-0280": [ + "510-528-0280" + ], + "Plaza Family Dental: Fowler Robert K": [ + "plaza family dental: fowler robert k" + ], + "510-558-8000": [ + "510-558-8000" + ], + "22101 Redwood Road": [ + "22101 Redwood road", + "22101 Redwood Road" + ], + "510-581-7677": [ + "510-581-7677" + ], + "3318 Elm Street": [ + "3318 Elm Street" + ], + "3511 School Street": [ + "3511 School Street" + ], + "925-277-1300": [ + "925-277-1300" + ], + "Dr. Linda A. Teagle, MD": [ + "Dr. Linda A. Teagle, MD" + ], + "408-370-1331": [ + "408-370-1331" + ], + "925-932-3800": [ + "925-932-3800" + ], + "Mattingly James": [ + "Mattingly James" + ], + "925-933-5446": [ + "925-933-5446" + ], + "130 La Casa Via #202": [ + "130 La Casa Via #202" + ], + "Ann Wong, M.D.": [ + "Ann Wong, M.D.", + "ann wong, m.d." + ], + "408-730-4240": [ + "408-730-4240" + ], + "Nooshin Parhizkar, M.D.": [ + "Nooshin Parhizkar, M.D." + ], + "925-277-9000": [ + "925-277-9000" + ], + "925-947-2529": [ + "925-947-2529" + ], + "2125 Ygnacio Valley Rd # 102": [ + "2125 Ygnacio Valley Rd # 102", + "2125 ygnacio valley rd # 102" + ], + "510-428-3304": [ + "510-428-3304" + ], + "Timothy H Han": [ + "Timothy H Han" + ], + "510-839-2045": [ + "510-839-2045" + ], + "707-303-1719": [ + "707-303-1719" + ], + "408-374-1320": [ + "408-374-1320" + ], + "Dr. Ramon F. Garcia, MD": [ + "Dr. Ramon F. Garcia, MD" + ], + "408-956-0188": [ + "408-956-0188" + ], + "1615 Hill Road": [ + "1615 Hill Road", + "1615 hill Road" + ], + "415-898-0091": [ + "415-898-0091" + ], + "Chang David F MD": [ + "chang david f md", + "Chang David F MD" + ], + "1174 Castro Street # 100": [ + "1174 Castro Street # 100", + "1174 castro street # 100" + ], + "355 Lennon Lane Suite 255": [ + "355 Lennon Lane Suite 255" + ], + "408-369-4214": [ + "408-369-4214" + ], + "408-370-1424": [ + "408-370-1424" + ], + "East Bay Eye Center: Severin Todd D MD": [ + "East Bay Eye Center: Severin Todd D MD" + ], + "925-828-7771": [ + "925-828-7771" + ], + "408-957-7676": [ + "408-957-7676" + ], + "995 County Highway G4 #111": [ + "995 County Highway G4 #111" + ], + "650-369-2529": [ + "650-369-2529" + ], + "Tearse Eye Care": [ + "Tearse Eye Care" + ], + "1800 Sullivan Avenue # 606": [ + "1800 Sullivan Avenue # 606" + ], + "Dr. Anne R. Schoenhard": [ + "Dr. Anne R. Schoenhard" + ], + "270 Redwood Shores Parkway": [ + "270 Redwood Shores Parkway" + ], + "Clear Skin Concierge": [ + "clear skin concierge", + "Clear Skin Concierge" + ], + "424-256-5699": [ + "424-256-5699" + ], + "850 Middlefield Road": [ + "850 middlefield road" + ], + "Dr. Debra Shapiro, MD": [ + "Dr. Debra Shapiro, MD" + ], + "491 30th Street #201": [ + "491 30th Street #201", + "491 30th street #201" + ], + "510-832-6554": [ + "510-832-6554" + ], + "510-272-0685": [ + "510-272-0685" + ], + "925-463-8200": [ + "925-463-8200" + ], + "1460 North Camino Alto #109": [ + "1460 North Camino Alto #109" + ], + "707-823-7616": [ + "707-823-7616" + ], + "707-823-8529": [ + "707-823-8529" + ], + "Dean Anthony, MD": [ + "Dean Anthony, MD" + ], + "510-248-1700": [ + "510-248-1700" + ], + "320 13th Street": [ + "320 13th street" + ], + "Gul A. Zikria, M.D., FACOG": [ + "Gul A. Zikria, M.D. FACOG", + "Gul A. Zikria, M.D., FACOG" + ], + "510-863-3258": [ + "510-863-3258" + ], + "21675 Redwood Road": [ + "21675 Redwood Road" + ], + "925-522-8850": [ + "925-522-8850" + ], + "408-863-0709": [ + "408-863-0709" + ], + "Dalal Sapna MD": [ + "Dalal Sapna MD", + "dalal sapna md" + ], + "Dr. Yuan Tao": [ + "Dr. Yuan Tao" + ], + "Stephanie Fung": [ + "Stephanie Fung" + ], + "877 West Fremont Avenue l3": [ + "877 West Fremont Avenue l3" + ], + "408-471-6138": [ + "408-471-6138" + ], + "Dr. Lionel M. Nelson, MD": [ + "Dr. Lionel M. Nelson, MD" + ], + "Rachel Villalon, MD": [ + "Rachel Villalon, MD" + ], + "Baldwin Medical Group: Baldwin Vincent MD": [ + "baldwin medical group: baldwin vincent md", + "Baldwin Medical Group: Baldwin Vincent MD" + ], + "1501 3rd Street": [ + "1501 3rd Street", + "1501 3rd street" + ], + "415-892-0754": [ + "415-892-0754" + ], + "Leahn J Huffman": [ + "Leahn J Huffman" + ], + "415-897-3411": [ + "415-897-3411" + ], + "9360 North Name Uno": [ + "9360 North Name Uno" + ], + "408-846-6444": [ + "408-846-6444" + ], + "Bhoomika Kamath, MD": [ + "Bhoomika Kamath, MD" + ], + "925-314-0260": [ + "925-314-0260" + ], + "319 Diablo Road": [ + "319 Diablo Road" + ], + "2256 Monument Blvd": [ + "2256 Monument Blvd" + ], + "650-344-1114": [ + "650-344-1114" + ], + "136 North San Mateo Drive #101": [ + "136 North San Mateo Drive #101" + ], + "Baker Gregory R": [ + "Baker Gregory R" + ], + "650-345-5912": [ + "650-345-5912" + ], + "Amy Kane": [ + "Amy Kane" + ], + "510-623-9497": [ + "510-623-9497" + ], + "Associated Family Physicians: Hennessey Sean P MD": [ + "Associated Family Physicians: Hennessey Sean P MD" + ], + "Brenda Manfredi, MD": [ + "Brenda Manfredi, MD" + ], + "Randolph Colleen": [ + "Randolph Colleen" + ], + "8465 Old Redwood Hwy": [ + "8465 Old Redwood Hwy" + ], + "301 Old San Francisco Road Level 3": [ + "301 Old San Francisco Road Level 3" + ], + "18.66": [ + "$18.66" + ], + "866 Campus Drive": [ + "866 campus drive" + ], + "Dr. David Paslin": [ + "Dr. David Paslin" + ], + "14.19": [ + "$14.19" + ], + "909 San Ramon Valley Boulevard #114": [ + "909 San Ramon Valley Boulevard #114" + ], + "2452 Watson Court": [ + "2452 Watson Court" + ], + "11.70": [ + "$11.70" + ], + "Chantilly": [ + "Chantilly" + ], + "650-321-4080": [ + "650-321-4080" + ], + "707-578-1800": [ + "707-578-1800" + ], + "17.77": [ + "$17.77" + ], + "408-436-7959": [ + "408-436-7959" + ], + "26.44": [ + "$26.44" + ], + "Kettles Vietnamese Bistro": [ + "Kettles", + "Kettles Vietnamese Bistro" + ], + "1202 West Steele Lane": [ + "1202 West Steele Lane" + ], + "707-528-3747": [ + "707-528-3747" + ], + "2219 Buchanan Road #6": [ + "2219 buchanan road #6", + "2219 Buchanan Road #6" + ], + "Gan Restaurant": [ + "gan restaurant" + ], + "221 Division Street": [ + "221 division street" + ], + "23.93": [ + "$23.93" + ], + "25.69": [ + "$25.69" + ], + "Lungomare": [ + "Lungomare" + ], + "1 Broadway": [ + "1 Broadway" + ], + "510-990-7007": [ + "510-990-7007" + ], + "510-526-6800": [ + "510-526-6800" + ], + "36.53": [ + "$36.53" + ], + "415-333-8182": [ + "415-333-8182" + ], + "Dr. Beth McDougall, MD": [ + "Dr. Beth McDougall, MD" + ], + "2574 San Bruno Avenue": [ + "2574 San Bruno Avenue" + ], + "415-388-5520": [ + "415-388-5520" + ], + "Thep Lela Thai Restaurant": [ + "Thep Lela Thai Restaurant" + ], + "11.66": [ + "$11.66" + ], + "Martin Fishman, MD": [ + "Martin Fishman, MD" + ], + "2577 Samaritan Drive Suite 740": [ + "2577 Samaritan Drive Suite 740" + ], + "13.70": [ + "$13.70" + ], + "400 Main Street": [ + "400 Main Street" + ], + "650-948-0400": [ + "650-948-0400" + ], + "Los Altos Grill": [ + "Los Altos Grill" + ], + "25.12": [ + "$25.12" + ], + "408-358-6163": [ + "408-358-6163" + ], + "Brad Hinrichs, M.D.": [ + "Brad Hinrichs, M.D." + ], + "5401 Norris Canyon Road": [ + "5401 Norris Canyon Road" + ], + "8.63": [ + "$8.63" + ], + "Tai Pan": [ + "Tai Pan" + ], + "650-329-9168": [ + "650-329-9168" + ], + "California Sinus Centers": [ + "California Sinus Centers", + "california sinus centers" + ], + "250 3rd Street": [ + "250 3rd street" + ], + "7200 Bancroft Avenue": [ + "7200 Bancroft Avenue" + ], + "Dr. Michael A. Saidel, MD": [ + "Dr. Michael A. Saidel, MD" + ], + "1383 North McDowell Boulevard #100": [ + "1383 North McDowell Boulevard #100" + ], + "707-762-3573": [ + "707-762-3573" + ], + "Eye Care Institute": [ + "Eye Care Institute" + ], + "29.80": [ + "$29.80" + ], + "15267 Hesperian Boulevard": [ + "15267 Hesperian Boulevard" + ], + "Pathos Organic Greek Kitchen": [ + "Pathos Organic Greek Kitchen" + ], + "China Garden Restaurant": [ + "china garden restaurant", + "China Garden Restaurant" + ], + "Elements Restaurant": [ + "Elements Restaurant" + ], + "12.73": [ + "$12.73" + ], + "24.44": [ + "$24.44" + ], + "1391 Woodside Road #200": [ + "1391 Woodside Road #200", + "1391 woodside road #200" + ], + "650-342-7137": [ + "650-342-7137" + ], + "Filer Eye MD: Filer Robert S MD": [ + "Filer Eye MD: Filer Robert S MD" + ], + "101 South San Mateo Drive #306": [ + "101 South san Mateo Drive #306" + ], + "Victoria's Mexican Restaurant": [ + "Victoria's Mexican restaurant" + ], + "Capellini Restaurant": [ + "Capellini Restaurant" + ], + "408-269-8383": [ + "408-269-8383" + ], + "11030 Bollinger Canyon Road #250": [ + "11030 Bollinger Canyon Road #250" + ], + "17.61": [ + "$17.61" + ], + "Cafe Tandoor": [ + "Cafe Tandoor" + ], + "925-244-1559": [ + "925-244-1559" + ], + "25 Lusk Street": [ + "25 Lusk Street" + ], + "Kambridge Hribar, MD": [ + "kambridge hribar, md" + ], + "1, 2380 Sutter Street": [ + "1, 2380 sutter street" + ], + "15.95": [ + "$15.95" + ], + "507 Magnolia Avenue": [ + "507 magnolia avenue", + "507 Magnolia Avenue" + ], + "12.19": [ + "$12.19" + ], + "25.24": [ + "$25.24" + ], + "Farmshop": [ + "Farmshop" + ], + "21.53": [ + "$21.53" + ], + "Billy Berk's": [ + "Billy Berk's", + "billy berk's", + "Billy berk's" + ], + "925-820-3376": [ + "925-820-3376" + ], + "15.38": [ + "$15.38" + ], + "925-363-2000": [ + "925-363-2000" + ], + "23.82": [ + "$23.82" + ], + "510-655-3388": [ + "510-655-3388" + ], + "22.23": [ + "$22.23" + ], + "380 Tesconi Court": [ + "380 tesconi court" + ], + "1730 Travis Boulevard": [ + "1730 travis boulevard", + "1730 Travis Boulevard" + ], + "707-425-8374": [ + "707-425-8374" + ], + "Playa Mill Valley": [ + "Playa", + "Playa Mill Valley", + "PLaya Mill Valley" + ], + "500 San Pablo Avenue": [ + "500 san pablo avenue" + ], + "Everest Kitchen": [ + "Everest Kitchen", + "everest kitchen", + "Everest" + ], + "1150 Solano Avenue": [ + "1150 solano avenue", + "1150 Solano Avenue" + ], + "510-679-5079": [ + "510-679-5079" + ], + "Agave Mexican Bistro": [ + "agave mexican bistro", + "Agave Mexican Bistro", + "Agave Mexican bistro" + ], + "33.10": [ + "$33.10" + ], + "4340 Redwood Highway Suite A-22": [ + "4340 Redwood Highway Suite A-22" + ], + "21.73": [ + "$21.73" + ], + "2435 Webster Street #101": [ + "2435 Webster Street #101" + ], + "Bon Vivant Restaurant": [ + "bon vivant restaurant", + "Bon vivant restaurant" + ], + "535 Bryant Street": [ + "535 Bryant Street" + ], + "The Terrace Room Restaurant": [ + "the terrace room restaurant", + "The Terrace Room Restaurant" + ], + "510-903-3771": [ + "510-903-3771" + ], + "1600 West Campbell Avenue #202": [ + "1600 West Campbell Avenue #202" + ], + "18.60": [ + "$18.60" + ], + "Hongs Gourmet": [ + "Hongs Gourmet" + ], + "925-828-0847": [ + "925-828-0847" + ], + "55.04": [ + "$55.04" + ], + "19.69": [ + "$19.69" + ], + "43.44": [ + "$43.44" + ], + "925-687-5520": [ + "925-687-5520" + ], + "4425-F Treat Boulevard": [ + "4425-F Treat Boulevard" + ], + "Dr. John D. Pendleton, MD": [ + "Dr. John D. Pendleton, MD" + ], + "23.54": [ + "$23.54" + ], + "Don Perico Mexican Restaurant": [ + "Don Perico Mexican Restaurant", + "Don Perico Mexican restaurant" + ], + "Julie Clark, MD": [ + "Julie Clark, MD" + ], + "1550 A Professional Drive #100": [ + "1550 A Professional Drive #100" + ], + "707-782-1775": [ + "707-782-1775" + ], + "114 Petaluma Boulevard North": [ + "114 Petaluma Boulevard North" + ], + "14.53": [ + "$14.53" + ], + "Bar Agricole": [ + "Bar Agricole" + ], + "16.84": [ + "$16.84" + ], + "17.13": [ + "$17.13" + ], + "Duck Club Restaurant": [ + "Duck Club Restaurant" + ], + "1720 El Camino Real # 120": [ + "1720 El Camino Real # 120" + ], + "Rasa": [ + "Rasa" + ], + "Rasoi Restaurant & Lounge": [ + "Rasoi Restaurant & Lounge" + ], + "John Muir Medical Group: Dr. Manisha Shingate": [ + "John Muir Medical Group: Dr. Manisha Shingate" + ], + "10 Woodland Road": [ + "10 Woodland Road" + ], + "707-963-8082": [ + "707-963-8082" + ], + "415-383-5475": [ + "415-383-5475" + ], + "535 Miller Avenue": [ + "535 miller avenue" + ], + "14.62": [ + "$14.62" + ], + "Buckeye Roadhouse": [ + "buckeye roadhouse" + ], + "15 Shoreline Highway": [ + "15 shoreline highway" + ], + "1479 Ygnacio Valley Road": [ + "1479 Ygnacio Valley Road" + ], + "Fuego Tequila Grill": [ + "Fuego Tequila Grill" + ], + "1359 Locust Street": [ + "1359 Locust Street" + ], + "925-891-4023": [ + "925-891-4023" + ], + "94109. parking entry on Hyde St 1199 Bush Street Suite 500 Suite 500": [ + "94109. parking entry on Hyde St 1199 Bush Street Suite 500" + ], + "34.52": [ + "$34.52" + ], + "Barcino": [ + "Barcino", + "barcino" + ], + "399 Grove Street": [ + "399 Grove Street", + "399 grove street" + ], + "415-430-6590": [ + "415-430-6590" + ], + "Jennifer Isaacs, MD": [ + "Jennifer Isaacs, MD" + ], + "3553 Whipple Road": [ + "3553 Whipple Road" + ], + "12.37": [ + "$12.37" + ], + "36.58": [ + "$36.58" + ], + "2400 Forest Avenue": [ + "2400 Forest Avenue" + ], + "408-261-5787": [ + "408-261-5787" + ], + "Caroline Schreiber, MD": [ + "Caroline Schreiber, MD" + ], + "3100 Telegraph Avenue # 2109": [ + "3100 Telegraph Avenue # 2109" + ], + "Fairway Arms Apartments": [ + "Fairway Arms Apartments" + ], + "Meghan Dickman, MD": [ + "Meghan Dickman MD", + "Meghan Dickman, MD" + ], + "925-373-4601": [ + "925-373-4601" + ], + "5575 West Las Positas Boulevard": [ + "5575 West Las Positas Boulevard" + ], + "5508 Monterey Road": [ + "5508 Monterey Road", + "5508 Monterey road" + ], + "19.35": [ + "$19.35" + ], + "Demitri's Taverna": [ + "Demitri's Taverna" + ], + "925-373-0306": [ + "925-373-0306" + ], + "415-276-4048": [ + "415-276-4048" + ], + "301 Industrial Road": [ + "301 Industrial Road" + ], + "Madera": [ + "Madera" + ], + "2825 Sand Hill Road": [ + "2825 Sand Hill Road" + ], + "650-561-1540": [ + "650-561-1540" + ], + "Vanessa's Bistro 2 Vietnamese Restaurant": [ + "Vanessa's Bistro 2", + "Vanessa's Bistro 2 Vietnamese Restaurant" + ], + "20.72": [ + "$20.72" + ], + "12.84": [ + "$12.84" + ], + "Janice Kim, M.D.": [ + "Janice Kim, M.D." + ], + "301 Industrial Road Level 3": [ + "301 Industrial Road Level 3" + ], + "51.72": [ + "$51.72" + ], + "Hot Wok Bistro Too": [ + "Hot Wok Bistro Too" + ], + "650-622-4979": [ + "650-622-4979" + ], + "795 El Camino Real": [ + "795 El Camino Real" + ], + "Katsu": [ + "Katsu" + ], + "20861 Redwood Road": [ + "20861 Redwood Road" + ], + "510-889-6084": [ + "510-889-6084" + ], + "Dr. Julianne G. O'callahan, MD": [ + "Dr. Julianne G. O'callahan, Md", + "Dr. Julianne G. O'callahan, MD" + ], + "2950 Whipple Avenue": [ + "2950 Whipple Avenue" + ], + "Giraffe Centre": [ + "Giraffe Centre", + "giraffe centre" + ], + "28.89": [ + "$28.89" + ], + "Frida's Colibri Restaurant & Bar": [ + "Frida's Colibri Restaurant & Bar" + ], + "1339 Jacklin Road": [ + "1339 Jacklin Road" + ], + "Charlie Palmer Steak Napa": [ + "Charlie Palmer Steak Napa", + "charlie Palmer Steak Napa" + ], + "707-819-2500": [ + "707-819-2500" + ], + "650-301-0500": [ + "650-301-0500" + ], + "26.34": [ + "$26.34" + ], + "505 Serramonte Boulevard": [ + "505 Serramonte Boulevard" + ], + "650-756-0993": [ + "650-756-0993" + ], + "Gochi Cupertino": [ + "Gochi Cupertino" + ], + "408-725-0542": [ + "408-725-0542" + ], + "910 Lincoln Rd E": [ + "910 Lincoln Rd E" + ], + "36.01": [ + "$36.01" + ], + "Dr. Sonia R. Santana, DO": [ + "Dr. Sonia R. Santana, DO" + ], + "925-416-0111": [ + "925-416-0111" + ], + "5565 West Las Positas Boulevard": [ + "5565 West Las Positas Boulevard" + ], + "10.79": [ + "$10.79" + ], + "30.07": [ + "$30.07" + ], + "7484 Monterey Road": [ + "7484 monterey road", + "7484 Monterey Road" + ], + "31.96": [ + "$31.96" + ], + "Great Wall Restaurant": [ + "Great Wall Restaurant" + ], + "925-284-3500": [ + "925-284-3500" + ], + "29.18": [ + "$29.18" + ], + "The House": [ + "The House" + ], + "1230 Grant Avenue": [ + "1230 Grant Avenue" + ], + "415-986-8612": [ + "415-986-8612" + ], + "321 Middlefield Road # 245": [ + "321 Middlefield Road # 245" + ], + "Aldo Los Altos": [ + "Aldo Los Altos" + ], + "388 Main Street": [ + "388 Main Street" + ], + "650-949-2300": [ + "650-949-2300" + ], + "14.85": [ + "$14.85" + ], + "Aly's On Main": [ + "Aly's on Main", + "Aly's On Main" + ], + "Scroll Bar Waterside Kitchen": [ + "Scroll Bar Waterside Kitchen" + ], + "The Striped Pig": [ + "The Striped Pig" + ], + "50.96": [ + "$50.96" + ], + "12.27": [ + "$12.27" + ], + "925-462-3321": [ + "925-462-3321" + ], + "181 East Tasman Drive": [ + "181 East Tasman Drive" + ], + "12.76": [ + "$12.76" + ], + "The Grill At Meadowood": [ + "The Grill At Meadowood", + "The Grill At meadowood" + ], + "Sea Thai Bistro": [ + "Sea Thai", + "Sea Thai Bistro" + ], + "16.18": [ + "$16.18" + ], + "500 Alfred Nobel Drive #245": [ + "500 Alfred Nobel Drive #245" + ], + "Leila By The Bay": [ + "Leila By The Bay" + ], + "510-741-5580": [ + "510-741-5580" + ], + "Dr. Mehrnoosh Almassi, MD": [ + "Dr. Mehrnoosh Almassi, MD" + ], + "925-674-2125": [ + "925-674-2125" + ], + "2485 High School Street #111": [ + "2485 High School Street #111" + ], + "24.39": [ + "$24.39" + ], + "925-676-5252": [ + "925-676-5252" + ], + "Haku Sushi": [ + "Haku Sushi", + "haku sushi" + ], + "408-937-0928": [ + "408-937-0928" + ], + "200 Jose Figueres Avenue #240": [ + "200 Jose Figueres Avenue #240" + ], + "20.31": [ + "$20.31" + ], + "24.04": [ + "$24.04" + ], + "803 Fillmore Street": [ + "803 Fillmore Street" + ], + "16.93": [ + "$16.93" + ], + "27.51": [ + "$27.51" + ], + "18.50": [ + "$18.50" + ], + "Cypress Restaurant": [ + "Cypress Restaurant" + ], + "1388 Locust Street": [ + "1388 Locust Street" + ], + "925-891-4197": [ + "925-891-4197" + ], + "23.62": [ + "$23.62" + ], + "2101 Forest Avenue #124": [ + "2101 Forest Avenue #124" + ], + "24.61": [ + "$24.61" + ], + "2100 Webster Street #214": [ + "2100 Webster Street #214" + ], + "18.55": [ + "$18.55" + ], + "Beso Bistro And Wine Bar": [ + "Beso Bistro and Wine Bar" + ], + "415-883-6702": [ + "415-883-6702" + ], + "502 South Palm Drive": [ + "502 South Palm Drive" + ], + "5 Main Street": [ + "5 main street", + "5 Main Street" + ], + "19.88": [ + "$19.88" + ], + "41.52": [ + "$41.52" + ], + "202 Eastridge Mall Relo": [ + "202 Eastridge Mall Relo" + ], + "34.86": [ + "$34.86" + ], + "937 Harrison Street": [ + "937 Harrison Street" + ], + "Limon Rotisserie Walnut Creek": [ + "Limon rotisserie Walnut Creek", + "Limon Rotisserie Walnut Creek", + "Limon Rotisserie" + ], + "1524 Locust Street": [ + "1524 Locust Street" + ], + "56.38": [ + "$56.38" + ], + "Dr. Daniel J. Buckley, MD": [ + "DR. Daniel J. Buckley, MD" + ], + "Dr. Paul R. Holland": [ + "DR. Paul R. Holland" + ], + "2702 Low Court": [ + "2702 Low Court" + ], + "Gibson": [ + "Gibson" + ], + "2025 Gellert Boulevard #200": [ + "2025 Gellert Boulevard #200" + ], + "122 La Casa Via": [ + "122 La Casa Via" + ], + "A'trio": [ + "A'trio" + ], + "925-300-3540": [ + "925-300-3540" + ], + "Chandni Restaurant": [ + "Chandni Restaurant" + ], + "21.35": [ + "$21.35" + ], + "2174 Market Street": [ + "2174 Market Street" + ], + "Erik Gracer, MD": [ + "Erik Gracer, MD" + ], + "10.43": [ + "$10.43" + ], + "22.80": [ + "$22.80" + ], + "Dr. Kathryn Kent": [ + "Dr. Kathryn Kent", + "dr. kathryn kent" + ], + "Lewis May, II, MD": [ + "lewis may, ii, md", + "Lewis May II, MD" + ], + "941 Merchant Street # A": [ + "941 merchant street # a" + ], + "35.52": [ + "$35.52" + ], + "4949 Stevenson Boulevard": [ + "4949 stevenson boulevard" + ], + "Dr. Caren Campbell, MD": [ + "Dr. Caren Campbell, MD" + ], + "600 Nut Tree Road #260": [ + "600 Nut Tree Road #260" + ], + "34.56": [ + "$34.56" + ], + "Italian Affair": [ + "italian affair", + "Italian Affair" + ], + "1055 4th Street": [ + "1055 4th Street", + "1055 4th street" + ], + "39.22": [ + "$39.22" + ], + "Highlander": [ + "Highlander" + ], + "Temporary Love": [ + "Temporary Love" + ], + "Tell Me You Love Me": [ + "Tell Me You Love Me" + ], + "No Promises": [ + "No Promises" + ], + "Cheat Codes": [ + "Cheat Codes" + ], + "Sen Menga Kerak": [ + "sen menga kerak" + ], + "Historical Misappropriation": [ + "Historical Misappropriation" + ], + "Postmodern Jukebox": [ + "Postmodern Jukebox" + ], + "Sherine": [ + "Sherine" + ], + "Best Western Burbank Airport Inn": [ + "Best Western Burbank Airport Inn", + "Best western Burbank Airport Inn" + ], + "7615 Lankershim Boulevard, North Hollywood, California 91605, United States": [ + "7615 Lankershim Boulevard, North Hollywood, California 91605, United States" + ], + "Khuc Hat Mung Sinh Nhat": [ + "Khuc Hat Mung Sinh Nhat" + ], + "Phan Dinh Tung": [ + "Phan Dinh Tung", + "Phan DInh Tung", + "phan Dinh Tung" + ], + "Hat Nhan": [ + "Hat Nhan" + ], + "Something Big": [ + "Something Big" + ], + "The Dead South": [ + "the Dead south", + "the Dead South", + "The Dead South", + "the dead south" + ], + "Good Company": [ + "good company", + "Good Company" + ], + "Tough Lover": [ + "tough lover", + "Tough Lover" + ], + "How Long Will I Love You": [ + "How Long Will I love You", + "How Long Will I Love You" + ], + "Men Halati": [ + "Men Halati", + "Men halati" + ], + "Ouf Menuh Qalbi": [ + "Ouf Menuh Qalbi" + ], + "Farfashah": [ + "Farfashah" + ], + "Cindy Santos": [ + "Cindy Santos" + ], + "Baby Sexy": [ + "Baby Sexy" + ], + "Try Again": [ + "Try Again" + ], + "Black Smoke Rising": [ + "Black Smoke Rising" + ], + "Highway Tune": [ + "Highway Tune" + ], + "La Min Phyu": [ + "La Min Phyu" + ], + "Old Diary": [ + "Old DIary", + "Old Diary" + ], + "Hyatt Centric The Pike Long Beach": [ + "Hyatt Centric The Pike Long Beach", + "hyatt centric the pike long beach", + "Hyatt Centric The Pike" + ], + "Thinking In Textures": [ + "Thinking in Textures", + "Thinking In Textures" + ], + "398 Hayes Street": [ + "398 Hayes Street" + ], + "36.76": [ + "$36.76" + ], + "47.33": [ + "$47.33" + ], + "524 Van Ness Avenue": [ + "524 Van Ness Avenue", + "524 Van ness avenue" + ], + "1419 Moraga Way": [ + "1419 Moraga Way" + ], + "15.36": [ + "$15.36" + ], + "1888 Solano Avenue": [ + "1888 Solano Avenue" + ], + "Johnny Carino's": [ + "Johnny Carino's", + "Johnny Carinos" + ], + "1549 Gateway Boulevard": [ + "1549 Gateway Boulevard" + ], + "1640 Gateway Boulevard": [ + "1640 Gateway Boulevard" + ], + "523 West 10th Street": [ + "523 West 10th Street", + "523 west 10th street" + ], + "22.33": [ + "$22.33" + ], + "Co Nam": [ + "Co Nam" + ], + "1653 Polk Street": [ + "1653 Polk Street" + ], + "18.71": [ + "$18.71" + ], + "The Bureau 510": [ + "The Bureau 510" + ], + "5800 Hollis Street": [ + "5800 Hollis Street" + ], + "37.90": [ + "$37.90" + ], + "283 North P Street": [ + "283 north p street", + "283 North P Street" + ], + "22.40": [ + "$22.40" + ], + "1027 Oliver Road": [ + "1027 Oliver Road", + "1027 oliver road" + ], + "Sichuan": [ + "Sichuan" + ], + "Da Sichuan Bistro": [ + "Da Sichuan Bistro" + ], + "Pura Vida - Cocina Latina & Sangria Bar": [ + "Pura Vida - Cocina Latina & Sangria Bar" + ], + "2241 First Street": [ + "2241 First Street" + ], + "22.06": [ + "$22.06" + ], + "925-355-9888": [ + "925-355-9888" + ], + "2101 Camino Ramon #100": [ + "2101 Camino Ramon #100" + ], + "20.75": [ + "$20.75" + ], + "Solano Grill & Bar": [ + "Solano Grill & Bar" + ], + "1133 Solano Avenue": [ + "1133 Solano Avenue" + ], + "707-426-4500": [ + "707-426-4500" + ], + "23.01": [ + "$23.01" + ], + "408-377-7666": [ + "408-377-7666" + ], + "2360 South Bascom Avenue": [ + "2360 South Bascom Avenue" + ], + "27.71": [ + "$27.71" + ], + "408-377-8310": [ + "408-377-8310" + ], + "41.83": [ + "$41.83" + ], + "201 El Camino Real": [ + "201 El Camino Real" + ], + "30.79": [ + "$30.79" + ], + "504 Center Street": [ + "504 Center Street", + "504 center street" + ], + "510-549-1900": [ + "510-549-1900" + ], + "100 Seawall Drive": [ + "100 Seawall Drive" + ], + "415-933-9900": [ + "415-933-9900" + ], + "650-843-0643": [ + "650-843-0643" + ], + "43.95": [ + "$43.95" + ], + "Ethiopia Restaurant": [ + "Ethiopia Restaurant" + ], + "Barcote | Ethiopian Restaurant": [ + "Barcote | Ethiopian Restaurant" + ], + "6430 Telegraph Avenue": [ + "6430 Telegraph Avenue" + ], + "510-923-6181": [ + "510-923-6181" + ], + "12.79": [ + "$12.79" + ], + "286 Coddingtown Center": [ + "286 Coddingtown Center" + ], + "707-521-9087": [ + "707-521-9087" + ], + "16.33": [ + "$16.33" + ], + "17.09": [ + "$17.09" + ], + "El Farolito": [ + "El Farolito" + ], + "128 Plaza Street": [ + "128 Plaza Street" + ], + "23.22": [ + "$23.22" + ], + "1875 South Bascom Avenue #550": [ + "1875 South Bascom Avenue #550" + ], + "408-879-9091": [ + "408-879-9091" + ], + "Paradise Biryani Pointe": [ + "Paradise", + "paradise biryani pointe", + "Paradise Biryani Pointe" + ], + "888-786-7919": [ + "888-786-7919" + ], + "2961 East El Camino Real": [ + "2961 East El Camino Real" + ], + "408-249-6020": [ + "408-249-6020" + ], + "Hokkaido Buffet": [ + "Hokkaido", + "Hokkaido Buffet" + ], + "3830 Stevens Creek Boulevard": [ + "3830 Stevens Creek Boulevard" + ], + "543 Coleman Avenue": [ + "543 Coleman Avenue" + ], + "408-275-9340": [ + "408-275-9340" + ], + "15.58": [ + "$15.58" + ], + "825 San Pablo Avenue": [ + "825 San Pablo Avenue" + ], + "60.76": [ + "$60.76" + ], + "408-293-4321": [ + "408-293-4321" + ], + "288 South 2nd Street": [ + "288 South 2nd Street", + "288 south 2nd street" + ], + "9.53": [ + "$9.53" + ], + "447 California Avenue": [ + "447 California Avenue" + ], + "24.90": [ + "$24.90" + ], + "Zaytoon Mediterranean Restaurant & Bar": [ + "Zaytoon Mediterranean Restaurant & Bar" + ], + "14.06": [ + "$14.06" + ], + "33.97": [ + "$33.97" + ], + "707-421-2867": [ + "707-421-2867" + ], + "4400 Central Place": [ + "4400 Central Place" + ], + "2212 North Texas Street": [ + "2212 North Texas Street" + ], + "Mangia Mangia": [ + "Mangia Mangia" + ], + "24.47": [ + "$24.47" + ], + "12.62": [ + "$12.62" + ], + "25.31": [ + "$25.31" + ], + "2355 Sand Creek Road": [ + "2355 Sand Creek Road" + ], + "24.01": [ + "$24.01" + ], + "20.66": [ + "$20.66" + ], + "46.36": [ + "$46.36" + ], + "Bellanico Restaurant And Wine Bar": [ + "Bellanico Restaurant And Wine Bar", + "Bellanico Restaurant and Wine Bar" + ], + "Brotzeit Lokal | German Restaurant & Waterfront Biergarten": [ + "Brotzeit Lokal | German Restaurant & Waterfront Biergarten" + ], + "510-645-1905": [ + "510-645-1905" + ], + "1000 Embarcadero": [ + "1000 Embarcadero" + ], + "2551 San Ramon Valley Boulevard #104": [ + "2551 San Ramon Valley Boulevard #104" + ], + "19.44": [ + "$19.44" + ], + "Grill Em Steak House & Sports Bar": [ + "Grill Em Steak House & Sports Bar", + "Grill Em Steak House & sports Bar", + "Grill Em Steak house & Sports Bar" + ], + "408-371-8729": [ + "408-371-8729" + ], + "2509 South Bascom Avenue": [ + "2509 South Bascom Avenue" + ], + "14.41": [ + "$14.41" + ], + "Andy's Bar-b-que": [ + "Andy's Bar-b-que" + ], + "408-249-8158": [ + "408-249-8158" + ], + "2367 El Camino Real": [ + "2367 El Camino Real" + ], + "29.36": [ + "$29.36" + ], + "37811 Fremont Boulevard": [ + "37811 Fremont Boulevard" + ], + "22.22": [ + "$22.22" + ], + "42.54": [ + "$42.54" + ], + "12.63": [ + "$12.63" + ], + "Speisekammer": [ + "Speisekammer" + ], + "29.29": [ + "$29.29" + ], + "2564 Springs Road ste B": [ + "2564 Springs Road ste B" + ], + "36.61": [ + "$36.61" + ], + "German": [ + "German" + ], + "Ludwig's German Table": [ + "Ludwig's German Table" + ], + "408-771-9871": [ + "408-771-9871" + ], + "261 North 2nd Street": [ + "261 North 2nd Street" + ], + "52.34": [ + "$52.34" + ], + "925-449-5768": [ + "925-449-5768" + ], + "48.46": [ + "$48.46" + ], + "Bistro Unique": [ + "Bistro Unique" + ], + "1849 Union Street": [ + "1849 Union Street" + ], + "31.56": [ + "$31.56" + ], + "1350 East Monte Vista Avenue": [ + "1350 East Monte Vista Avenue" + ], + "26.52": [ + "$26.52" + ], + "30.41": [ + "$30.41" + ], + "13.05": [ + "$13.05" + ], + "24.20": [ + "$24.20" + ], + "57.16": [ + "$57.16" + ], + "31.44": [ + "$31.44" + ], + "The Grill On The Alley": [ + "The Grill", + "The Grill On The Alley", + "The Grill on the Alley", + "the grill on the alley" + ], + "41.72": [ + "$41.72" + ], + "Caribbean": [ + "Caribbean" + ], + "Cha Cha Cha": [ + "Cha Cha Cha" + ], + "2327 Mission Street": [ + "2327 Mission Street" + ], + "28.65": [ + "$28.65" + ], + "7.48": [ + "$7.48" + ], + "47.25": [ + "$47.25" + ], + "Umami Burger Palo Alto": [ + "umami burger palo alto" + ], + "452 University Avenue": [ + "452 university avenue" + ], + "34.36": [ + "$34.36" + ], + "45.69": [ + "$45.69" + ], + "53.54": [ + "$53.54" + ], + "Fiorillo's Restaurant And Banquet Facilities": [ + "Fiorillo's Restaurant and Banquet Facilities" + ], + "638 El Camino Real": [ + "638 El Camino Real" + ], + "408-984-0414": [ + "408-984-0414" + ], + "12.90": [ + "$12.90" + ], + "J's Garden Restaurant": [ + "J's Garden Restaurant", + "J's Garden" + ], + "Princess Garden": [ + "Princess Garden" + ], + "707-643-0202": [ + "707-643-0202" + ], + "29.25": [ + "$29.25" + ], + "650-494-9383": [ + "650-494-9383" + ], + "4119 El Camino Real": [ + "4119 El Camino real", + "4119 El Camino Real" + ], + "Yum Cha Palace": [ + "Yum Cha Palace" + ], + "360 Park Street": [ + "360 Park Street" + ], + "28.38": [ + "$28.38" + ], + "Hakkasan": [ + "hakkasan", + "Hakkasan" + ], + "415-829-8148": [ + "415-829-8148" + ], + "Jai Yun Restaurant": [ + "Jai Yun Restaurant" + ], + "34.44": [ + "$34.44" + ], + "28.86": [ + "$28.86" + ], + "820 Santa Cruz Avenue": [ + "820 Santa Cruz Avenue" + ], + "18.89": [ + "$18.89" + ], + "25.17": [ + "$25.17" + ], + "11.34": [ + "$11.34" + ], + "40.14": [ + "$40.14" + ], + "2130 Center Street": [ + "2130 center street", + "2130 Center Street" + ], + "650-493-2844": [ + "650-493-2844" + ], + "10.00": [ + "$10.00" + ], + "Kyoto Palace Japanese Steakhouse": [ + "Kyoto Palace Japanese Steakhouse" + ], + "1875 South Bascom Avenue #2500": [ + "1875 South Bascom Avenue #2500" + ], + "22.68": [ + "$22.68" + ], + "2111 El Camino Real": [ + "2111 El Camino Real" + ], + "14.57": [ + "$14.57" + ], + "63.88": [ + "$63.88" + ], + "19.91": [ + "$19.91" + ], + "20.52": [ + "$20.52" + ], + "Darbar Indian Cuisine": [ + "Darbar Indian Cuisine", + "darbar Indian cuisine", + "Darbar Indian cuisine" + ], + "129 Lytton Avenue": [ + "129 Lytton Avenue", + "129 Lytton avenue" + ], + "25.47": [ + "$25.47" + ], + "133 East Napa Street": [ + "133 east napa street" + ], + "707-935-0576": [ + "707-935-0576" + ], + "Meritage Martini Oyster Bar & Grille": [ + "Meritage Martini Oyster Bar & Grille", + "meritage martini oyster bar & grille" + ], + "165 West Napa Street": [ + "165 west napa street" + ], + "707-938-9430": [ + "707-938-9430" + ], + "26.76": [ + "$26.76" + ], + "Swagat Indian Cuisine": [ + "Swagat Indian Cuisine" + ], + "1901 Salvio Street": [ + "1901 Salvio Street" + ], + "Eurasia": [ + "Eurasia" + ], + "Sala Thai": [ + "Sala Thai" + ], + "15501 San Pablo Ave": [ + "15501 San Pablo Ave" + ], + "Let It Burn": [ + "Let it Burn", + "let it Burn" + ], + "650-755-6213": [ + "650-755-6213" + ], + "808 Geary Street": [ + "808 Geary Street" + ], + "Monsoon Himalayan Cuisine": [ + "Monsoon Himalayan Cuisine" + ], + "Main Barber": [ + "Main Barber" + ], + "765 MAIN STREET HALF": [ + "765 MAIN STREET HALF" + ], + "650-713-0826": [ + "650-713-0826" + ], + "Let Me Down Easy": [ + "Let Me Down Easy", + "Let Me down Easy" + ], + "Enjoy Yourself": [ + "Enjoy yourself", + "Enjoy Yourself" + ], + "Kirin": [ + "Kirin" + ], + "510-324-7623": [ + "510-324-7623" + ], + "415-781-0331": [ + "415-781-0331" + ], + "Broadway Dim Sum": [ + "Broadway Dim Sum" + ], + "684 Broadway": [ + "684 Broadway" + ], + "5422 College Avenue": [ + "5422 College avenue", + "5422 College Avenue" + ], + "510-871-3463": [ + "510-871-3463" + ], + "Sun": [ + "Sun" + ], + "Inca's Palace": [ + "Inca's Palace" + ], + "510-236-9062": [ + "510-236-9062" + ], + "Opa! Campbell": [ + "Opa! Campbell" + ], + "C'era Una Volta": [ + "C'Era Una Volta", + "C'era Una Volta", + "c'era una volta" + ], + "191 Castro Street": [ + "191 Castro Street" + ], + "650-426-0582": [ + "650-426-0582" + ], + "6493 Portola Drive": [ + "6493 Portola Drive" + ], + "Leading Edge Salon": [ + "Leading Edge Salon" + ], + "707-575-5551": [ + "707-575-5551" + ], + "Banana Leaf Restaurant": [ + "Banana leaf restaurant", + "Banana Leaf Restaurant", + "Banana Leaf" + ], + "1216 South Abel Street": [ + "1216 south Abel Street", + "1216 South Abel Street" + ], + "408-644-5852": [ + "408-644-5852" + ], + "223 Twin Dolphin Drive": [ + "223 Twin Dolphin Drive" + ], + "650-598-9000": [ + "650-598-9000" + ], + "Basil": [ + "Basil" + ], + "1175 Folsom Street": [ + "1175 Folsom Street" + ], + "415-552-8999": [ + "415-552-8999" + ], + "Blue Mango": [ + "Blue mango", + "blue mango" + ], + "635 Coleman Avenue": [ + "635 coleman avenue" + ], + "408-885-9222": [ + "408-885-9222" + ], + "Indietronica": [ + "indietronica", + "Indietronica" + ], + "28 Fremont Street": [ + "28 Fremont Street" + ], + "Aya Sushi": [ + "Aya Sushi" + ], + "650-654-1212": [ + "650-654-1212" + ], + "Hot Basil Cafe": [ + "Hot Basil Cafe", + "hot basil cafe", + "Hot basil cafe" + ], + "790 Oak Grove Road": [ + "790 oak grove road", + "790 Oak Grove Road" + ], + "925-288-0000": [ + "925-288-0000" + ], + "Emperor Of India": [ + "Emperor of india", + "Emperor of India" + ], + "Love Someone": [ + "love someone" + ], + "Brett Eldredge": [ + "brett eldredge", + "Brett Eldredge" + ], + "Fondue Cowboy": [ + "Fondue Cowboy" + ], + "415-431-5100": [ + "415-431-5100" + ], + "1052 Folsom Street": [ + "1052 Folsom Street" + ], + "1011 Blossom Hill Road": [ + "1011 Blossom Hill Road" + ], + "408-266-6602": [ + "408-266-6602" + ], + "325 Sharon Park Drive Ste F-2": [ + "325 Sharon Park Drive Ste F-2" + ], + "Mirchi Indian Grill": [ + "Mirchi Indian Grill" + ], + "Me Too": [ + "Me Too" + ], + "1005 Brown Avenue": [ + "1005 Brown Avenue" + ], + "15 Fiesta Lane": [ + "15 Fiesta Lane" + ], + "925-310-4337": [ + "925-310-4337" + ], + "Kabul Afghan Cuisine": [ + "kabul afghan cuisine", + "Kabul Afghan Cuisine" + ], + "650-394-8080": [ + "650-394-8080" + ], + "650-594-2840": [ + "650-594-2840" + ], + "415-495-1111": [ + "415-495-1111" + ], + "Woodside": [ + "Woodside", + "woodside" + ], + "Little Store Restaurant": [ + "Little store restaurant" + ], + "3340 Woodside Road": [ + "3340 Woodside road" + ], + "The Mountain House": [ + "the mountain House", + "The Mountain", + "The Mountain House" + ], + "Olive Hill Salon": [ + "olive hill salon", + "Olive Hill Salon" + ], + "2920 Woodside Road": [ + "2920 Woodside Road", + "2920 Woodside road" + ], + "650-851-1150": [ + "650-851-1150" + ], + "San Rafael Joe's": [ + "San Rafael Joe's" + ], + "How Long": [ + "How Long" + ], + "Saigon Seafood Harbor Restaurant": [ + "Saigon Seafood Harbor Restaurant", + "Saigon Seafood" + ], + "Rock N Roll": [ + "rock n roll" + ], + "Kafal Restaurant": [ + "kafal restaurant", + "Kafal Restaurant", + "Kafal restaurant" + ], + "New Sizzling Tandoor": [ + "New Sizzling Tandoor" + ], + "Yeti Restaurant": [ + "Yeti", + "Yeti Restaurant" + ], + "Cambodian": [ + "Cambodian" + ], + "Angkor Borei Restaurant": [ + "Angkor Borei Restaurant" + ], + "3471 Mission Street": [ + "3471 Mission Street" + ], + "The Night We Met": [ + "The night we Met", + "The Night We Met" + ], + "Go Goong": [ + "Go Goong" + ], + "7178 Regional Street": [ + "7178 Regional Street" + ], + "925-829-7237": [ + "925-829-7237" + ], + "Anu'S Beautique": [ + "Anu'S Beautique" + ], + "925-560-8569": [ + "925-560-8569" + ], + "510-430-9417": [ + "510-430-9417" + ], + "255 Winston Drive": [ + "255 Winston Drive" + ], + "La Fontana": [ + "La Fontana" + ], + "510-522-7587": [ + "510-522-7587" + ], + "Salon 1500": [ + "Salon 1500" + ], + "1500 Encinal Avenue": [ + "1500 Encinal Avenue" + ], + "510-522-2881": [ + "510-522-2881" + ], + "Izzy's San Carlos": [ + "Izzy's San Carlos", + "izzy's san carlos" + ], + "525 Skyway Road": [ + "525 skyway road" + ], + "650-654-2822": [ + "650-654-2822" + ], + "1001 Story Road": [ + "1001 story road", + "1001 Story Road" + ], + "408-286-6668": [ + "408-286-6668" + ], + "Casa Orinda": [ + "Casa Orinda" + ], + "925-254-4630": [ + "925-254-4630" + ], + "925-254-7474": [ + "925-254-7474" + ], + "20 Bryant Way": [ + "20 Bryant Way" + ], + "Hunan Restaurant": [ + "Hunan restaurant", + "Hunan Restaurant" + ], + "925-827-4800": [ + "925-827-4800" + ], + "4804 Clayton Road": [ + "4804 Clayton Road" + ], + "Crush": [ + "Crush" + ], + "4000 24th Street": [ + "4000 24th Street" + ], + "Rachel Platten": [ + "Rachel Platten" + ], + "La Viga Seafood & Cocina Mexicana": [ + "La Viga Seafood & Cocina Mexicana", + "La Viga Seafood" + ], + "650-679-8141": [ + "650-679-8141" + ], + "Mary's Pizza Shack": [ + "mary's pizza shack", + "Mary's pizza", + "Mary's Pizza", + "Mary's Pizza Shack" + ], + "Charlie's Restaurant": [ + "Charlies restaurant", + "Charlie's Restaurant" + ], + "9018 Brooks Road South": [ + "9018 Brooks Road South" + ], + "925-210-0613": [ + "925-210-0613" + ], + "1320 19th Hole Drive": [ + "1320 19th Hole Drive" + ], + "Jasmine Chinese Cuisine": [ + "Jasmine Chinese Cuisine", + "jasmine chinese cuisine" + ], + "Satisfaction": [ + "satisfaction", + "Satisfaction" + ], + "Whipper Snapper Restaurant": [ + "Whipper Snapper Restaurant" + ], + "925-798-4300": [ + "925-798-4300" + ], + "1585 Clayton Road": [ + "1585 Clayton Road" + ], + "925-349-6036": [ + "925-349-6036" + ], + "Crazy": [ + "Crazy" + ], + "Ornette": [ + "Ornette" + ], + "5 Joy Restaurant": [ + "5 Joy Restaurant" + ], + "650-349-2414": [ + "650-349-2414" + ], + "Joy Sushi": [ + "Joy Sushi" + ], + "510-848-8877": [ + "510-848-8877" + ], + "Tex-Mex": [ + "Tex-Mex", + "tex-mex" + ], + "Chef Wang's Restaurant": [ + "Chef Wang's Restaurant" + ], + "1320 El Camino Real": [ + "1320 El Camino Real" + ], + "650-588-3648": [ + "650-588-3648" + ], + "Ginger Cafe": [ + "Ginger Cafe", + "Ginger cafe" + ], + "8657 San Ysidro Avenue": [ + "8657 San Ysidro Avenue" + ], + "408-847-2625": [ + "408-847-2625" + ], + "Tennessee Whiskey": [ + "Tennessee Whiskey" + ], + "415-647-2222": [ + "415-647-2222" + ], + "Halu Shabu Shabu": [ + "Halu Shabu Shabu" + ], + "4288 Dublin Boulevard #110": [ + "4288 Dublin Boulevard #110" + ], + "Yanagi Sushi & Grill Dublin": [ + "Yanagi Sushi & Grill Dublin" + ], + "6046 Dougherty Road": [ + "6046 Dougherty Road" + ], + "6599 Dublin Boulevard": [ + "6599 Dublin Boulevard" + ], + "Power": [ + "Power" + ], + "1505 Space Park Drive": [ + "1505 Space Park Drive" + ], + "14109 South Winchester Boulevard": [ + "14109 South Winchester Boulevard" + ], + "Tomboy": [ + "Tomboy" + ], + "1690 Contra Costa Boulevard": [ + "1690 Contra Costa Boulevard" + ], + "Firestone": [ + "Firestone" + ], + "415-487-1601": [ + "415-487-1601" + ], + "Manresa": [ + "manresa" + ], + "320 Village Lane": [ + "320 village lane" + ], + "No One": [ + "No One" + ], + "42800 Mission Boulevard": [ + "42800 Mission Boulevard" + ], + "Stacks": [ + "Stacks" + ], + "Rage Salon": [ + "Rage Salon" + ], + "565 East Campbell Avenue": [ + "565 East Campbell Avenue" + ], + "408-866-4247": [ + "408-866-4247" + ], + "Lotus Thai Bistro": [ + "Lotus Thai Bistro", + "Lotus" + ], + "425 California Avenue": [ + "425 California Avenue" + ], + "Pumped Up Kicks": [ + "Pumped up kicks" + ], + "2932 North Main Street": [ + "2932 North Main Street" + ], + "Luke Bryan": [ + "Luke Bryan" + ], + "What Makes You Country": [ + "What Makes You Country" + ], + "Wash It All Away": [ + "Wash It All Away" + ], + "The Tattva Trip": [ + "The Tattva Trip" + ], + "510-598-4940": [ + "510-598-4940" + ], + "5029 Mowry Avenue": [ + "5029 mowry avenue" + ], + "3509 Homestead Road": [ + "3509 Homestead Road" + ], + "408-243-2897": [ + "408-243-2897" + ], + "435 Main Street": [ + "435 Main Street" + ], + "510-288-3668": [ + "510-288-3668" + ], + "Bob Sang": [ + "Bob Sang" + ], + "510-252-9844": [ + "510-252-9844" + ], + "Kaiwa Sushi": [ + "Kaiwa Sushi" + ], + "Il Davide": [ + "Il Davide" + ], + "901 A Street": [ + "901 A Street" + ], + "Crowns Barber Shop & Hair Salon": [ + "Crowns Barber Shop & Hair Salon" + ], + "1359 Oliver Road": [ + "1359 Oliver Road" + ], + "Crystallize": [ + "Crystallize" + ], + "La Furia Chalaca": [ + "La Furia Chalaca" + ], + "310 Broadway": [ + "310 Broadway" + ], + "510-451-4206": [ + "510-451-4206" + ], + "1416 First Street": [ + "1416 First street", + "1416 First Street" + ], + "Castle Rock Restaurant": [ + "castle rock restaurant", + "Castle Rock Restaurant", + "Castle Rock" + ], + "925-456-7100": [ + "925-456-7100" + ], + "510-247-9087": [ + "510-247-9087" + ], + "88 Keys Cafe": [ + "88 Keys Cafe", + "88 keys cafe" + ], + "Speak Life": [ + "Speak Life" + ], + "1332 Park Street D": [ + "1332 park street d", + "1332 Park Street D" + ], + "510-769-4828": [ + "510-769-4828" + ], + "India Beach": [ + "india beach", + "India Beach" + ], + "Spice Me Thai Cuisine": [ + "Spice Me Thai Cuisine" + ], + "1026 1st Street": [ + "1026 1st Street" + ], + "Them Days": [ + "Them Days" + ], + "Anokha Cuisine Of India": [ + "Anokha cuisine of india", + "Anokha Cuisine of India" + ], + "Best Hair": [ + "Best Hair" + ], + "475 Entrada Drive": [ + "475 Entrada Drive" + ], + "Mr Pizza Man San Mateo": [ + "Mr Pizza Man San Mateo" + ], + "North Beach Pizza": [ + "North Beach Pizza" + ], + "The Awakening": [ + "The Awakening" + ], + "707-552-9798": [ + "707-552-9798" + ], + "707-643-3358": [ + "707-643-3358" + ], + "The Devil You Know": [ + "The Devil You Know" + ], + "Blues Saraceno": [ + "Blues Saraceno" + ], + "Los Yaquis": [ + "los Yaquis", + "los yaquis" + ], + "324 South Van Ness Avenue": [ + "324 south van ness avenue" + ], + "415-252-8204": [ + "415-252-8204" + ], + "1206, 155 Steuart Street": [ + "1206, 155 Steuart Street" + ], + "+1 702-360-5700": [ + "+1 702-360-5700" + ], + "Brookfield Place": [ + "Brookfield Place" + ], + "Independence National Historical Park": [ + "Independence National Historical Park" + ], + "215-965-2305": [ + "215-965-2305" + ], + "120 South 17th Street": [ + "120 South 17th Street" + ], + "+1 215-569-8300": [ + "+1 215-569-8300" + ], + "702-229-8100": [ + "702-229-8100" + ], + "11 East 31st Street": [ + "11 East 31st Street" + ], + "The Grotto": [ + "The Grotto" + ], + "Benjamin Franklin Museum": [ + "Benjamin Franklin Museum" + ], + "267-514-1522": [ + "267-514-1522" + ], + "Fairmount Park": [ + "Fairmount Park" + ], + "Empire State Building": [ + "Empire State Building" + ], + "Marble Collegiate Church": [ + "Marble Collegiate Church" + ], + "333 East Ocean Boulevard": [ + "333 East Ocean Boulevard" + ], + "Padres Vs Rays": [ + "padres vs rays" + ], + "+1 619-515-3000": [ + "+1 619-515-3000" + ], + "(503) 797-4000": [ + "(503) 797-4000" + ], + "St. Dominic's Catholic Church": [ + "St. Dominic's Catholic Church" + ], + "Betsy Ross House": [ + "Betsy Ross House" + ], + "Elfreth's Alley": [ + "Elfreth's Alley" + ], + "215-574-0560": [ + "215-574-0560" + ], + "Bronx Zoo": [ + "Bronx zoo", + "bronx zoo" + ], + "Jane's Carousel": [ + "Jane's Carousel" + ], + "SeaGlass Carousel": [ + "SeaGlass Carousel" + ], + "5300 Grand Del Mar Court": [ + "5300 Grand Del Mar Court" + ], + "Yellow Jackets Vs Bulldogs": [ + "Yellow Jackets Vs Bulldogs", + "Yellow Jackets vs Bulldogs" + ], + "Through The Roots": [ + "Through The Roots" + ], + "455": [ + "$455" + ], + "00:06": [ + "0:06 am" + ], + "925-820-2828": [ + "925-820-2828" + ], + "Falcon Bridge": [ + "Falcon Bridge" + ], + "500 Copperset Road": [ + "500 Copperset Road" + ], + "Kottinger Place Apartments-Seniors": [ + "Kottinger Place Apartments-Seniors" + ], + "240 Kottinger Drive": [ + "240 Kottinger Drive" + ], + "925-846-0133": [ + "925-846-0133" + ], + "Brush Creek Apartments": [ + "Brush Creek Apartments" + ], + "6221 Montecito Boulevard": [ + "6221 Montecito Boulevard", + "6221 Montecito boulevard" + ], + "707-888-5505": [ + "707-888-5505" + ], + "Mission Bay Apartments": [ + "Mission Bay Apartments" + ], + "1056 Weldon Lane": [ + "1056 Weldon Lane" + ], + "Willowbrook Apartments": [ + "Willowbrook Apartments" + ], + "110 Bailey Road": [ + "110 Bailey Road", + "110 Bailey road" + ], + "Crescent Park": [ + "Crescent Park" + ], + "5000 Hartnett Avenue": [ + "5000 Hartnett Avenue" + ], + "Liberty Village Apartments": [ + "Liberty Village Apartments" + ], + "298 West Chanslor Avenue": [ + "298 West Chanslor Avenue" + ], + "707-894-3557": [ + "707-894-3557" + ], + "Park Haven Apartments": [ + "Park Haven Apartments" + ], + "2323 Fairfield Avenue": [ + "2323 Fairfield Avenue" + ], + "707-410-6301": [ + "707-410-6301" + ], + "510-237-5377": [ + "510-237-5377" + ], + "Rose Garden Senior Apartments": [ + "ROse Garden Senior Apartments", + "Rose Garden Senior Apartments" + ], + "1717 California Drive": [ + "1717 California Drive" + ], + "Arbor Apartments": [ + "Arbor apartments", + "Arbor Apartments" + ], + "1582 Kooser Road": [ + "1582 Kooser Road", + "1582 Kooser road" + ], + "408-448-1288": [ + "408-448-1288" + ], + "Baker Park Apartments": [ + "Baker Park Apartments", + "Baker park apartments", + "Baker Park apartments" + ], + "4748 West Campbell Avenue": [ + "4748 West Campbell Avenue" + ], + "Park Meadows Apartments": [ + "Park Meadows Apartments" + ], + "7425 Camino Colegio # 61": [ + "7425 Camino Colegio # 61" + ], + "Tamarack Apartments": [ + "Tamarack Apartments" + ], + "570 University Avenue # 1": [ + "570 University Avenue # 1" + ], + "Wedgewood Manor": [ + "Wedgewood Manor" + ], + "14225 Lora Drive": [ + "14225 Lora Drive" + ], + "408-378-9472": [ + "408-378-9472" + ], + "925-301-9510": [ + "925-301-9510" + ], + "Creekside Glen Apartments": [ + "Creekside Glen Apartments" + ], + "1435 Creekside Drive": [ + "1435 Creekside Drive" + ], + "Tice Oaks Apartments": [ + "Tice Oaks Apartments" + ], + "2150 Tice Valley Boulevard": [ + "2150 Tice Valley Boulevard" + ], + "925-943-1670": [ + "925-943-1670" + ], + "Summit At Sausalito Apartments": [ + "Summit At Sausalito Apartments" + ], + "401 Sherwood Drive": [ + "401 Sherwood drive", + "401 Sherwood Drive" + ], + "Chateau Apartments": [ + "Chateau Apartments" + ], + "302 Easy Street": [ + "302 Easy Street" + ], + "Delmonico Apartments": [ + "Delmonico Apartments" + ], + "1240 Dale Avenue #6": [ + "1240 Dale Avenue #6" + ], + "415-382-0801": [ + "415-382-0801" + ], + "Sunridge Apartments": [ + "Sunridge Apartments" + ], + "836 Alturas Avenue # 7": [ + "836 Alturas Avenue # 7" + ], + "Tiffany Place Apartments": [ + "Tiffany Place Apartments" + ], + "750 Brahms Way": [ + "750 Brahms Way" + ], + "Chesapeake Point Apartments": [ + "Chesapeake Point Apartments" + ], + "1633 Marina Court": [ + "1633 Marina Court" + ], + "866-571-7179": [ + "866-571-7179" + ], + "Lincoln Creek Apartments": [ + "Lincoln Creek Apartments" + ], + "1395 North Lincoln Street": [ + "1395 North Lincoln Street" + ], + "Meadowood Village": [ + "Meadowood Village" + ], + "430 Ellesmere Drive": [ + "430 Ellesmere Drive" + ], + "Four Seasons Apartments": [ + "Four Seasons Apartments" + ], + "1357 Creekside Drive": [ + "1357 Creekside Drive" + ], + "510-455-8813": [ + "510-455-8813" + ], + "Cambria Apartments": [ + "Cambria Apartments" + ], + "815 East Fremont Avenue": [ + "815 east Fremont Avenue", + "815 East Fremont Avenue" + ], + "408-736-5183": [ + "408-736-5183" + ], + "Water'S Edge": [ + "water's edge", + "Water's Edge" + ], + "1200 East Hillsdale Boulevard": [ + "1200 East Hillsdale boulevard", + "1200 east hillsdale boulevard" + ], + "510-357-6086": [ + "510-357-6086" + ], + "Almaden Lake Apartments": [ + "Almaden lake Apartments", + "Almaden Lake Apartments", + "almaden lake apartments", + "Almaden Lake apartments" + ], + "978 Almaden Lake Drive": [ + "978 Almaden Lake Drive", + "978 almaden lake drive" + ], + "Casa Carolina Apartments": [ + "Casa Carolina Apartments" + ], + "3820 Park Boulevard": [ + "3820 Park Boulevard" + ], + "Hawthorne": [ + "Hawthorne" + ], + "325 Hawthorne Avenue": [ + "325 Hawthorne Avenue" + ], + "Marin Garden Apartments": [ + "Marin Garden Apartments" + ], + "124 Merrydale Road": [ + "124 Merrydale Road" + ], + "Esposti Park Apartments": [ + "Esposti Park Apartments" + ], + "99 Kendall Way": [ + "99 Kendall Way" + ], + "Capri Creek Apartments": [ + "Capri Creek Apartments" + ], + "1900 Sestri Lane": [ + "1900 Sestri Lane" + ], + "707-317-1020": [ + "707-317-1020" + ], + "Cross Pointe": [ + "Cross Pointe" + ], + "5100 Vista Grande Dr": [ + "5100 Vista Grande Dr", + "5100 Vista grande Dr" + ], + "Felson Management Corporation": [ + "felson management corporation", + "Felson Management Corporation" + ], + "Summit Crest Apartments": [ + "Summit Crest Apartments" + ], + "2801 Summit Street": [ + "2801 Summit Street" + ], + "510-452-2471": [ + "510-452-2471" + ], + "Muir Park Condominiums": [ + "Muir Park Condominiums" + ], + "1241 Arnold Drive": [ + "1241 Arnold Drive" + ], + "Skyline View Apartments": [ + "Skyline View Apartments" + ], + "3880 Callan Boulevard": [ + "3880 Callan Boulevard" + ], + "2807 Yulupa Avenue": [ + "2807 Yulupa Avenue" + ], + "Carter Terrace": [ + "Carter Terrace" + ], + "530 Carter Street": [ + "530 carter street", + "530 Carter Street" + ], + "Bristol Commons": [ + "Bristol commons", + "Bristol Commons" + ], + "732 East Evelyn Avenue": [ + "732 East Evelyn Avenue" + ], + "669-267-1020": [ + "669-267-1020" + ], + "Heritage Park Apartments": [ + "Heritage Park Apartments" + ], + "555 East Washington Avenue": [ + "555 East Washington Avenue" + ], + "833-630-9835": [ + "833-630-9835" + ], + "Canyon Oaks": [ + "Canyon Oaks" + ], + "1 Amberstone Lane": [ + "1 Amberstone Lane" + ], + "510-848-8554": [ + "510-848-8554" + ], + "Bayfair Apartments": [ + "Bayfair Apartments" + ], + "16077 Ashland Avenue": [ + "16077 Ashland Avenue" + ], + "Kent Gardens": [ + "Kent Gardens" + ], + "w, 16450 Kent Avenue": [ + "w, 16450 Kent Avenue" + ], + "Lorenzo Commons Apartments": [ + "Lorenzo Commons Apartments" + ], + "16201 Hesperian Boulevard": [ + "16201 Hesperian Boulevard" + ], + "510-344-6316": [ + "510-344-6316" + ], + "14.93": [ + "$14.93" + ], + "17.85": [ + "$17.85" + ], + "15.66": [ + "$15.66" + ], + "408-323-8020": [ + "408-323-8020" + ], + "King'S Valley": [ + "King's Valley" + ], + "100 Kings Circle": [ + "100 Kings Circle" + ], + "707-894-2961": [ + "707-894-2961" + ], + "Solano Vista Senior Apartments": [ + "Solano Vista Senior Apartments" + ], + "40 Valle Vista Avenue": [ + "40 Valle Vista Avenue" + ], + "707-642-7231": [ + "707-642-7231" + ], + "27.29": [ + "$27.29" + ], + "Jasmine Square Apartments": [ + "Jasmine Square Apartments" + ], + "16530 Monterey Road": [ + "16530 Monterey Road" + ], + "408-779-1004": [ + "408-779-1004" + ], + "17.32": [ + "$17.32" + ], + "3819 East Avenue": [ + "3819 East Avenue" + ], + "16.94": [ + "$16.94" + ], + "20.19": [ + "$20.19" + ], + "48.40": [ + "$48.40" + ], + "Ginzton Terrace": [ + "Ginzton Terrace" + ], + "375 Oaktree Drive": [ + "375 Oaktree Drive" + ], + "40.48": [ + "$40.48" + ], + "20.98": [ + "$20.98" + ], + "925-314-3003": [ + "925-314-3003" + ], + "13.09": [ + "$13.09" + ], + "Belmont Apartment Homes": [ + "Belmont Apartment Homes" + ], + "1010 Power Avenue": [ + "1010 Power Avenue" + ], + "23.88": [ + "$23.88" + ], + "510-656-8201": [ + "510-656-8201" + ], + "46.47": [ + "$46.47" + ], + "510-996-4167": [ + "510-996-4167" + ], + "46.13": [ + "$46.13" + ], + "29.91": [ + "$29.91" + ], + "19.26": [ + "$19.26" + ], + "707-552-2745": [ + "707-552-2745" + ], + "16.21": [ + "$16.21" + ], + "Casa Blanca Apartments": [ + "Casa Blanca Apartments" + ], + "1000 Claudia Court": [ + "1000 Claudia Court" + ], + "40.00": [ + "$40.00" + ], + "925-847-8844": [ + "925-847-8844" + ], + "28.75": [ + "$28.75" + ], + "650-968-3830": [ + "650-968-3830" + ], + "27.89": [ + "$27.89" + ], + "9.86": [ + "$9.86" + ], + "415-584-4800": [ + "415-584-4800" + ], + "415-334-2698": [ + "415-334-2698" + ], + "11.58": [ + "$11.58" + ], + "Glen View Apartments": [ + "Glen View Apartments" + ], + "601 River Glen Drive": [ + "601 River Glen Drive" + ], + "707-253-0288": [ + "707-253-0288" + ], + "15.13": [ + "$15.13" + ], + "707-448-7036": [ + "707-448-7036" + ], + "844-334-0618": [ + "844-334-0618" + ], + "925-935-4614": [ + "925-935-4614" + ], + "650-593-4300": [ + "650-593-4300" + ], + "12.02": [ + "$12.02" + ], + "Burgess Point Apartments": [ + "Burgess Point Apartments" + ], + "91 Riverview Terrace": [ + "91 Riverview Terrace" + ], + "707-745-6522": [ + "707-745-6522" + ], + "54.28": [ + "$54.28" + ], + "12.69": [ + "$12.69" + ], + "9.46": [ + "$9.46" + ], + "35.99": [ + "$35.99" + ], + "8.24": [ + "$8.24" + ], + "17.82": [ + "$17.82" + ], + "Spruce Apartments": [ + "Spruce Apartments" + ], + "655 South Fair Oaks Avenue": [ + "655 South Fair Oaks Avenue", + "655 South fair Oaks Avenue" + ], + "866-829-7835": [ + "866-829-7835" + ], + "14.31": [ + "$14.31" + ], + "Arbor Park": [ + "Arbor park", + "Arbor Park" + ], + "899 North King Road": [ + "899 North king road", + "899 North King Road" + ], + "13.92": [ + "$13.92" + ], + "40.08": [ + "$40.08" + ], + "6.50": [ + "$6.50", + "6.5" + ], + "27.81": [ + "$27.81" + ], + "11.13": [ + "$11.13" + ], + "408-272-1588": [ + "408-272-1588" + ], + "32.17": [ + "$32.17" + ], + "Hillview Apartments": [ + "Hillview Apartments" + ], + "Oak Creek Apartments": [ + "Oak Creek Apartments" + ], + "150 Graylawn Avenue": [ + "150 Graylawn Avenue" + ], + "707-762-5126": [ + "707-762-5126" + ], + "408-847-3818": [ + "408-847-3818" + ], + "28.27": [ + "$28.27" + ], + "510-278-4411": [ + "510-278-4411" + ], + "39.79": [ + "$39.79" + ], + "14.05": [ + "$14.05" + ], + "1017 H Street": [ + "1017 H Street" + ], + "Crestview Pines": [ + "Crestview Pines" + ], + "1600 Aster Drive": [ + "1600 Aster Drive" + ], + "9.03": [ + "$9.03" + ], + "7.68": [ + "$7.68" + ], + "Vista Oaks Apartments": [ + "Vista Oaks Apartments" + ], + "3883 Vista Oaks Drive": [ + "3883 Vista Oaks Drive" + ], + "833-755-3332": [ + "833-755-3332" + ], + "6.67": [ + "$6.67" + ], + "650-940-1909": [ + "650-940-1909" + ], + "11.64": [ + "$11.64" + ], + "Redwood Manor Apartments": [ + "Redwood Manor Apartments" + ], + "4230 San Pablo Dam Road # B16": [ + "4230 San Pablo Dam Road # b16", + "4230 San Pablo Dam road # B16", + "4230 San Pablo Dam Road # B16" + ], + "510-223-4061": [ + "510-223-4061" + ], + "13.86": [ + "$13.86" + ], + "Skyline Terrace Apartments": [ + "Skyline Terrace Apartments" + ], + "3133 Frontera Way": [ + "3133 Frontera Way" + ], + "650-692-2766": [ + "650-692-2766" + ], + "29.64": [ + "$29.64" + ], + "14.76": [ + "$14.76" + ], + "650-813-1369": [ + "650-813-1369" + ], + "Macara Gardens Apartments": [ + "Macara Gardens Apartments" + ], + "955 Escalon Avenue": [ + "955 Escalon Avenue" + ], + "15.15": [ + "$15.15" + ], + "Livermore Gardens Apartments": [ + "Livermore Gardens Apartments" + ], + "5720 East Avenue": [ + "5720 East Avenue" + ], + "925-271-7358": [ + "925-271-7358" + ], + "Parkway Place Apartments": [ + "Parkway Place Apartments" + ], + "2900 Redwood Parkway": [ + "2900 Redwood Parkway" + ], + "9.76": [ + "$9.76" + ], + "26.33": [ + "$26.33" + ], + "26.15": [ + "$26.15" + ], + "6.17": [ + "$6.17" + ], + "Benicia Highlands": [ + "Benicia Highlands" + ], + "900 Cambridge Drive": [ + "900 Cambridge drive", + "900 Cambridge Drive" + ], + "707-745-6178": [ + "707-745-6178" + ], + "Alameda Park Apartments": [ + "Alameda Park Apartments" + ], + "547-549 Buena Vista Avenue": [ + "547-549 Buena Vista Avenue" + ], + "Otis Terrace Apartments": [ + "Otis Terrace Apartments" + ], + "2149 Otis Drive": [ + "2149 Otis Drive" + ], + "510-522-1615": [ + "510-522-1615" + ], + "8.74": [ + "$8.74" + ], + "18.92": [ + "$18.92" + ], + "Camino Creek Apartments": [ + "Camino Creek Apartments" + ], + "5425 Snyder Lane": [ + "5425 Snyder Lane" + ], + "707-664-8808": [ + "707-664-8808" + ], + "Rosewood Manor Apartments": [ + "Rosewood Manor Apartments" + ], + "1615 Russell Street # 101A": [ + "1615 Russell Street # 101A" + ], + "510-540-0382": [ + "510-540-0382" + ], + "8.01": [ + "$8.01" + ], + "Meadow Apartments": [ + "Meadow Apartments", + "Meadow apartments" + ], + "35750 Bettencourt Street # 86": [ + "35750 Bettencourt Street # 86" + ], + "510-791-1266": [ + "510-791-1266" + ], + "14.16": [ + "$14.16" + ], + "Fremont Arms": [ + "Fremont Arms" + ], + "19.56": [ + "$19.56" + ], + "Vanguard Apartments": [ + "Vanguard Apartments" + ], + "2130 Ascot Drive": [ + "2130 Ascot Drive" + ], + "Portofino Apartments": [ + "Portofino Apartments" + ], + "500 Loveridge Circle": [ + "500 Loveridge Circle" + ], + "Presidio Village Senior Housing": [ + "Presidio Village Senior Housing" + ], + "200 Presidio Lane": [ + "200 Presidio Lane" + ], + "925-432-9922": [ + "925-432-9922" + ], + "Amberwood Apartments": [ + "Amberwood Apartments" + ], + "1543 Ambergrove Drive": [ + "1543 Ambergrove Drive" + ], + "16.99": [ + "$16.99" + ], + "31.06": [ + "$31.06" + ], + "2575 Sir Francis Drake Boulevard # 20": [ + "2575 Sir Francis Drake Boulevard # 20" + ], + "415-459-2900": [ + "415-459-2900" + ], + "16.42": [ + "$16.42" + ], + "Park Club Apartments": [ + "Park Club Apartments" + ], + "1326 East Cotati Avenue #124": [ + "1326 East Cotati Avenue #124" + ], + "The Reserve At Rohnert Park": [ + "The Reserve at Rohnert Park" + ], + "5121 Dowdell Avenue": [ + "5121 Dowdell Avenue" + ], + "707-820-2962": [ + "707-820-2962" + ], + "20.44": [ + "$20.44" + ], + "408-844-4803": [ + "408-844-4803" + ], + "12.98": [ + "$12.98" + ], + "13.19": [ + "$13.19" + ], + "Fiori Estates Apartments": [ + "Fiori Estates Apartments" + ], + "5102 Dowdell Avenue": [ + "5102 Dowdell Avenue" + ], + "707-792-0669": [ + "707-792-0669" + ], + "Country View Apartments": [ + "Country View Apartments" + ], + "301 Country View Lane # A": [ + "301 Country View Lane # A" + ], + "925-676-6964": [ + "925-676-6964" + ], + "Northridge Apartments": [ + "Northridge Apartments" + ], + "235 Camelback Road": [ + "235 Camelback Road" + ], + "925-671-2460": [ + "925-671-2460" + ], + "22.60": [ + "$22.60" + ], + "La Casa Novato Apartments": [ + "La Casa Novato Apartments" + ], + "450 Entrada Drive": [ + "450 Entrada Drive" + ], + "415-897-0323": [ + "415-897-0323" + ], + "14.13": [ + "$14.13" + ], + "20.76": [ + "$20.76" + ], + "510-232-8908": [ + "510-232-8908" + ], + "Monterey Pines": [ + "Monterey Pines" + ], + "680 South 37th Street": [ + "680 South 37th Street" + ], + "510-215-1926": [ + "510-215-1926" + ], + "7.28": [ + "$7.28" + ], + "14.82": [ + "$14.82" + ], + "Marina Plaza Apartments": [ + "Marina plaza apartments", + "Marina Plaza Apartments" + ], + "2777 Marina Boulevard": [ + "2777 Marina Boulevard" + ], + "Parkside Commons Apartments": [ + "Parkside Commons Apartments" + ], + "900 143rd Avenue": [ + "900 143rd Avenue" + ], + "510-898-6076": [ + "510-898-6076" + ], + "21.88": [ + "$21.88" + ], + "7.16": [ + "$7.16" + ], + "510-487-2733": [ + "510-487-2733" + ], + "9.99": [ + "$9.99" + ], + "707-578-1313": [ + "707-578-1313" + ], + "8.46": [ + "$8.46" + ], + "Creekside Park Apartments": [ + "Creekside Park Apartments" + ], + "1130 4th Street": [ + "1130 4th Street" + ], + "15.35": [ + "$15.35" + ], + "Diamondbacks Vs Orioles": [ + "Diamondbacks Vs Orioles" + ], + "206-324-1126": [ + "206-324-1126" + ], + "Island Waterpark": [ + "Island Waterpark" + ], + "California State Railroad Museum": [ + "california state railroad museum", + "California State Railroad Museum" + ], + "855-463-4822": [ + "855-463-4822" + ], + "Honda Center": [ + "Honda Center", + "honda center" + ], + "714-704-2400": [ + "714-704-2400" + ], + "800-708-2538": [ + "800-708-2538" + ], + "Independence Seaport Museum": [ + "Independence Seaport Museum" + ], + "215-413-8655": [ + "215-413-8655" + ], + "National Constitution Center": [ + "National Constitution Center" + ], + "Fresno Chaffee Zoo": [ + "Fresno Chaffee Zoo" + ], + "Belmont Park": [ + "Belmont Park", + "belmont park", + "Belmont park" + ], + "858-228-9283": [ + "858-228-9283" + ], + "Castle Clinton National Monument": [ + "castle clinton national monument", + "Castle Clinton National Monument" + ], + "212-639-9675": [ + "212-639-9675" + ], + "Brooklyn Botanic Garden": [ + "Brooklyn Botanic Garden" + ], + "One Liberty Observation Deck": [ + "One Liberty Observation Deck" + ], + "Brooklyn Children's Museum": [ + "Brooklyn Children's Museum" + ], + "Chelsea Piers Sports and Entertainment Complex": [ + "Chelsea Piers Sports and Entertainment Complex" + ], + "MOSAIC": [ + "MOSAIC" + ], + "BODY WORLDS London": [ + "Body Worlds London", + "BODY WORLDS London" + ], + "206-753-4940": [ + "206-753-4940" + ], + "Arab World Institute": [ + "Arab World Institute", + "Arab world institute" + ], + "1 40 51 38 38": [ + "1 40 51 38 38" + ], + "Carreau du Temple": [ + "carreau du temple", + "Carreau du Temple" + ], + "55 8647 5450": [ + "55 8647 5450" + ], + "23.21": [ + "$23.21" + ], + "Alexandra Palace Ice Rink": [ + "Alexandra Palace Ice Rink" + ], + "22.88": [ + "$22.88" + ], + "23.36": [ + "$23.36" + ], + "27.00": [ + "$27.00" + ], + "11.02": [ + "$11.02" + ], + "All Saints, Margaret Street": [ + "all saints, margaret street", + "All Saints, Margaret Street" + ], + "Aquaboulevard": [ + "Aquaboulevard", + "aquaboulevard" + ], + "12.44": [ + "$12.44" + ], + "Estanquillo Museum": [ + "Estanquillo Museum" + ], + "Casa Lamm Cultural Center": [ + "Casa Lamm Cultural Center" + ], + "55 5525 3938": [ + "55 5525 3938" + ], + "14.42": [ + "$14.42" + ], + "20.61": [ + "$20.61" + ], + "56 Signers of the Declaration of Independence Memorial": [ + "56 signers of the declaration of Independence Memorial", + "56 Signers of the Declaration of independence Memorial", + "56 signers of the Declaration of Independence Memorial", + "56 Signers of the Declaration of Independence memorial", + "56 Signers of the Declaration of Independence Memorial", + "56 signers of the declaration of independence memorial", + "56 Signers of the declaration of Independence Memorial" + ], + "202-895-6000": [ + "202-895-6000" + ], + "Korean War Veterans Memorial": [ + "Korean War Veterans Memorial" + ], + "13.85": [ + "$13.85" + ], + "Battersea Park": [ + "battersea park", + "Battersea Park" + ], + "19.52": [ + "$19.52" + ], + "1 83 81 93 30": [ + "1 83 81 93 30" + ], + "14.40": [ + "$14.40" + ], + "8.22": [ + "$8.22" + ], + "1 40 60 10 00": [ + "1 40 60 10 00" + ], + "17.94": [ + "$17.94" + ], + "6.34": [ + "$6.34" + ], + "718-623-7200": [ + "718-623-7200" + ], + "Brooklyn Bridge Park": [ + "Brooklyn Bridge park", + "Brooklyn Bridge Park" + ], + "11.79": [ + "$11.79" + ], + "Fun N Food Village": [ + "Fun N Food Village" + ], + "Aga Khan Museum": [ + "aga khan museum", + "Aga Khan Museum" + ], + "99 Wonderland Park": [ + "99 Wonderland Park", + "99 wonderland park", + "99 WOnderland Park" + ], + "12-559 9034": [ + "12-559 9034" + ], + "10.22": [ + "$10.22" + ], + "Sydney Harbour Bridge": [ + "Sydney Harbour Bridge" + ], + "9.06": [ + "$9.06" + ], + "9.93": [ + "$9.93" + ], + "11.60": [ + "$11.60" + ], + "12.86": [ + "$12.86" + ], + "202-426-6841": [ + "202-426-6841" + ], + "Cathedral of St. Matthew the Apostle": [ + "Cathedral of St. Matthew the Apostle" + ], + "Dumbarton Oaks Museum": [ + "dumbarton oaks museum", + "Dumbarton Oaks Museum" + ], + "13.67": [ + "$13.67" + ], + "10.65": [ + "$10.65" + ], + "15.86": [ + "$15.86" + ], + "9.92": [ + "$9.92" + ], + "Battersea Park Children's Zoo": [ + "Battersea PArk Children's Zoo", + "Battersea Park Children's Zoo" + ], + "10.38": [ + "$10.38" + ], + "8.29": [ + "$8.29" + ], + "28.80": [ + "$28.80" + ], + "8.57": [ + "$8.57" + ], + "55 5521 3052": [ + "55 5521 3052" + ], + "6.46": [ + "$6.46" + ], + "1793 414926": [ + "1793 414926" + ], + "40.05": [ + "$40.05" + ], + "7.29": [ + "$7.29" + ], + "26.56": [ + "$26.56" + ], + "23.92": [ + "$23.92" + ], + "Aquaria KLCC, Kuala Lumpur.": [ + "Aquaria KLCC, Kuala Lumpur." + ], + "12.09": [ + "$12.09" + ], + "Lagunitas": [ + "Lagunitas" + ], + "19.81": [ + "$19.81" + ], + "7.04": [ + "$7.04" + ], + "29.83": [ + "$29.83" + ], + "702-678-5600": [ + "702-678-5600" + ], + "ICC Pudu": [ + "ICC Pudu", + "ICC pudu" + ], + "13.77": [ + "$13.77" + ], + "10.03": [ + "$10.03" + ], + "11.14": [ + "$11.14" + ], + "17.63": [ + "$17.63" + ], + "Chastain Memorial Park": [ + "Chastain Memorial Park" + ], + "28.24": [ + "$28.24" + ], + "18.76": [ + "$18.76" + ], + "10.21": [ + "$10.21" + ], + "Georgia Aquarium": [ + "Georgia Aquarium" + ], + "Zoo Atlanta": [ + "Zoo Atlanta" + ], + "13.81": [ + "$13.81" + ], + "BAPS Shri Swaminarayan Mandir": [ + "BAPS Shri Swaminarayan Mandir" + ], + "416-798-2277": [ + "416-798-2277" + ], + "31.57": [ + "$31.57" + ], + "29.05": [ + "$29.05" + ], + "31.52": [ + "$31.52" + ], + "55 5395 4586": [ + "55 5395 4586" + ], + "16.05": [ + "$16.05" + ], + "14.77": [ + "$14.77" + ], + "12.75": [ + "$12.75" + ], + "202-339-6401": [ + "202-339-6401" + ], + "National Academy of Sciences": [ + "National Academy of Sciences" + ], + "Petersen House": [ + "Petersen House" + ], + "16.95": [ + "$16.95" + ], + "20 891078": [ + "20 891078" + ], + "13.62": [ + "$13.62" + ], + "15.96": [ + "$15.96" + ], + "Karura Forest": [ + "Karura Forest" + ], + "602-926-3620": [ + "602-926-3620" + ], + "11 4344 2344": [ + "11 4344 2344" + ], + "43.64": [ + "$43.64" + ], + "48.62": [ + "$48.62" + ], + "6.74": [ + "$6.74" + ], + "Gandhi Smriti": [ + "Gandhi Smriti" + ], + "29.93": [ + "$29.93" + ], + "404-814-4000": [ + "404-814-4000" + ], + "20.95": [ + "$20.95" + ], + "20 7636 1788": [ + "20 7636 1788" + ], + "50.88": [ + "$50.88" + ], + "Museum of Vancouver": [ + "Museum of Vancouver" + ], + "Vancouver Art Gallery": [ + "Vancouver Art Gallery" + ], + "604-662-4700": [ + "604-662-4700" + ], + "12.66": [ + "$12.66" + ], + "416-392-2489": [ + "416-392-2489" + ], + "24.33": [ + "$24.33" + ], + "9.91": [ + "$9.91" + ], + "916-808-5233": [ + "916-808-5233" + ], + "41.75": [ + "$41.75" + ], + "17.74": [ + "$17.74" + ], + "International Spy Museum": [ + "International Spy Museum" + ], + "202-393-7798": [ + "202-393-7798" + ], + "39.82": [ + "$39.82" + ], + "Art Gallery of Ontario": [ + "art gallery of ontario", + "Art gallery of ontario" + ], + "877-225-4246": [ + "877-225-4246" + ], + "28.26": [ + "$28.26" + ], + "Nairobi National Park": [ + "Nairobi National Park" + ], + "23.00": [ + "$23.00" + ], + "The Gore London - Starhotels Collezione": [ + "The Gore London", + "The Gore London - Starhotels Collezione" + ], + "Holiday Inn Hotel And Suites Anaheim": [ + "Holiday Inn Hotel and Suites Anaheim", + "Holiday Inn Anaheim" + ], + "+1 714-535-0300": [ + "+1 714-535-0300" + ], + "Thompson Seattle": [ + "Thompson Seattle" + ], + "La Quinta Inn By Wyndham Sacramento Downtown": [ + "La Quinta Inn By Wyndham Sacramento Downtown", + "La Quinta Inn Sacramento" + ], + "Marriott Vacation Club Pulse At The Mayflower, Washington, D.C.": [ + "Marriott Vacation Club Mayflower", + "Marriott Vacation Club Pulse at the Mayflower, Washington, D.C." + ], + "2592": [ + "$2592" + ], + "Quest Bella Vista": [ + "Quest Bella Vista" + ], + "Holiday Inn Manhattan-Financial District": [ + "Holiday Inn Manhattan-Financial District" + ], + "99 Washington Street": [ + "99 Washington Street" + ], + "Travelodge By Wyndham Downtown Chicago": [ + "Travelodge by Wyndham Downtown Chicago", + "Travelodge by Wyndham Downtown" + ], + "65 East Harrison Street": [ + "65 East Harrison Street" + ], + "Yha London St Pancras Hostel": [ + "Yha London St Pancras Hostel" + ], + "Four Points By Sheraton New York Downtown": [ + "Four Points Downtown", + "Four Points By Sheraton New York Downtown" + ], + "Choco-Story Paris - Musee du Chocolat": [ + "Choco-Story Paris - Musee du Chocolat", + "choco-story paris - musee du chocolat", + "Choco-Story Paris - Musee Du Chocolat" + ], + "Cinematheque Francaise": [ + "Cinematheque Francaise" + ], + "1 71 19 33 33": [ + "1 71 19 33 33" + ], + "Citadines Tour Eiffel Paris (Apart Hotel Paris)": [ + "Citadines Tour Eiffel Paris (Apart Hotel Paris)", + "Citadines Tour Eiffel Paris" + ], + "Hyatt Place Washington Dc/National Mall": [ + "Hyatt place Washington Dc/National Mall", + "Hyatt Place Washington Dc/National Mall", + "Hyatt Place Washington DC/National Mall" + ], + "Mercure London Hyde Park Hotel": [ + "Mercure London Hyde Park", + "Mercure London Hyde Park Hotel" + ], + "+44 20 7262 6699": [ + "+44 20 7262 6699" + ], + "Comfort Suites Michigan Avenue - Loop": [ + "Comfort Suites Michigan Avenue - Loop", + "Comfort Suites Michigan Avenue" + ], + "+1 623-432-0770": [ + "+1 623-432-0770" + ], + "Kawada Hotel": [ + "Kawada Hotel" + ], + "200 South Hill Street": [ + "200 South Hill Street" + ], + "Big Bus Tours Chicago (Tours begin at 98 E. Upper Wacker Dr.)": [ + "Big BUs Tours Chicago (Tours Begin at 98 E. Upper Wacker Dr.)", + "Big Bus Tours Chicago (Tours begin at 98 E. Upper Wacker Dr.)", + "big bus tours chicago (tours begin at 98 E. upper wacker dr.)" + ], + "Homewood Suites By Hilton Chicago-Downtown": [ + "Homewood Suites by Hilton Chicago-Downtown", + "Homewood Suites Chicago-Downtown" + ], + "40 East Grand Avenue": [ + "40 East Grand Avenue" + ], + "K+K Hotel Cayre": [ + "K+K Hotel Cayre" + ], + "La Quinta Inn & Suites By Wyndham San Diego Seaworld/Zoo": [ + "La Quinta Inn & Suites By Wyndham San Diego Seaworld/Zoo", + "La Quinta Inn Seaworld" + ], + "The Westin Kierland Resort & Spa": [ + "The Westin Kierland Resort & Spa", + "The Westin Kierland Resort" + ], + "99900 06518": [ + "99900 06518" + ], + "National Rail Museum, New Delhi": [ + "National Rail Museum, New Delhi" + ], + "The Muse Sarovar Portico Kapashera, New Delhi": [ + "The Muse Sarovar Portico Kapashera", + "The Muse Sarovar Portico Kapashera, New Delhi" + ], + "Homewood Suites By Hilton Los Angeles International Airport": [ + "Homewood Suites", + "Homewood Suites by Hilton Los Angeles International Airport", + "Homewood Suites By Hilton Los Angeles International Airport" + ], + "Cite de l'architecture et du patrimoine": [ + "Cite de l'architecture et du patrimoine", + "cite de larchitecture et du patrimoine" + ], + "Cognacq-Jay Museum": [ + "cognacq-jay museum", + "Cognacq-Jay Museum" + ], + "Europe Hotel Paris Eiffel": [ + "Europe Hotel Paris Eiffel" + ], + "Hotel Peyris Opera": [ + "Hotel Peyris Opera" + ], + "+33 1 47 70 50 83": [ + "+33 1 47 70 50 83" + ], + "The Westin Philadelphia": [ + "The Westin Philadelphia" + ], + "Holiday Inn Express & Suites La Jolla - Beach Area": [ + "Holiday Inn Express & Suites La Jolla - Beach Area", + "Holiday Inn Express & Suites La Jolla" + ], + "6705 La Jolla Boulevard, La Jolla, California 92037, United States": [ + "6705 La Jolla Boulevard, La Jolla, California 92037, United States" + ], + "Premier Inn London Wandsworth": [ + "Premier Inn London Wandsworth" + ], + "Palmers Lodge Swiss Cottage": [ + "Palmers Lodge Swiss Cottage" + ], + "Australian National Maritime Museum": [ + "Australian National Maritime Museum", + "Australian NAtional Maritime Museum" + ], + "The Darling Hotel": [ + "the Darling Hotel", + "The Darling Hotel" + ], + "Novotel Sydney Parramatta": [ + "Novotel Sydney Parramatta" + ], + "+61 2 9630 4999": [ + "+61 2 9630 4999" + ], + "312-374-8790": [ + "312-374-8790" + ], + "Hyatt Place Chicago/River North": [ + "Hyatt Place Chicago/River North", + "hyatt place chicago/river north" + ], + "Motel 6 San Diego Hotel Circle - Mission Valley": [ + "Motel 6 San Diego Hotel Circle - Mission Valley", + "Motel 6 San Diego Hotel Circle" + ], + "+1 619-296-1612": [ + "+1 619-296-1612" + ], + "Hilton Garden Inn New Delhi/Saket": [ + "Hilton Garden Inn New Delhi/Saket", + "Hilton Garden Inn Saket" + ], + "State Plaza Hotel": [ + "State Plaza hotel", + "State plaza hotel" + ], + "2117 E Street Northwest, Washington, District of Columbia 20037, United States": [ + "2117 E street northwest, washington, district of columbia 20037, United states" + ], + "Radisson Blu Edwardian, Kenilworth": [ + "Radisson Blu Kenilworth", + "radisson blu edwardian, kenilworth" + ], + "Meininger Hotel London Hyde Park": [ + "Meininger Hotel London Hyde Park" + ], + "1456": [ + "$1,456" + ], + "Sheraton Philadelphia Society Hill Hotel": [ + "Sheraton Philadelphia Society Hill Hotel", + "Sheraton Philadelphia Society Hill" + ], + "Luma Hotel Times Square": [ + "Luma Hotel Times Square" + ], + "Arc de Triomphe": [ + "Arc de Triomphe", + "Arc De Triomphe" + ], + "1 55 37 73 77": [ + "1 55 37 73 77" + ], + "Courtyard By Marriott Paris Gare De Lyon": [ + "Courtyard By Marriott Paris Gare de Lyon", + "Courtyard by Marriott Paris Gare de Lyon" + ], + "Doubletree By Hilton Hotel London - Victoria": [ + "Doubletree by Hilton hotel London - Victoria", + "Doubletree by Hilton Hotel London - Victoria" + ], + "5249 West Century Boulevard": [ + "5249 West Century Boulevard" + ], + "+1 310-645-2200": [ + "+1 310-645-2200" + ], + "1395": [ + "$1,395" + ], + "Hotel Vertigo San Francisco": [ + "Hotel Vertigo", + "Hotel Vertigo San Francisco" + ], + "+1 415-885-6800": [ + "+1 415-885-6800" + ], + "The Arctic Club Seattle - A Doubletree By Hilton Hotel": [ + "The Arctic Club Seattle - A Doubletree", + "the Arctic Club Seattle - A Doubletree By Hilton Hotel" + ], + "700 3rd Avenue": [ + "700 3rd Avenue" + ], + "206-443-3643": [ + "206-443-3643" + ], + "Inn At The Market": [ + "Inn At The Market" + ], + "+1 206-443-3600": [ + "+1 206-443-3600" + ], + "Toronto Marriott City Centre Hotel": [ + "Toronto Marriott City Centre Hotel", + "Toronto Marriott City Centre" + ], + "Meriton Suites Bondi Junction": [ + "Meriton Suites Bondi Junction" + ], + "+61 2 9277 1125": [ + "+61 2 9277 1125" + ], + "Park South Hotel": [ + "Park South Hotel" + ], + "124 East 28th Street": [ + "124 East 28th Street" + ], + "Norfolk Plaza Hotel": [ + "Norfolk Plaza Hotel" + ], + "Holiday Inn Express London - Victoria": [ + "Holiday Inn Express Victoria", + "Holiday Inn Express London - Victoria" + ], + "The District By Hilton Club": [ + "The District", + "The District By Hilton Club" + ], + "+1 202-449-3100": [ + "+1 202-449-3100" + ], + "Barbican Centre": [ + "Barbican Centre" + ], + "Best Western Burns Hotel": [ + "Best Western Burns Hotel", + "Best Western Burns" + ], + "+44 20 7373 3151": [ + "+44 20 7373 3151" + ], + "Crowne Plaza Jfk Airport New York City": [ + "Crowne Plaza JFK Airport New York City" + ], + "Hub By Premier Inn London Westminster, St James'S Park": [ + "Hub By Premier Inn London Westminster, St James'S Park", + "Hub By Premier Inn Westminster" + ], + "Millennium Gloucester Hotel London Kensington": [ + "Millennium Gloucester Hotel London Kensington" + ], + "Smart Hyde Park Inn Hostel": [ + "Smart Hyde Park Inn Hostel" + ], + "The Capsule Hotel": [ + "The Capsule Hotel" + ], + "3, 640 George Street": [ + "3, 640 George Street" + ], + "86 Pine Street": [ + "86 Pine Street" + ], + "The Inn At Union Square": [ + "The Inn At Union Square" + ], + "Le Germain Hotel Toronto Mercer": [ + "Le Germain Hotel Toronto Mercer" + ], + "Premier Inn London Edmonton": [ + "Premier Inn London Edmonton" + ], + "Hotel Mercure London Bloomsbury": [ + "Hotel Mercure London Bloomsbury" + ], + "+1 212-791-2900": [ + "+1 212-791-2900" + ], + "City of Science and Industry": [ + "City of Science and Industry" + ], + "HoTel Marignan Champs-ELyseEs": [ + "HoTel Marignan Champs-ELyseEs" + ], + "Residence Inn By Marriott Vancouver Downtown": [ + "Residence Inn Downtown", + "Residence Inn By Marriott Vancouver Downtown" + ], + "+1 800-331-3131": [ + "+1 800-331-3131" + ], + "Hotel Via": [ + "Hotel Via" + ], + "Hotel Indigo San Diego-Gaslamp Quarter": [ + "Hotel Indigo San Diego-Gaslamp Quarter" + ], + "592": [ + "$592" + ], + "509 Ninth Avenue": [ + "509 Ninth Avenue" + ], + "Hotel Relais Bosquet": [ + "Hotel Relais Bosquet", + "hotel relais bosquet" + ], + "19 Rue du Champ de Mars, 75007": [ + "19 Rue Du Champ de Mars, 75007" + ], + "Royal Plaza Hotel": [ + "Royal Plaza Hotel" + ], + "Jw Marriott Hotel New Delhi Aerocity": [ + "JW Marriott Hotel New Delhi Aerocity", + "Jw Marriott Hotel New Delhi Aerocity" + ], + "Motif Seattle": [ + "Motif Seattle" + ], + "1415 5th Avenue": [ + "1415 5th Avenue" + ], + "+1 206-971-8000": [ + "+1 206-971-8000" + ], + "Kensington Suite Hotel": [ + "Kensington Suite Hotel" + ], + "128 - 130 Holland Road": [ + "128 - 130 Holland Road" + ], + "The Marcel At Gramercy": [ + "The Marcel", + "The Marcel at Gramercy", + "The Marcel At Gramercy" + ], + "201 East 24th Street": [ + "201 East 24th Street" + ], + "Wings Over Washington": [ + "Wings over Washington" + ], + "Hilton Garden Inn Seattle Downtown": [ + "Hilton Garden Inn Seattle Downtown" + ], + "+1 206-467-7770": [ + "+1 206-467-7770" + ], + "+33 1 47 05 25 45": [ + "+33 1 47 05 25 45" + ], + "+1 404-846-0900": [ + "+1 404-846-0900" + ], + "La Quinta Inn & Suites By Wyndham Seattle Downtown": [ + "La Quinta Inn Seattle", + "La Quinta Inn & Suites By Wyndham Seattle Downtown" + ], + "Comfort Inn & Suites Portland Airport": [ + "comfort inn portland", + "comfort inn & suites portland airport" + ], + "+1 503-252-6397": [ + "+1 503-252-6397" + ], + "Hotel Ibis Paris Gare De Lyon Ledru Rollin 12eMe": [ + "Hotel Ibis Paris Gare De Lyon Ledru Rollin 12eMe" + ], + "Le Roch Hotel & Spa": [ + "Le Roch Hotel & Spa", + "Le Roch Hotel" + ], + "Homewood Suites By Hilton San Diego Mission Valley/Zoo": [ + "Homewood suites by hilton san diego mission valley/zoo", + "Homewood Suites Mission Valley" + ], + "Hotel Novotel London Excel": [ + "Hotel Novotel London Excel" + ], + "Courtyard By Marriott New York Manhattan/Chelsea": [ + "Courtyard By Marriott New York Manhattan/Chelsea" + ], + "Belvedere Hotel": [ + "Belvedere Hotel" + ], + "+1 212-245-7000": [ + "+1 212-245-7000" + ], + "Chicago Athletic Association": [ + "Chicago Athletic Association" + ], + "Four Points By Sheraton New Delhi, Airport Highway": [ + "Four Points By Sheraton New Delhi, Airport Highway", + "Four Points Airport Highway" + ], + "Tivoli Garden Resort Hotel": [ + "Tivoli Garden Resort Hotel", + "Tivoli Garden Resort" + ], + "The Gwen, A Luxury Collection Hotel, Michigan Avenue Chicago": [ + "The Gwen, A Luxury Collection Hotel, Michigan Avenue Chicago", + "The Gwen" + ], + "+1 312-645-1500": [ + "+1 312-645-1500" + ], + "Dorsett Shepherds Bush, London": [ + "dorsett shepherds bush, london", + "dorsett shepherds bush" + ], + "Dorsett City, London": [ + "dorsett city london", + "dorsett city" + ], + "9 Aldgate High Street": [ + "9 aldgate high street" + ], + "+44 20 3805 1000": [ + "+44 20 3805 1000" + ], + "Pier One Sydney Harbour, Autograph Collection": [ + "Pier One Sydney Harbour, Autograph Collection", + "Pier One Sydney Harbour" + ], + "Airways Hotel London Victoria": [ + "Airways Hotel London Victoria" + ], + "Ibis Budget Wentworthville": [ + "Ibis Budget Wentworthville" + ], + "+61 2 9769 1240": [ + "+61 2 9769 1240" + ], + "National Archives Museum": [ + "National Archives Museum" + ], + "400 E Street Southwest, Washington, District of Columbia 20024, United States": [ + "400 E Street Southwest, Washington, District of Columbia 20024, United States" + ], + "3-2034 2609": [ + "3-2034 2609" + ], + "Le MeRidien Kuala Lumpur": [ + "Le MeRidien Kuala Lumpur", + "Le Meridien Kuala Lumpur" + ], + "2, Jalan Sultan Ismail, Kuala Lumpur, 50250 Kuala Lumpur, Wilayah Persekutuan": [ + "2, Jalan Sultan Ismail, Kuala Lumpur, 50250 Kuala Lumpur, Wilayah Persekutuan" + ], + "Canal Loft Hotel": [ + "Canal Loft Hotel" + ], + "San Remo Hotel": [ + "San Remo Hotel" + ], + "Thunderbird Boutique Hotel": [ + "Thunderbird Boutique Hotel" + ], + "200 C Street Southeast, Washington, DC 20003, USA": [ + "200 C Street Southeast, Washington, DC 20003, USA" + ], + "The Grosvenor Hotel": [ + "the Grosvenor Hotel" + ], + "101 Buckingham Palace Road": [ + "101 Buckingham Palace Road" + ], + "Hotel Metro Nyc": [ + "Hotel Metro Nyc" + ], + "Rodeway Inn Hollywood": [ + "Rodeway Inn Hollywood" + ], + "Bondi Markets": [ + "Bondi Markets" + ], + "2 9315 7011": [ + "2 9315 7011" + ], + "The Sydney Boulevard Hotel": [ + "The Sydney Boulevard", + "The Sydney Boulevard Hotel" + ], + "Hotel Le Relais Du Marais": [ + "Hotel Le Relais Du Marais" + ], + "The Inn At Sunset Cliffs": [ + "The Inn At Sunset Cliffs" + ], + "Sea Containers London (Formerly Mondrian London)": [ + "Sea Containers London (Formerly Mondrian London)", + "Sea Containers London" + ], + "Skye Hotel Suites Parramatta": [ + "Skye Hotel Suites Parramatta" + ], + "+61 2 7803 2388": [ + "+61 2 7803 2388" + ], + "Roseate House London": [ + "Roseate House London" + ], + "+44 20 7479 6600": [ + "+44 20 7479 6600" + ], + "Residence Inn By Marriott Chicago Downtown/River North": [ + "Residence Inn River North", + "Residence Inn By Marriott Chicago Downtown/River North" + ], + "410 North Dearborn Street": [ + "410 North Dearborn Street" + ], + "Hotel Henri": [ + "Hotel Henri" + ], + "Tryp New York City Times Square South": [ + "Tryp New York City Times Square South" + ], + "Ny Moore Hostel": [ + "Ny Moore Hostel" + ], + "Boro Hotel": [ + "Boro Hotel" + ], + "38-28 27th Street, Long Island City": [ + "38-28 27th Street, Long Island City" + ], + "+1 212-696-3800": [ + "+1 212-696-3800" + ], + "Chicago Marriott O'Hare": [ + "Chicago Marriott O'Hare" + ], + "1 40 62 05 00": [ + "1 40 62 05 00" + ], + "Hotel Beaugrenelle Tour Eiffel": [ + "Hotel Beaugrenelle Tour Eiffel", + "Hotel Beaugrenelle Tour eiffel" + ], + "The William Vale": [ + "The William Vale" + ], + "Residence Inn By Marriott New York Manhattan/Midtown East": [ + "Residence Inn By Marriott New York Manhattan/Midtown East", + "Residence Inn Midtown East" + ], + "Melia Vendome": [ + "Melia Vendome" + ], + "Maison BreGuet": [ + "Maison BreGuet" + ], + "Hotel Current Long Beach": [ + "Hotel Current Long Beach", + "Hotel Current" + ], + "5325 Pacific Coast Highway": [ + "5325 Pacific Coast Highway" + ], + "Smart Russell Square Hostel": [ + "Smart Russell Square Hostel" + ], + "Green Tortoise Hostel Seattle": [ + "Green Tortoise Hostel", + "Green Tortoise Hostel Seattle" + ], + "Hotel Shocard": [ + "Hotel Shocard" + ], + "Ramada By Wyndham Phoenix Midtown": [ + "Ramada by Wyndham Phoenix Midtown", + "Ramada By Wyndham Phoenix Midtown" + ], + "Vacation Inn Phoenix": [ + "Vacation Inn Phoenix" + ], + "Hotel Max": [ + "Hotel Max" + ], + "Venice On The Beach Hotel": [ + "Venice On The Beach", + "Venice On The Beach Hotel" + ], + "Hilton Woodland Hills/Los Angeles": [ + "Hilton woodland hills", + "Hilton woodland hills/Los Angeles" + ], + "Citadines TrocadeRo Paris (Apart Hotel Paris)": [ + "Citadines TrocadeRo Paris (Apart Hotel Paris)" + ], + "Pembridge Palace Hotel": [ + "Pembridge Palace Hotel" + ], + "Montecassino Hotel And Event Centre": [ + "Montecassino hotel and event centre", + "Montecassino hotel" + ], + "The Georgetown Inn": [ + "The Georgetown Inn" + ], + "1310 Wisconsin Avenue Northwest, Washington, District of Columbia 20007, United States": [ + "1310 Wisconsin Avenue Northwest, Washington, District of Columbia 20007, United States" + ], + "Jules & Jim": [ + "Jules & Jim" + ], + "Best Western Plus Plaza Hotel": [ + "Best Western Plus Plaza Hotel", + "Best Western Plus Plaza" + ], + "One Washington Circle Hotel": [ + "One Washington Circle", + "One Washington Circle Hotel" + ], + "Jaslin Hotel": [ + "Jaslin Hotel" + ], + "Villa Hotel Saxe Eiffel": [ + "Villa Hotel Saxe Eiffel" + ], + "Parkroyal Darling Harbour": [ + "Parkroyal Darling Harbour" + ], + "Ovolo 1888 Darling Harbour": [ + "Ovolo 1888 Darling Harbour", + "Ovolo 1888 darling harbour" + ], + "139 Murray Street, Pyrmont New South Wales 2009, Australia": [ + "139 murray street, pyrmont new south wales 2009, australia" + ], + "Hilton Garden Inn San Diego Del Mar": [ + "Hilton Garden Inn San Diego Del Mar" + ], + "Springhill Suites By Marriott Seattle Downtown/South Lake Union": [ + "springhill suites seattle", + "springhill suites by marriott seattle downtown/south lake union" + ], + "Washington Court Hotel": [ + "Washington Court Hotel" + ], + "Barangaroo Reserve": [ + "Barangaroo Reserve" + ], + "The Z Hotel Soho": [ + "The Z Hotel Soho" + ], + "+44 20 3551 3701": [ + "+44 20 3551 3701" + ], + "Hotel Beresford": [ + "Hotel Beresford" + ], + "Kip Hotel": [ + "Kip Hotel" + ], + "2 Aspland Grove, Hackney": [ + "2 Aspland Grove, Hackney" + ], + "Comfort Inn Midtown West": [ + "Comfort Inn Midtown West" + ], + "548 West 48th Street": [ + "548 West 48th Street" + ], + "Fearless Girl Statue": [ + "Fearless Girl Statue" + ], + "Strawberry Fields": [ + "Strawberry Fields" + ], + "Hilton Garden Inn New York/Midtown Park Ave": [ + "Hilton Garden Inn Midtown Park Ave", + "Hilton Garden Inn New York/Midtown Park Ave" + ], + "The Tuscany - A St Giles Signature Hotel": [ + "The Tuscany - A St Giles Signature Hotel", + "The Tuscany" + ], + "Home Latin": [ + "Home Latin" + ], + "Comfort Inn Victoria London": [ + "comfort inn victoria London", + "comfort inn victoria" + ], + "+44 20 7233 6636": [ + "+44 20 7233 6636" + ], + "Nobleden Hotel": [ + "Nobleden Hotel" + ], + "+1 212-390-8988": [ + "+1 212-390-8988" + ], + "City Club Hotel": [ + "City Club Hotel" + ], + "+1 212-921-5500": [ + "+1 212-921-5500" + ], + "824 New Hampshire Avenue Northwest, Washington, District of Columbia 20037, United States": [ + "824 new hampshire avenue northwest, washington, district of columbia 20037, united states", + "824 New Hampshire Avenue Northwest, Washington, District of Columbia 20037, United States", + "824 new hampshire avenue northwest, washington district of columbia 20037, united states" + ], + "666": [ + "$666" + ], + "704": [ + "$704" + ], + "718-760-6565": [ + "718-760-6565" + ], + "+1 202-299-1188": [ + "+1 202-299-1188" + ], + "Paddy's Market Haymarket": [ + "Paddy's Market Haymarket" + ], + "2 9325 6200": [ + "2 9325 6200" + ], + "Kirribilli Markets": [ + "Kirribilli Markets" + ], + "215-561-3325": [ + "215-561-3325" + ], + "Old Town San Diego State Historic Park": [ + "Old Town San Diego State Historic Park" + ], + "Humayun's Tomb": [ + "Humayun's Tomb" + ], + "India Gate": [ + "India Gate" + ], + "Qutub Minar": [ + "Qutub Minar" + ], + "2352": [ + "$2,352" + ], + "1 42 29 68 60": [ + "1 42 29 68 60" + ], + "San Francisco Zoo": [ + "San Francisco Zoo" + ], + "Jalan Tun Tan Cheng Lock, City Centre, 50500 Kuala Lumpur, Wilayah Persekutuan": [ + "Jalan Tun Tan Cheng Lock, City Centre, 50500 Kuala Lumpur, Wilayah Persekutuan" + ], + "416-646-4677": [ + "416-646-4677" + ], + "Allan Gardens": [ + "Allan gardens", + "Allan Gardens" + ], + "404-331-5190": [ + "404-331-5190" + ], + "1092": [ + "$1,092" + ], + "California African American Museum": [ + "California African American Museum" + ], + "Craft Contemporary": [ + "Craft Contemporary" + ], + "323-937-4230": [ + "323-937-4230" + ], + "Harbourfront Centre": [ + "harbourfront centre", + "Harbourfront Centre" + ], + "416-973-4000": [ + "416-973-4000" + ], + "+1 818-765-2900": [ + "+1 818-765-2900" + ], + "Fantasy Fair": [ + "Fantasy Fair" + ], + "2 9225 1700": [ + "2 9225 1700" + ], + "Canal Street Market": [ + "Canal Street MArket" + ], + "Journey to Atlantis": [ + "Journey to Atlantis" + ], + "619-222-4732": [ + "619-222-4732" + ], + "Amba Hotel Charing Cross": [ + "Amba Hotel Charing Cross", + "Amba Hotel CHaring Cross" + ], + "+44 871 376 9012": [ + "+44 871 376 9012" + ], + "Hyatt Regency Washington On Capitol Hill": [ + "Hyatt Regency Washington On Capitol Hill" + ], + "4425 E Irma Ln ": [ + "4425 E Irma Ln " + ], + "Jamek Mosque": [ + "Jamek Mosque" + ], + "1024": [ + "$1,024" + ], + "2079": [ + "$2,079" + ], + "1831 South Harbor Boulevard": [ + "1831 South Harbor Boulevard" + ], + "1560": [ + "$1,560", + "1,560 bucks", + "1560 bucks" + ], + "50 8th Street": [ + "50 8th street", + "50 8th Street" + ], + "1488": [ + "$1488", + "$1,488" + ], + "Courtyard By Marriott Long Beach Downtown": [ + "Courtyard by Marriott Long Beach Downtown", + "Courtyard By Marriott Long Beach Downtown" + ], + "500 East First Street": [ + "500 East First Street" + ], + "Candlewood Suites Anaheim - Resort Area": [ + "Candlewood Suites Anaheim - Resort Area" + ], + "Mo'joe Cafe": [ + "Mo'joe Cafe" + ], + "Honey Cuisine": [ + "honey cuisine", + "Honey Cuisine" + ], + "Champa Garden Restaurant": [ + "Champa Garden Restaurant" + ], + "Baby Blues Bbq": [ + "Baby Blues Bbq", + "Baby Blues" + ], + "Balboa Cafe": [ + "Balboa Cafe" + ], + "Kawa Sushi": [ + "Kawa Sushi" + ], + "1730 Shattuck Avenue": [ + "1730 Shattuck Avenue" + ], + "Emil Villa's Hickory Pit": [ + "Emil Villa's Hickory Pit" + ], + "Bistro Jeanty": [ + "Bistro Jeanty" + ], + "6510 Washington Street": [ + "6510 Washington Street" + ], + "Tonayan": [ + "Tonayan" + ], + "City Winery Napa": [ + "City Winery Napa" + ], + "Asmara Restaurant": [ + "Asmara Restaurant" + ], + "The Q Restaurant & Bar": [ + "the Q Restaurant & Bar", + "The Q Restaurant & Bar" + ], + "415-777-0500": [ + "415-777-0500" + ], + "506": [ + "$506" + ], + "Cricket": [ + "Cricket" + ], + "19213.17": [ + "$19,213.17" + ], + "7058.75": [ + "$7058.75" + ], + "24461.63": [ + "$24,461.63" + ], + "22231.57": [ + "$22,231.57" + ], + "6811.54": [ + "$6,811.54" + ], + "3630.12": [ + "$3,630.12" + ], + "24449.77": [ + "$24,449.77" + ], + "22462.81": [ + "$22,462.81" + ], + "6308.20": [ + "$6,308.20" + ], + "577.61": [ + "$577.61" + ], + "23754.26": [ + "$23,754.26" + ], + "24066.26": [ + "$24,066.26" + ], + "13809.78": [ + "$13,809.78" + ], + "18859.50": [ + "$18,859.50" + ], + "15809.69": [ + "$15,809.69" + ], + "10569.43": [ + "$10,569.43" + ], + "12100.58": [ + "$12,100.58" + ], + "18260.29": [ + "$18,260.29" + ], + "17596.18": [ + "$17,596.18" + ], + "18635.24": [ + "$18,635.24" + ], + "9821.80": [ + "$9,821.80" + ], + "12246.81": [ + "$12,246.81" + ], + "14804.50": [ + "$14,804.50" + ], + "4343.43": [ + "$4,343.43" + ], + "6356.35": [ + "$6,356.35" + ], + "3994.35": [ + "$3,994.35" + ], + "12185.27": [ + "$12,185.27" + ], + "15887.38": [ + "$15,887.38" + ], + "7192.31": [ + "$7,192.31" + ], + "13262.44": [ + "$13,262.44" + ], + "23943.44": [ + "$23943.44" + ], + "17228.38": [ + "$17,228.38" + ], + "21552.52": [ + "$21,552.52" + ], + "13646.38": [ + "$13,646.38" + ], + "23592.19": [ + "$23,592.19" + ], + "2279.49": [ + "$2,279.49" + ], + "17323.76": [ + "$17,323.76" + ], + "10073.56": [ + "$10,073.56" + ], + "16942.55": [ + "$16,942.55" + ], + "7249.84": [ + "$7,249.84" + ], + "19606.52": [ + "$19,606.52" + ], + "20065.47": [ + "$20,065.47" + ], + "10542.41": [ + "$10,542.41" + ], + "10274.55": [ + "$10,274.55" + ], + "4586.39": [ + "$4,586.39" + ], + "17157.38": [ + "$17,157.38" + ], + "14157.41": [ + "$14,157.41" + ], + "Bonobo": [ + "Bonobo" + ], + "Ravine": [ + "Ravine" + ], + "1021 Peachtree Street Northeast": [ + "1021 Peachtree Street Northeast" + ], + "20164.27": [ + "$20,164.27" + ], + "21946.86": [ + "$21,946.86" + ], + "3450.68": [ + "$3,450.68" + ], + "24761.53": [ + "$24,761.53" + ], + "13683.21": [ + "$13,683.21" + ], + "5865.34": [ + "$5,865.34" + ], + "9893.41": [ + "$9,893.41" + ], + "7303.90": [ + "$7,303.90" + ], + "21433.20": [ + "$21,433.20" + ], + "24458.54": [ + "$24,458.54" + ], + "1900.61": [ + "$1,900.61" + ], + "3931.51": [ + "$3,931.51" + ], + "5022.31": [ + "$5,022.31" + ], + "3848.65": [ + "$3,848.65" + ], + "5043.51": [ + "$5,043.51" + ], + "12558.11": [ + "$12,558.11" + ], + "24859.64": [ + "$24,859.64" + ], + "7194.51": [ + "$7,194.51" + ], + "4473.28": [ + "$4,473.28" + ], + "20942.50": [ + "$20,942.50" + ], + "14498.44": [ + "$14,498.44" + ], + "5069.24": [ + "$5,069.24" + ], + "24817.44": [ + "$24,817.44" + ], + "19824.28": [ + "$19,824.28" + ], + "7589.70": [ + "$7,589.70" + ], + "11259.42": [ + "$11,259.42" + ], + "21264.49": [ + "$21,264.49" + ], + "21777.66": [ + "$21,777.66" + ], + "18856.49": [ + "$18,856.49" + ], + "8639.47": [ + "$8,639.47" + ], + "11548.12": [ + "$11,548.12" + ], + "1692.54": [ + "$1,692.54" + ], + "14496.90": [ + "$14,496.90" + ], + "The Melvins": [ + "The Melvins" + ], + "24453.74": [ + "$24,453.74" + ], + "18249.67": [ + "$18,249.67" + ], + "22618.48": [ + "$22,618.48" + ], + "8981.86": [ + "$8,981.86" + ], + "11708.17": [ + "$11,708.17" + ], + "11735.56": [ + "$11,735.56" + ], + "22654.82": [ + "$22,654.82" + ], + "3170.28": [ + "$3,170.28" + ], + "448.61": [ + "$448.61" + ], + "8531.89": [ + "$8,531.89" + ], + "5824.30": [ + "$5,824.30" + ], + "18937.47": [ + "$18,937.47" + ], + "10818.71": [ + "$10,818.71" + ], + "19032.83": [ + "$19,032.83" + ], + "24484.90": [ + "$24,484.90" + ], + "1488.63": [ + "$1,488.63" + ], + "6071.87": [ + "$6,071.87" + ], + "19869.56": [ + "$19,869.56" + ], + "24588.80": [ + "$24,588.80" + ], + "23566.77": [ + "$23,566.77" + ], + "24477.68": [ + "$24,477.68" + ], + "2890.54": [ + "$2,890.54" + ], + "7296.68": [ + "$7,296.68" + ], + "7317.73": [ + "$7,317.73" + ], + "1259.70": [ + "$1,259.70" + ], + "6039.60": [ + "$6,039.60" + ], + "9928.24": [ + "$9,928.24" + ], + "2256.38": [ + "$2,256.38" + ], + "1807.67": [ + "$1,807.67" + ], + "10311.61": [ + "$10,311.61" + ], + "21650.86": [ + "$21,650.86" + ], + "4862.33": [ + "$4,862.33" + ], + "10452.16": [ + "$10,452.16" + ], + "11691.36": [ + "$11,691.36" + ], + "11584.71": [ + "$11,584.71" + ], + "1102.25": [ + "$1,102.25" + ], + "23604.26": [ + "$23,604.26" + ], + "13246.53": [ + "$13,246.53" + ], + "10481.31": [ + "$10,481.31" + ], + "18223.31": [ + "$18,223.31" + ], + "22236.84": [ + "$22,236.84" + ], + "6400.63": [ + "$6,400.63" + ], + "23770.51": [ + "$23,770.51" + ], + "17780.81": [ + "$17,780.81" + ], + "5027.36": [ + "$5,027.36" + ], + "5702.71": [ + "$5,702.71" + ], + "7455.16": [ + "$7,455.16" + ], + "21375.53": [ + "$21,375.53" + ], + "14945.81": [ + "$14,945.81" + ], + "21782.53": [ + "$21,782.53" + ], + "17963.21": [ + "$17,963.21" + ], + "7641.63": [ + "$7,641.63" + ], + "8346.20": [ + "$8,346.20" + ], + "4616.26": [ + "$4,616.26" + ], + "8632.64": [ + "$8,632.64" + ], + "8506.70": [ + "$8,506.70" + ], + "12854.44": [ + "$12,854.44" + ], + "2619.34": [ + "$2,619.34" + ], + "14209.88": [ + "$14,209.88" + ], + "5215.62": [ + "$5,215.62" + ], + "821.84": [ + "$821.84" + ], + "11336.39": [ + "$11,336.39" + ], + "22399.31": [ + "$22,399.31" + ], + "9752.77": [ + "$9,752.77" + ], + "10145.44": [ + "$10,145.44" + ], + "16885.46": [ + "$16,885.46" + ], + "14144.58": [ + "$14,144.58" + ], + "5238.66": [ + "$5,238.66" + ], + "7497.18": [ + "$7,497.18" + ], + "1470.87": [ + "$1,470.87" + ], + "14131.87": [ + "$14,131.87" + ], + "16258.64": [ + "$16,258.64" + ], + "5069.21": [ + "$5,069.21" + ], + "16446.87": [ + "$16,446.87" + ], + "4216.88": [ + "$4,216.88" + ], + "8542.27": [ + "$8,542.27" + ], + "24399.36": [ + "$24,399.36" + ], + "14761.82": [ + "$14,761.82" + ], + "3016.31": [ + "$3,016.31" + ], + "24714.86": [ + "$24,714.86" + ], + "19020.16": [ + "$19,020.16" + ], + "4438.65": [ + "$4,438.65" + ], + "9696.66": [ + "$9,696.66" + ], + "11262.64": [ + "$11,262.64" + ], + "23973.41": [ + "$23,973.41" + ], + "16471.81": [ + "$16,471.81" + ], + "7837.37": [ + "$7,837.37" + ], + "18047.63": [ + "$18,047.63" + ], + "14889.16": [ + "$14,889.16" + ], + "3780.72": [ + "$3,780.72" + ], + "14892.18": [ + "$14,892.18" + ], + "18206.20": [ + "$18,206.20" + ], + "3063.25": [ + "$3,063.25" + ], + "21227.67": [ + "$21,227.67" + ], + "4654.52": [ + "$4,654.52" + ], + "5467.42": [ + "$5,467.42" + ], + "Thenewdeal": [ + "Thenewdeal" + ], + "10147.66": [ + "$10,147.66" + ], + "18920.10": [ + "$18,920.10" + ], + "14832.79": [ + "$14,832.79" + ], + "2009.12": [ + "$2,009.12" + ], + "20148.12": [ + "$20,148.12" + ], + "1470.12": [ + "$1,470.12" + ], + "14250.48": [ + "$14,250.48" + ], + "16388.62": [ + "$16,388.62" + ], + "10807.20": [ + "$10,807.20" + ], + "7304.45": [ + "$7,304.45" + ], + "2601.88": [ + "$2,601.88" + ], + "21025.58": [ + "$21,025.58" + ], + "14540.17": [ + "$14,540.17" + ], + "18364.34": [ + "$18,364.34" + ], + "20795.57": [ + "$20,795.57" + ], + "21086.38": [ + "$21,086.38" + ], + "15263.70": [ + "$15,263.70" + ], + "8144.48": [ + "$8,144.48" + ], + "2515.51": [ + "$2,515.51" + ], + "13887.77": [ + "$13,887.77" + ], + "7580.39": [ + "$7,580.39" + ], + "7942.89": [ + "$7,942.89" + ], + "8084.33": [ + "$8,084.33" + ], + "9207.15": [ + "$9,207.15" + ], + "13307.36": [ + "$13,307.36" + ], + "23465.30": [ + "$23,465.30" + ], + "10961.35": [ + "$10,961.35" + ], + "14937.50": [ + "$14,937.50" + ], + "11928.31": [ + "$11,928.31" + ], + "1323.83": [ + "$1,323.83" + ], + "23704.57": [ + "$23,704.57" + ], + "6779.29": [ + "$6,779.29" + ], + "10279.49": [ + "$10,279.49" + ], + "20999.56": [ + "$20,999.56" + ], + "17066.78": [ + "$17,066.78" + ], + "23455.45": [ + "$23,455.45" + ], + "23409.52": [ + "$23,409.52" + ], + "6820.80": [ + "$6,820.80" + ], + "21920.42": [ + "$21,920.42" + ], + "13201.18": [ + "$13,201.18" + ], + "3284.69": [ + "$3,284.69" + ], + "9540.61": [ + "$9,540.61" + ], + "23404.15": [ + "$23,404.15" + ], + "20863.87": [ + "$20,863.87" + ], + "22017.33": [ + "$22,017.33" + ], + "1503.33": [ + "$1,503.33" + ], + "16750.55": [ + "$16,750.55" + ], + "17815.10": [ + "$17,815.10" + ], + "21420.47": [ + "$21,420.47" + ], + "12598.76": [ + "$12,598.76" + ], + "22708.88": [ + "$22,708.88" + ], + "24420.21": [ + "$24,420.21" + ], + "7980.72": [ + "$7,980.72" + ], + "13702.39": [ + "$13,702.39" + ], + "13775.51": [ + "$13,775.51" + ], + "15706.12": [ + "$15,706.12" + ], + "18542.79": [ + "$18,542.79" + ], + "24425.78": [ + "$24,425.78" + ], + "17771.33": [ + "$17,771.33" + ], + "23334.63": [ + "$23,334.63" + ], + "21996.16": [ + "$21,996.16" + ], + "23597.76": [ + "$23,597.76" + ], + "12178.72": [ + "$12,178.72" + ], + "6891.26": [ + "$6,891.26" + ], + "10433.53": [ + "$10,433.53" + ], + "2028.69": [ + "$2,028.69" + ], + "3688.13": [ + "$3,688.13" + ], + "12824.18": [ + "$12,824.18" + ], + "15170.64": [ + "$15,170.64" + ], + "802.78": [ + "$802.78" + ], + "2094.75": [ + "$2,094.75" + ], + "21094.36": [ + "$21,094.36" + ], + "19076.11": [ + "$19,076.11" + ], + "9749.23": [ + "$9,749.23" + ], + "12572.82": [ + "$12,572.82" + ], + "13932.56": [ + "$13,932.56" + ], + "4105.45": [ + "$4,105.45" + ], + "4085.25": [ + "$4,085.25" + ], + "11325.85": [ + "$11,325.85" + ], + "14541.62": [ + "$14,541.62" + ], + "12131.77": [ + "$12,131.77" + ], + "20209.32": [ + "$20,209.32" + ], + "20405.49": [ + "$20,405.49" + ], + "15120.22": [ + "$15,120.22" + ], + "15225.82": [ + "$15,225.82" + ], + "18668.70": [ + "$18,668.70" + ], + "7429.42": [ + "$7,429.42" + ], + "12449.40": [ + "$12,449.40" + ], + "8157.51": [ + "$8,157.51" + ], + "22584.25": [ + "$22,584.25" + ], + "21696.20": [ + "$21,696.20" + ], + "15979.26": [ + "$15,979.26" + ], + "10203.56": [ + "$10,203.56" + ], + "977.31": [ + "$977.31" + ], + "23495.38": [ + "$23,495.38" + ], + "22771.28": [ + "$22,771.28" + ], + "1368.19": [ + "$1,368.19" + ], + "+1 562-435-8511": [ + "+1 562-435-8511" + ], + "Estancia La Jolla Hotel & Spa": [ + "Estancia La Jolla Hotel & Spa" + ], + "9700 North Torrey Pines Road, La Jolla, California 92037, United States": [ + "9700 North Torrey Pines Road, La Jolla, California 92037, United States" + ], + "+1 855-430-7503": [ + "+1 855-430-7503" + ], + "Grande Colonial La Jolla": [ + "Grande Colonial La Jolla" + ], + "910 Prospect Street, La Jolla, CA 92037, USA": [ + "910 Prospect Street, La Jolla, CA 92037, USA" + ], + "The Loft": [ + "the Loft", + "The Loft" + ], + "19582.27": [ + "$19,582.27" + ], + "1374 West Peachtree Street Northwest": [ + "1374 West Peachtree Street Northwest" + ], + "2229.60": [ + "$2,229.60" + ], + "14327.61": [ + "$14,327.61" + ], + "16488.51": [ + "$16,488.51" + ], + "5705.19": [ + "$5,705.19" + ], + "16040.77": [ + "$16,040.77" + ], + "13812.19": [ + "$13,812.19" + ], + "6093.27": [ + "$6,093.27" + ], + "14835.58": [ + "$14,835.58" + ], + "23202.85": [ + "$23,202.85" + ], + "974.62": [ + "$974.62" + ], + "18399.69": [ + "$18,399.69" + ], + "9985.14": [ + "$9,985.14" + ], + "16103.52": [ + "$16,103.52" + ], + "13017.75": [ + "$13,017.75" + ], + "2933.80": [ + "$2,933.80" + ], + "10893.43": [ + "$10,893.43" + ], + "1514.30": [ + "$1,514.30" + ], + "16413.69": [ + "$16,413.69" + ], + "18227.32": [ + "$18,227.32" + ], + "4831.65": [ + "$4,831.65" + ], + "21942.47": [ + "$21,942.47" + ], + "4273.73": [ + "$4,273.73" + ], + "16384.67": [ + "$16,384.67" + ], + "10508.53": [ + "$10,508.53" + ], + "24900.75": [ + "$24,900.75" + ], + "14112.40": [ + "$14,112.40" + ], + "11234.30": [ + "$11,234.30" + ], + "12642.90": [ + "$12,642.90" + ], + "7804.50": [ + "$7,804.50" + ], + "2432.83": [ + "$2,432.83" + ], + "3946.90": [ + "$3,946.90" + ], + "8407.48": [ + "$8,407.48" + ], + "10606.20": [ + "$10,606.20" + ], + "17635.59": [ + "$17,635.59" + ], + "12312.73": [ + "$12,312.73" + ], + "13062.19": [ + "$13,062.19" + ], + "5473.16": [ + "$5,473.16" + ], + "19065.30": [ + "$19,065.30" + ], + "23798.66": [ + "$23,798.66" + ], + "13879.58": [ + "$13,879.58" + ], + "5845.81": [ + "$5,845.81" + ], + "13410.86": [ + "$13,410.86" + ], + "4228.54": [ + "$4,228.54" + ], + "3610.88": [ + "$3,610.88" + ], + "1074.53": [ + "$1074.53" + ], + "16183.66": [ + "$16,183.66" + ], + "7084.90": [ + "$7,084.90" + ], + "15022.77": [ + "$15,022.77" + ], + "17604.41": [ + "$17,604.41" + ], + "14653.69": [ + "$14,653.69" + ], + "888.61": [ + "$888.61" + ], + "8872.35": [ + "$8872.35" + ], + "20163.81": [ + "$20,163.81" + ], + "1654.80": [ + "$1,654.80" + ], + "10708.13": [ + "$10,708.13" + ], + "9192.58": [ + "$9,192.58" + ], + "10342.24": [ + "$10,342.24" + ], + "19820.55": [ + "$19,820.55" + ], + "4642.33": [ + "$4,642.33" + ], + "13713.42": [ + "$13,713.42" + ], + "16071.63": [ + "$16,071.63" + ], + "10500.89": [ + "$10,500.89" + ], + "15822.58": [ + "$15,822.58" + ], + "7580.37": [ + "$7,580.37" + ], + "10386.72": [ + "$10,386.72" + ], + "22991.73": [ + "$22,991.73" + ], + "23970.38": [ + "$23,970.38" + ], + "14662.17": [ + "$14,662.17" + ], + "11965.76": [ + "$11,965.76" + ], + "19518.10": [ + "$19,518.10" + ], + "19062.65": [ + "$19,062.65" + ], + "5347.84": [ + "$5,347.84" + ], + "3661.67": [ + "$3,661.67" + ], + "3766.53": [ + "$3,766.53" + ], + "24198.21": [ + "$24,198.21" + ], + "7124.65": [ + "$7,124.65" + ], + "1097.81": [ + "$1,097.81" + ], + "16186.18": [ + "$16,186.18" + ], + "820.20": [ + "$820.20" + ], + "3402.15": [ + "$3,402.15" + ], + "5161.76": [ + "$5,161.76" + ], + "22617.28": [ + "$22,617.28" + ], + "17680.32": [ + "$17,680.32" + ], + "23949.15": [ + "$23,949.15" + ], + "10869.74": [ + "$10,869.74" + ], + "15460.52": [ + "$15,460.52" + ], + "9663.70": [ + "$9,663.70" + ], + "24607.84": [ + "$24,607.84" + ], + "10608.75": [ + "$10,608.75" + ], + "19671.40": [ + "$19,671.40" + ], + "20046.13": [ + "$20,046.13" + ], + "1735.52": [ + "$1,735.52" + ], + "3237.82": [ + "$3,237.82" + ], + "4574.27": [ + "$4,574.27" + ], + "7953.88": [ + "$7,953.88" + ], + "17050.32": [ + "$17,050.32" + ], + "19423.72": [ + "$19,423.72" + ], + "3214.56": [ + "$3,214.56" + ], + "20329.37": [ + "$20,329.37" + ], + "3977.44": [ + "$3,977.44" + ], + "5916.74": [ + "$5,916.74" + ], + "6698.87": [ + "$6,698.87" + ], + "10865.87": [ + "$10,865.87" + ], + "12350.63": [ + "$12,350.63" + ], + "387.64": [ + "$387.64" + ], + "20688.43": [ + "$20,688.43" + ], + "7577.62": [ + "$7,577.62" + ], + "22797.81": [ + "$22,797.81" + ], + "14477.33": [ + "$14,477.33" + ], + "788.29": [ + "$788.29" + ], + "16151.78": [ + "$16,151.78" + ], + "17385.57": [ + "$17,385.57" + ], + "8435.89": [ + "$8,435.89" + ], + "23945.30": [ + "$23,945.30" + ], + "12664.14": [ + "$12,664.14" + ], + "10375.78": [ + "$10,375.78" + ], + "11210.26": [ + "$11,210.26" + ], + "17071.60": [ + "$17,071.60" + ], + "2677.54": [ + "$2677.54" + ], + "8649.40": [ + "$8649.40" + ], + "23128.26": [ + "$23,128.26" + ], + "1256.13": [ + "$1,256.13" + ], + "7408.85": [ + "$7,408.85" + ], + "6806.71": [ + "$6,806.71" + ], + "22025.19": [ + "$22,025.19" + ], + "5249.69": [ + "$5,249.69" + ], + "4820.15": [ + "$4,820.15" + ], + "7757.69": [ + "$7,757.69" + ], + "19256.54": [ + "$19,256.54" + ], + "24908.15": [ + "$24,908.15" + ], + "1240.29": [ + "$1,240.29" + ], + "893.69": [ + "$893.69" + ], + "5062.26": [ + "$5,062.26" + ], + "513.27": [ + "$513.27" + ], + "13832.79": [ + "$13,832.79" + ], + "18999.30": [ + "$18,999.30" + ], + "16932.52": [ + "$16,932.52" + ], + "4986.30": [ + "$4,986.30" + ], + "22767.38": [ + "$22,767.38" + ], + "4903.43": [ + "$4,903.43" + ], + "8158.43": [ + "$8,158.43" + ], + "17008.70": [ + "$17,008.70" + ], + "23073.51": [ + "$23,073.51" + ], + "2548.25": [ + "$2,548.25" + ], + "3264.68": [ + "$3,264.68" + ], + "9286.28": [ + "$9,286.28" + ], + "9986.41": [ + "$9,986.41" + ], + "574.31": [ + "$574.31" + ], + "8511.29": [ + "$8,511.29" + ], + "12215.44": [ + "$12,215.44" + ], + "13082.46": [ + "$13,082.46" + ], + "1617.56": [ + "$1,617.56" + ], + "22660.40": [ + "$22,660.40" + ], + "22252.14": [ + "$22,252.14" + ], + "967.65": [ + "$967.65" + ], + "14437.72": [ + "$14,437.72" + ], + "7750.83": [ + "$7,750.83" + ], + "14685.31": [ + "$14,685.31" + ], + "6893.45": [ + "$6,893.45" + ], + "23949.80": [ + "$23,949.80" + ], + "21139.16": [ + "$21,139.16" + ], + "12893.20": [ + "$12,893.20" + ], + "6499.21": [ + "$6,499.21" + ], + "5905.29": [ + "$5,905.29" + ], + "7349.51": [ + "$7,349.51" + ], + "4617.88": [ + "$4,617.88" + ], + "23499.35": [ + "$23,499.35" + ], + "6939.76": [ + "$6,939.76" + ], + "542.58": [ + "$542.58" + ], + "16601.36": [ + "$16,601.36" + ], + "12923.63": [ + "$12,923.63" + ], + "4648.38": [ + "$4,648.38" + ], + "22665.29": [ + "$22,665.29" + ], + "24742.38": [ + "$24,742.38" + ], + "11980.60": [ + "$11,980.60" + ], + "10685.24": [ + "$10,685.24" + ], + "10121.45": [ + "$10,121.45" + ], + "8781.25": [ + "$8,781.25" + ], + "19186.38": [ + "$19,186.38" + ], + "21140.82": [ + "$21,140.82" + ], + "6476.58": [ + "$6,476.58" + ], + "24216.74": [ + "$24,216.74" + ], + "13367.55": [ + "$13,367.55" + ], + "9230.63": [ + "$9,230.63" + ], + "3655.57": [ + "$3,655.57" + ], + "1110.29": [ + "$1,110.29" + ], + "15185.62": [ + "$15,185.62" + ], + "1491.72": [ + "$1,491.72" + ], + "17400.56": [ + "$17,400.56" + ], + "5906.26": [ + "$5,906.26" + ], + "7106.13": [ + "$7,106.13" + ], + "3159.33": [ + "$3,159.33" + ], + "14726.47": [ + "$14,726.47" + ], + "5967.76": [ + "$5,967.76" + ], + "2851.27": [ + "$2851.27" + ], + "10889.38": [ + "$10,889.38" + ], + "16182.10": [ + "$16,182.10" + ], + "21878.72": [ + "$21,878.72" + ], + "24943.29": [ + "$24,943.29" + ], + "8034.34": [ + "$8034.34" + ], + "518.13": [ + "$518.13" + ], + "17384.90": [ + "$17,384.90" + ], + "3605.61": [ + "$3,605.61" + ], + "17742.17": [ + "$17,742.17" + ], + "16526.24": [ + "$16,526.24" + ], + "18373.16": [ + "$18,373.16" + ], + "20472.43": [ + "$20,472.43" + ], + "4321.68": [ + "$4,321.68" + ], + "23702.77": [ + "$23,702.77" + ], + "23813.75": [ + "$23,813.75" + ], + "15219.81": [ + "$15,219.81" + ], + "3527.78": [ + "$3,527.78" + ], + "2578.35": [ + "$2578.35" + ], + "7374.47": [ + "$7,374.47" + ], + "10874.63": [ + "$10,874.63" + ], + "18587.77": [ + "$18,587.77" + ], + "9665.23": [ + "$9,665.23" + ], + "22979.77": [ + "$22,979.77" + ], + "12460.88": [ + "$12,460.88" + ], + "11877.64": [ + "$11,877.64" + ], + "7226.25": [ + "$7,226.25" + ], + "14843.68": [ + "$14,843.68" + ], + "3786.53": [ + "$3,786.53" + ], + "7488.41": [ + "$7,488.41" + ], + "22003.65": [ + "$22,003.65" + ], + "22808.22": [ + "$22,808.22" + ], + "2443.48": [ + "$2,443.48" + ], + "4802.33": [ + "$4,802.33" + ], + "19206.38": [ + "$19,206.38" + ], + "11148.64": [ + "$11,148.64" + ], + "3974.52": [ + "$3,974.52" + ], + "2421.46": [ + "$2,421.46" + ], + "1297.14": [ + "$1,297.14" + ], + "20400.65": [ + "$20,400.65" + ], + "7686.30": [ + "$7,686.30" + ], + "23788.85": [ + "$23,788.85" + ], + "678.52": [ + "$678.52" + ], + "4050.31": [ + "$4,050.31" + ], + "18164.59": [ + "$18,164.59" + ], + "1261.87": [ + "$1,261.87" + ], + "9812.47": [ + "$9,812.47" + ], + "16144.15": [ + "$16,144.15" + ], + "15990.80": [ + "$15,990.80" + ], + "15485.18": [ + "$15,485.18" + ], + "24183.63": [ + "$24,183.63" + ], + "6448.62": [ + "$6,448.62" + ], + "9741.53": [ + "$9,741.53" + ], + "2638.42": [ + "$2,638.42" + ], + "15150.75": [ + "$15,150.75" + ], + "22053.70": [ + "$22,053.70" + ], + "7230.80": [ + "$7,230.80" + ], + "14698.22": [ + "$14,698.22" + ], + "15299.18": [ + "$15,299.18" + ], + "11698.78": [ + "$11,698.78" + ], + "14300.29": [ + "$14,300.29" + ], + "18220.21": [ + "$18,220.21" + ], + "1307.77": [ + "$1,307.77" + ], + "10991.31": [ + "$10,991.31" + ], + "17683.25": [ + "$17,683.25" + ], + "22841.34": [ + "$22,841.34" + ], + "23970.65": [ + "$23,970.65" + ], + "5458.72": [ + "$5,458.72" + ], + "12963.88": [ + "$12,963.88" + ], + "19050.50": [ + "$19,050.50" + ], + "3896.21": [ + "$3,896.21" + ], + "1724.13": [ + "$1,724.13" + ], + "18442.57": [ + "$18,442.57" + ], + "2627.49": [ + "$2,627.49" + ], + "Noodle": [ + "Noodle", + "noodle" + ], + "Kirin Restaurant": [ + "kirin restaurant", + "Kirin", + "Kirin Restaurant" + ], + "1767 Solano Avenue": [ + "1767 Solano Avenue" + ], + "510-524-1677": [ + "510-524-1677" + ], + "Corridor": [ + "Corridor" + ], + "Gather": [ + "Gather" + ], + "252 Divisadero Street": [ + "252 Divisadero Street" + ], + "Miminashi": [ + "Miminashi" + ], + "821 Coombs Street": [ + "821 Coombs Street" + ], + "707-254-9464": [ + "707-254-9464" + ], + "3900 Bel Aire Plaza D": [ + "3900 Bel Aire Plaza D" + ], + "707-224-6600": [ + "707-224-6600" + ], + "4851 Redwood Drive": [ + "4851 Redwood Drive" + ], + "415-282-4969": [ + "415-282-4969" + ], + "Troy Greek Cuisine": [ + "Troy Greek Cuisine" + ], + "1843 Solano Avenue": [ + "1843 Solano Avenue" + ], + "510-559-8769": [ + "510-559-8769" + ], + "King Yen Restaurant": [ + "king Yen Restaurant", + "King Yen Restaurant", + "King yen Restaurant" + ], + "510-845-1286": [ + "510-845-1286" + ], + "648 Bush Street": [ + "648 Bush Street" + ], + "Brasserie Restaurant & Lounge": [ + "Brasserie Restaurant & Lounge" + ], + "170 Railroad Street": [ + "170 Railroad Street" + ], + "448 Brannan Street": [ + "448 Brannan Street" + ], + "Burmese Kitchen": [ + "Burmese Kitchen" + ], + "2953 Baker Street": [ + "2953 Baker Street" + ], + "1433 Taraval": [ + "1433 Taraval" + ], + "415-656-1889": [ + "415-656-1889" + ], + "415-957-5463": [ + "415-957-5463" + ], + "Holy Basil Pho": [ + "Holy basil Pho", + "Holy Basil Pho", + "holy basil pho" + ], + "5356 College Avenue": [ + "5356 College Avenue" + ], + "510-768-8003": [ + "510-768-8003" + ], + "Peony Seafood Restaurant": [ + "Peony Seafood Restaurant" + ], + "388 9th Street #288": [ + "388 9th Street #288" + ], + "8 Fishermans Wharf": [ + "8 Fishermans Wharf" + ], + "1085 Mission Street": [ + "1085 Mission Street" + ], + "510-338-3464": [ + "510-338-3464" + ], + "Platano": [ + "Platano" + ], + "Courtyard By Marriott Portland City Center": [ + "Courtyard By Marriott Portland City Center" + ], + "512": [ + "$512" + ], + "3-2111 1111": [ + "3-2111 1111" + ], + "13.49": [ + "$13.49" + ], + "21.27": [ + "$21.27" + ], + "42.30": [ + "$42.30" + ], + "Cent Quatre": [ + "cent quatre", + "Cent Quatre" + ], + "20.27": [ + "$20.27" + ], + "19.55": [ + "$19.55" + ], + "28.97": [ + "$28.97" + ], + "19.97": [ + "$19.97" + ], + "60.43": [ + "$60.43" + ], + "Centreville Amusement Park": [ + "Centreville Amusement Park" + ], + "31.12": [ + "$31.12" + ], + "29.34": [ + "$29.34" + ], + "St. Lawrence Market": [ + "St. Lawrence Market" + ], + "25.02": [ + "$25.02" + ], + "22.01": [ + "$22.01" + ], + "29.16": [ + "$29.16" + ], + "17.30": [ + "$17.30" + ], + "25.92": [ + "$25.92" + ], + "25.96": [ + "$25.96" + ], + "57.20": [ + "$57.20" + ], + "19.12": [ + "$19.12" + ], + "46.65": [ + "$46.65" + ], + "19.00": [ + "$19.00" + ], + "33.30": [ + "$33.30" + ], + "34.95": [ + "$34.95" + ], + "6.14": [ + "$6.14" + ], + "12.57": [ + "$12.57" + ], + "Chicago Children's Museum": [ + "Chicago Children's Museum" + ], + "Chicago Riverwalk": [ + "Chicago Riverwalk" + ], + "10.72": [ + "$10.72" + ], + "Lincoln Park Zoo": [ + "Lincoln Park Zoo" + ], + "55.63": [ + "$55.63" + ], + "10.54": [ + "$10.54" + ], + "19.75": [ + "$19.75" + ], + "33.96": [ + "$33.96" + ], + "19.67": [ + "$19.67" + ], + "13.72": [ + "$13.72" + ], + "19.83": [ + "$19.83" + ], + "33.98": [ + "$33.98" + ], + "Catacombs of Paris": [ + "Catacombs of Paris" + ], + "27.78": [ + "$27.78" + ], + "46.51": [ + "$46.51" + ], + "39.36": [ + "$39.36" + ], + "Desert Botanical Garden": [ + "Desert Botanical Garden" + ], + "480-941-1225": [ + "480-941-1225" + ], + "17.24": [ + "$17.24" + ], + "25.06": [ + "$25.06" + ], + "Camden Market": [ + "Camden Market" + ], + "20 7485 5511": [ + "20 7485 5511" + ], + "Old Spitalfields Market": [ + "Old Spitalfields Market" + ], + "11.37": [ + "$11.37" + ], + "13.65": [ + "$13.65" + ], + "Reading Terminal Market": [ + "Reading Terminal Market", + "reading terminal market" + ], + "8.85": [ + "$8.85" + ], + "13.66": [ + "$13.66" + ], + "13.60": [ + "$13.60" + ], + "9.67": [ + "$9.67" + ], + "14.21": [ + "$14.21" + ], + "6.81": [ + "$6.81" + ], + "17.51": [ + "$17.51" + ], + "11.05": [ + "$11.05" + ], + "8.89": [ + "$8.89" + ], + "21.39": [ + "$21.39" + ], + "Ford's Theatre": [ + "Ford's Theatre" + ], + "21.30": [ + "$21.30" + ], + "Brixton Market": [ + "Brixton Market" + ], + "11.06": [ + "$11.06" + ], + "17.49": [ + "$17.49" + ], + "14.86": [ + "$14.86" + ], + "7.53": [ + "$7.53" + ], + "9.60": [ + "$9.60" + ], + "16.26": [ + "$16.26" + ], + "11.43": [ + "$11.43" + ], + "9.90": [ + "$9.90" + ], + "11.19": [ + "$11.19" + ], + "S. R. Crown Hall": [ + "S. R. Crown Hall", + "s. r. crown hall" + ], + "The Picasso": [ + "the picasso" + ], + "21.10": [ + "$21.10" + ], + "16.55": [ + "$16.55" + ], + "11.59": [ + "$11.59" + ], + "PNE/Playland": [ + "PNE/Playland" + ], + "604-253-2311": [ + "604-253-2311" + ], + "All Souls Langham Place": [ + "All Souls Langham Place" + ], + "20 7580 3522": [ + "20 7580 3522" + ], + "BAPS Shri Swaminarayan Mandir London": [ + "BAPS Shri Swaminarayan Mandir London" + ], + "12.14": [ + "$12.14" + ], + "1624": [ + "$1624" + ], + "1824": [ + "$1,824" + ], + "644": [ + "$644" + ], + "1736": [ + "$1,736" + ], + "899 O Street Northwest, Washington, District of Columbia 20001, United States": [ + "899 O Street Northwest, Washington, District of Columbia 20001, United States", + "899 O street northwest, washington, district of columbia 20001, United States" + ], + "1113 6th Avenue": [ + "1113 6th Avenue" + ], + "+1 206-464-1980": [ + "+1 206-464-1980" + ], + "Vegetarian House": [ + "Vegetarian House", + "vegetarian house" + ], + "25 Throckmorton Avenue": [ + "25 Throckmorton Avenue" + ], + "415-384-8871": [ + "415-384-8871" + ], + "Sidebar": [ + "sidebar", + "Sidebar" + ], + "Le Tasty Chinese Restaurant": [ + "Le Tasty", + "Le tasty Chinese Restaurant" + ], + "Prima Restaurant": [ + "Prima", + "Prima Restaurant" + ], + "Fairfax Theater": [ + "Fairfax Theater" + ], + "35 Broadway": [ + "35 Broadway", + "35 broadway" + ], + "Bowl'd Bbq": [ + "Bowl'd Bbq", + "Bowl'd" + ], + "4869 Telegraph Avenue": [ + "4869 Telegraph Avenue" + ], + "Senro Sushi": [ + "Senro Sushi", + "Senro" + ], + "El Morocco": [ + "El Morocco" + ], + "2001 Harbison Drive": [ + "2001 Harbison Drive" + ], + "Golden House Restaurant": [ + "Golden House", + "Golden House Restaurant" + ], + "Marie Callender's": [ + "Marie Callender's" + ], + "Thai Chili Cuisine": [ + "Thai Chili", + "Thai Chili Cuisine" + ], + "408-615-9199": [ + "408-615-9199" + ], + "Trattoria Contadina": [ + "Trattoria Contadina" + ], + "Alfred's Steakhouse": [ + "Alfred's Steakhouse", + "Alfred's" + ], + "Ozumo": [ + "Ozumo" + ], + "Sushi Hana": [ + "Sushi Hana" + ], + "Nabe": [ + "Nabe" + ], + "1325 9th Avenue": [ + "1325 9th Avenue" + ], + "707-521-9239": [ + "707-521-9239" + ], + "Sinaloa Cafe.": [ + "Sinaloa Cafe.", + "sinaloa Cafe" + ], + "El Tule": [ + "El Tule" + ], + "Trader Vic's Emeryville": [ + "Trader Vic's Emeryville", + "Trader Vic's" + ], + "Green Papaya": [ + "Green papaya", + "Green Papaya" + ], + "Pho": [ + "Pho" + ], + "Kathmandu Bombay Clay Pit": [ + "Kathmandu Bombay Clay Pit" + ], + "Birk's": [ + "Birk's" + ], + "The Yellow Chilli By Chef Sanjeev Kapoor": [ + "Yellow Chilli", + "The Yellow Chilli By Chef Sanjeev Kapoor" + ], + "3555 Monroe Street Suite 80": [ + "3555 Monroe Street Suite 80" + ], + "May Flower Restaurant": [ + "May Flower", + "May Flower Restaurant" + ], + "Tony & Alba's Pizza And Pasta": [ + "Tony & Alba's Pizza and Pasta", + "Tony & Alba's" + ], + "1021 Arnold Drive": [ + "1021 arnold drive" + ], + "Nopa": [ + "Nopa" + ], + "560 Divisadero Street": [ + "560 Divisadero Street" + ], + "Uncle Yu's At The Vineyard": [ + "Uncle Yu's at the Vineyard", + "Uncle Yu's At The Vineyard", + "Uncle Yu's" + ], + "925-449-7010": [ + "925-449-7010" + ], + "Mr Mom's Cafe": [ + "Mr Mom's", + "Mr Mom's Cafe" + ], + "Tai Yuan Seafood Restaurant": [ + "Tai Yuan", + "Tai Yuan Seafood Restaurant" + ], + "650-878-8833": [ + "650-878-8833" + ], + "La Penca Azul": [ + "La Penca Azul" + ], + "510-769-9110": [ + "510-769-9110" + ], + "Montesacro Pinseria Sf": [ + "Montesacro Pinseria", + "Montesacro Pinseria Sf" + ], + "510 Stevenson Street": [ + "510 Stevenson Street" + ], + "Dragon Gate": [ + "Dragon Gate" + ], + "Rialto Cinemas Cerrito": [ + "Rialto Cinemas Cerrito" + ], + "11821 San Pablo Avenue": [ + "11821 San Pablo Avenue" + ], + "510-232-2121": [ + "510-232-2121" + ], + "4261 El Camino Real": [ + "4261 El Camino Real" + ], + "Sushi Tozai": [ + "Sushi Tozai" + ], + "Enoteca La Storia Downtown": [ + "Enoteca la Storia", + "Enoteca La Storia Downtown" + ], + "408-618-5455": [ + "408-618-5455" + ], + "415-485-0469": [ + "415-485-0469" + ], + "Daily Grill": [ + "Daily Grill", + "daily grill" + ], + "707-585-7505": [ + "707-585-7505" + ], + "Le Petit Bistro": [ + "le petit bistro", + "Le Petit", + "Le Petit Bistro", + "le petit" + ], + "Lily Kai Chinese Cuisine": [ + "Lily Kai", + "Lily Kai Chinese Cuisine" + ], + "Maggiano's Little Italy": [ + "Maggiano's Little Italy" + ], + "Union Hotel Restaurants": [ + "Union Hotel Restaurants", + "Union" + ], + "Emil Villa's Hickory Pit - San Leandro": [ + "emil villa's hickory pit - san leandro", + "emil villa's hickory pit" + ], + "Crocodile | French Cuisine": [ + "Crocodile | French Cuisine", + "Crocodile" + ], + "Taqueria Mi Durango": [ + "Taqueria Mi Durango" + ], + "Veggie Lee": [ + "Veggie Lee" + ], + "25036 Hesperian Boulevard": [ + "25036 Hesperian Boulevard" + ], + "510-785-7133": [ + "510-785-7133" + ], + "Roppongi Sushi": [ + "Roppongi sushi", + "Roppongi Sushi", + "Roppongi" + ], + "Hopscotch": [ + "hopscotch" + ], + "Eiko's Sushi": [ + "eiko's", + "eiko's sushi", + "Eiko's Sushi" + ], + "My Ivy": [ + "My Ivy" + ], + "1901 Divisadero Street": [ + "1901 Divisadero Street" + ], + "Fujiyama-ya": [ + "Fujiyama-ya" + ], + "1234 Noriega Street": [ + "1234 Noriega Street" + ], + "Taqueria Y Carniceria Apatzingan 2": [ + "Taqueria Y Carniceria Apatzingan 2" + ], + "2644 Broadway": [ + "2644 Broadway" + ], + "Ristorante La Toscana": [ + "ristorante la toscana" + ], + "Napoli Pizza-taste Of The Himalayas": [ + "napoli pizza", + "Napoli Pizza-taste of the Himalayas", + "Napoli Pizza-taste of The Himalayas", + "napoli pizza-taste of the himalayas", + "Napoli Pizza-taste of the himalayas" + ], + "Spalti Ristorante": [ + "Spalti", + "Spalti Ristorante" + ], + "3085 Jefferson Street": [ + "3085 jefferson street" + ], + "Osha Thai Restaurant And Lounge": [ + "osha", + "Osha thai Restaurant and Lounge" + ], + "Umi Sushi": [ + "Umi Sushi" + ], + "501 Davis Street": [ + "501 Davis Street" + ], + "Wine Cellar Restaurant": [ + "Wine Cellar", + "Wine Cellar Restaurant" + ], + "Layang Layang Malaysian Cuisine": [ + "Layang Layang", + "Layang Layang Malaysian Cuisine" + ], + "408-263-6788": [ + "408-263-6788" + ], + "Hatcho Japanese Cuisine": [ + "Hatcho", + "Hatcho Japanese Cuisine", + "Hatcho japanese Cuisine" + ], + "408-248-8500": [ + "408-248-8500" + ], + "Golden Garlic": [ + "Golden Garlic" + ], + "Noir Lounge": [ + "Noir", + "Noir Lounge" + ], + "581 Hayes Street": [ + "581 Hayes Street" + ], + "Sakana Sushi Bar & Grill": [ + "Sakana Sushi bar & Grill", + "Sakana Sushi", + "Sakana Sushi Bar & Grill" + ], + "Drying Shed": [ + "Drying Shed" + ], + "707-224-6664": [ + "707-224-6664" + ], + "2850 Augustine Drive": [ + "2850 Augustine Drive" + ], + "Troya Restaurant": [ + "Troya Restaurant", + "Troya" + ], + "Krua Thai": [ + "Krua", + "Krua Thai" + ], + "3214 16th Street": [ + "3214 16th Street" + ], + "Frida's Mexican Grill": [ + "Frida's Mexican Grill", + "Frida's" + ], + "1533 Trancas Street": [ + "1533 Trancas Street" + ], + "Xiao Loong Restaurant": [ + "Xiao Loong", + "Xiao Loong Restaurant" + ], + "Vin Antico": [ + "Vin Antico" + ], + "881 4th Street": [ + "881 4th Street" + ], + "Sala Thai Restaurant": [ + "Sala", + "Sala Thai Restaurant" + ], + "510-792-0770": [ + "510-792-0770" + ], + "8 Dragons Restaurant": [ + "8 Dragons Restaurant", + "8 Dragons" + ], + "Favela's Fusion": [ + "Favela's", + "Favela's Fusion" + ], + "Tachi Sushi Bar": [ + "Tachi Sushi Bar", + "Tachi" + ], + "5458 Ygnacio Valley Road": [ + "5458 Ygnacio Valley Road" + ], + "Tuba Authentic Turkish Restaurant": [ + "Tuba", + "Tuba Authentic Turkish Restaurant" + ], + "Sparrow Bar And Kitchen": [ + "Sparrow Bar" + ], + "Trancas Steakhouse": [ + "Trancas", + "Trancas Steakhouse" + ], + "195 Gasser Drive": [ + "195 Gasser Drive" + ], + "Truya Sushi": [ + "truya sushi", + "Truya" + ], + "408-223-2497": [ + "408-223-2497" + ], + "408-719-9811": [ + "408-719-9811" + ], + "182 Ranch Drive": [ + "182 Ranch Drive" + ], + "408-294-2244": [ + "408-294-2244" + ], + "Lapats Thai Noodles Bar": [ + "Lapats Noodles", + "Lapats Thai Noodles Bar" + ], + "455 Magnolia Avenue": [ + "455 magnolia avenue" + ], + "Regent Thai": [ + "Regent", + "Regent Thai" + ], + "408-272-1335": [ + "408-272-1335" + ], + "Sushi Rapture": [ + "Sushi Rapture" + ], + "Oliveto": [ + "Oliveto" + ], + "Filippi's Pizza Grotto": [ + "Filippi's Pizza Grotto", + "Filippi's Pizza" + ], + "Rue Lepic French Restaurant": [ + "Rue Lepic French Restaurant", + "Rue Lepic" + ], + "Nico's 1508": [ + "Nico's 1508" + ], + "Sushi Zono": [ + "Sushi Zono" + ], + "Seven Restaurant & Lounge": [ + "Seven Restaurant", + "Seven Restaurant & Lounge" + ], + "Myriad Gastropub": [ + "Myriad", + "Myriad Gastropub" + ], + "Clay Oven Indian Restaurant": [ + "Clay Oven Indian Restaurant", + "Clay Oven" + ], + "415-771-7709": [ + "415-771-7709" + ], + "Lotus Chaat And Spices": [ + "Lotus Chaat", + "Lotus Chaat And Spices" + ], + "Lotus Garden Vietnamese Cuisine": [ + "Lotus Garden", + "Lotus Garden Vietnamese Cuisine" + ], + "La Folie": [ + "La Folie" + ], + "2316 Polk Street": [ + "2316 Polk Street" + ], + "Wildfox Restaurant": [ + "Wildfox Restaurant", + "Wildfox" + ], + "Lisa's": [ + "Lisa's" + ], + "Suraj Indian Cuisine": [ + "Suraj", + "Suraj Indian Cuisine" + ], + "601 Larkin Street": [ + "601 Larkin Street" + ], + "La Fritanguera": [ + "La Fritanguera" + ], + "Bronze Buddha": [ + "bronze buddha", + "Bronze Buddha" + ], + "925-524-0768": [ + "925-524-0768" + ], + "Chouquet's": [ + "Chouquet's" + ], + "Rose Pistola": [ + "Rose Pistola" + ], + "The Pullman Kitchen": [ + "the Pullman Kitchen", + "The Pullman Kitchen", + "The Pullman" + ], + "Maths Tough": [ + "Maths Tough" + ], + "Srinisha": [ + "Srinisha" + ], + "Amma Kanakku": [ + "Amma Kanakku" + ], + "Whiskey Glasses": [ + "Whiskey Glasses" + ], + "Suna Bhaiya Ke Sali": [ + "Suna Bhaiya Ke Sali" + ], + "Awadesh Premi Yadav": [ + "Awadesh Premi Yadav" + ], + "Fagun Ke Rang": [ + "Fagun Ke Rang" + ], + "Blastoff Blues": [ + "Blastoff Blues" + ], + "Ricky T And The Rockets": [ + "Ricky T and The Rockets" + ], + "Memory Pain": [ + "Memory Pain", + "Memory pain" + ], + "Rich": [ + "Rich" + ], + "Maren Morris": [ + "Maren Morris" + ], + "Hero": [ + "Hero" + ], + "Wonders": [ + "Wonders" + ], + "Let It Go": [ + "Let It Go" + ], + "Party Rock Mansion": [ + "Party Rock Mansion" + ], + "Redfoo": [ + "Redfoo" + ], + "New Thang": [ + "New THang", + "New Thang" + ], + "Slow Air": [ + "Slow Air" + ], + "Black Lagoon": [ + "Black Lagoon" + ], + "The Trip": [ + "The Trip" + ], + "Strange Pleasures": [ + "Strange pleasures", + "Strange Pleasures" + ], + "Winged Hussars": [ + "Winged Hussars", + "winged hussars" + ], + "Hate Me": [ + "Hate me", + "Hate Me", + "hate me" + ], + "Eurielle": [ + "Eurielle" + ], + "Arcadia": [ + "Arcadia" + ], + "Ultraviolence": [ + "Ultraviolence" + ], + "Lana Del Rey": [ + "Lana Del Rey" + ], + "Pretty When You Cry": [ + "Pretty When You Cry" + ], + "Indie": [ + "Indie", + "indie" + ], + "True Believers": [ + "True Believers" + ], + "Malou Kyriakopoulou": [ + "Malou Kyriakopoulou" + ], + "Ores Aixmis": [ + "Ores Aixmis" + ], + "Work": [ + "Work" + ], + "Hope": [ + "Hope", + "hope" + ], + "Mindy Gledhill": [ + "Mindy Gledhill" + ], + "I Do Adore": [ + "I Do Adore", + "I do adore" + ], + "Anchor": [ + "Anchor" + ], + "Lucky Strike": [ + "Lucky Strike" + ], + "Troye Sivan": [ + "Troye Sivan" + ], + "Bloom": [ + "Bloom" + ], + "Diesel Gang": [ + "diesel gang", + "Diesel Gang" + ], + "Katie Noel": [ + "Katie Noel", + "katie noel" + ], + "Just Gonna Send It": [ + "just gonna send it", + "Just Gonna Send It" + ], + "Lanco": [ + "Lanco" + ], + "Greatest Love Story": [ + "Greatest Love Story" + ], + "Hallelujah Nights": [ + "Hallelujah NIghts", + "Hallelujah Nights" + ], + "Kontrol": [ + "Kontrol" + ], + "Maleek Berry": [ + "Maleek Berry" + ], + "Last Daze Of Summer": [ + "Last Daze Of Summer" + ], + "Pasquale's Pizzeria": [ + "Pasquale's", + "Pasquale's Pizzeria" + ], + "Picnic On Third": [ + "Picnic on Third" + ], + "Hardwood Bar & Smokery": [ + "Hardwood Bar & Smokery" + ], + "The Depot Hotel Restaurant Sonoma": [ + "The Depot Hotel Restaurant Sonoma", + "The Depot" + ], + "Kincaid's Fish, Chop & Steak House": [ + "Kincaid's Fish, Chop & Steak House", + "Kincaid's" + ], + "510-835-8600": [ + "510-835-8600" + ], + "May Lee Chinese Restaurant": [ + "May Lee Chinese Restaurant", + "May Lee" + ], + "941 Carleton Street": [ + "941 Carleton Street" + ], + "Tribu Grill": [ + "Tribu", + "Tribu Grill" + ], + "510-675-0101": [ + "510-675-0101" + ], + "Yank Sing": [ + "Yank Sing" + ], + "415-541-4949": [ + "415-541-4949" + ], + "Georges": [ + "Georges" + ], + "Masa's Sushi": [ + "Masa's", + "Masa's Sushi" + ], + "Jang Su Jang": [ + "Jang Su Jang" + ], + "408-262-3434": [ + "408-262-3434" + ], + "Scoma's Of Sausalito": [ + "Scoma's", + "Scoma's of Sausalito" + ], + "Maya Palenque Restaurant": [ + "Maya Palenque", + "Maya Palenque Restaurant" + ], + "Paragon": [ + "Paragon" + ], + "Fiery Hot Pot Buffet": [ + "Fiery Hot Pot Buffet", + "Fiery Hot Pot" + ], + "415-682-4578": [ + "415-682-4578" + ], + "5152 Moorpark Avenue #30": [ + "5152 Moorpark Avenue #30" + ], + "The Sausage Factory": [ + "The Sausage Factory", + "The sausage Factory" + ], + "510-654-2000": [ + "510-654-2000" + ], + "Riva Cucina": [ + "Riva Cucina" + ], + "Bistro Boudin": [ + "Bistro Boudin" + ], + "160 Jefferson Street": [ + "160 Jefferson Street" + ], + "Taste Of India": [ + "Taste of India", + "Taste Of India" + ], + "510-791-1316": [ + "510-791-1316" + ], + "The Cantina": [ + "The Cantina", + "the Cantina" + ], + "Poorboy's Cajun Kitchen": [ + "Poorboy's Cajun Kitchen", + "Poorboy's" + ], + "2605 Homestead Road": [ + "2605 Homestead Road" + ], + "Sakura Sushi Bar & Grill": [ + "Sakura", + "Sakura Sushi Bar & Grill" + ], + "510-749-9988": [ + "510-749-9988" + ], + "Sideshow Kitchen": [ + "Sideshow", + "Sideshow Kitchen" + ], + "650-592-6833": [ + "650-592-6833" + ], + "Urban Curry": [ + "Urban Curry" + ], + "408-735-7448": [ + "408-735-7448" + ], + "City View Restaurant": [ + "City View", + "City View Restaurant" + ], + "Namu Gaji": [ + "Namu Gaji" + ], + "715 El Camino Real": [ + "715 El Camino Real" + ], + "Bashamichi Steak And Seafood": [ + "Bashamichi Steak And Seafood", + "Bashamichi" + ], + "Broadway Masala": [ + "Broadway Masala" + ], + "Mandaloun": [ + "Mandaloun" + ], + "Danville Harvest": [ + "Danville Harvest" + ], + "500 Hartz Avenue": [ + "500 Hartz Avenue" + ], + "Teske's Germania": [ + "Teske's", + "Teske's Germania" + ], + "Soong Soong": [ + "Soong Soong" + ], + "La Fogata Mexican Bar & Grill": [ + "La Fogata", + "La Fogata Mexican Bar & grill", + "La Fogata Mexican Bar & Grill" + ], + "Shu's": [ + "Shu's" + ], + "Juban Yakiniku House": [ + "Juban Yakiniku House", + "Juban" + ], + "Papa Ray's Pizza": [ + "Papa Ray's Pizza", + "Papa Ray's" + ], + "415-468-5300": [ + "415-468-5300" + ], + "Zakuro Japanese Bistro And Sushi Bar": [ + "Zakuro Japanese Bistro and Sushi Bar", + "Zakuro" + ], + "6700 Santa Rita Road Suite A": [ + "6700 Santa Rita Road Suite A" + ], + "925-469-9060": [ + "925-469-9060" + ], + "Piatti": [ + "Piatti" + ], + "Aliment": [ + "Aliment" + ], + "786 Bush Street": [ + "786 Bush street" + ], + "La Mar Cebicheria Peruana": [ + "La mar", + "La Mar Cebicheria Peruana" + ], + "Sumo Japanese Restaurant": [ + "Sumo", + "Sumo Japanese Restaurant" + ], + "2009 977": [ + "2009 977" + ], + "Comal": [ + "comal", + "Comal" + ], + "Clay Oven": [ + "Clay Oven" + ], + "Pokeworks": [ + "Pokeworks" + ], + "Tamarine Restaurant & Gallery": [ + "Tamarine Restaurant & Gallery", + "Tamarine" + ], + "Tara Indian Cuisine": [ + "Tara", + "Tara Indian Cuisine" + ], + "The Pastaria & Market": [ + "The Pastaria & Market" + ], + "Shido Sushi Bar & Grill": [ + "Shido Sushi Bar & Grill", + "Shido" + ], + "Brickhouse Cafe: Restaurant & Bar": [ + "Brickhouse Cafe", + "Brickhouse Cafe: Restaurant & Bar" + ], + "Tasso's Old House Restaurant": [ + "Tasso's Old House Restaurant", + "Tasso's" + ], + "There Sushi Bar & Restaurant": [ + "There Sushi", + "There Sushi Bar & Restaurant" + ], + "Pasta Moon": [ + "Pasta Moon", + "Pasta moon" + ], + "315 Main Street C": [ + "315 main street c" + ], + "Gen Korean Bbq House": [ + "Gen Korean BBQ", + "Gen Korean BBQ House", + "Gen Korean Bbq House" + ], + "190 Barber Lane": [ + "190 Barber Lane" + ], + "Won Kee Bbq Restaurant": [ + "Won Kee BBQ Restaurant", + "Won Kee" + ], + "898 South Bascom Avenue": [ + "898 South Bascom Avenue" + ], + "408-654-9000": [ + "408-654-9000" + ], + "Dim Sum Club": [ + "Dim Sum Club" + ], + "415-567-1751": [ + "415-567-1751" + ], + "Siam Palace Thai Cuisine": [ + "Siam Palace Thai Cuisine", + "Siam Palace" + ], + "Zio Fraedo's": [ + "Zio Fraedo's" + ], + "Castagna": [ + "Castagna" + ], + "Uncle Buck's Fish Bowl And Grill": [ + "Uncle Buck's Fish Bowl and Grill", + "Uncle Buck's" + ], + "Amarin Thai Cuisine": [ + "Amarin Thai Cuisine", + "Amarin" + ], + "Barranco Cocina Peruana": [ + "Barranco Cocina", + "Barranco Cocina Peruana" + ], + "1680 Willow Pass Road": [ + "1680 Willow Pass Road" + ], + "Top Of The Mark": [ + "Top Of The Mark", + "Top of The Mark", + "Top of the Mark", + "Top Of the Mark" + ], + "New Krungthai": [ + "New Krungthai" + ], + "415-392-3434": [ + "415-392-3434" + ], + "17.35": [ + "$17.35" + ], + "16.00": [ + "$16.00" + ], + "14.89": [ + "$14.89" + ], + "19.14": [ + "$19.14" + ], + "27.44": [ + "$27.44" + ], + "Dr. Sethi And Dr. Virdi": [ + "Dr. Sethi And Dr. Virdi" + ], + "408-263-1255": [ + "408-263-1255" + ], + "452 East Calaveras Boulevard": [ + "452 East Calaveras Boulevard" + ], + "13.51": [ + "$13.51" + ], + "10.82": [ + "$10.82" + ], + "23.50": [ + "$23.50" + ], + "14.14": [ + "$14.14" + ], + "18.84": [ + "$18.84" + ], + "12.49": [ + "$12.49" + ], + "14.44": [ + "$14.44" + ], + "Carhuamaca Lat Arturo": [ + "Carhuamaca Lat Arturo", + "Carhuamaca lat Arturo" + ], + "17705 Hale Ave # E3": [ + "17705 Hale Ave # E3" + ], + "25.74": [ + "$25.74" + ], + "1 Kearny Street": [ + "1 Kearny Street" + ], + "26.62": [ + "$26.62" + ], + "877 West Fremont Avenue C 2": [ + "877 West Fremont Avenue C 2" + ], + "408-737-2988": [ + "408-737-2988" + ], + "17.90": [ + "$17.90" + ], + "851 Cherry Avenue # 36": [ + "851 Cherry Avenue # 36" + ], + "8.50": [ + "$8.50" + ], + "Koppe Michael J": [ + "Koppe Michael J" + ], + "10.67": [ + "$10.67" + ], + "10.04": [ + "$10.04" + ], + "12.04": [ + "$12.04" + ], + "20.34": [ + "$20.34" + ], + "Santa Clara Sports Barber Shop": [ + "Santa Clara Sports Barber Shop" + ], + "24891 Santa Clara Street": [ + "24891 Santa Clara Street" + ], + "27.73": [ + "$27.73" + ], + "21.01": [ + "$21.01" + ], + "Beauology": [ + "Beauology" + ], + "510-794-4526": [ + "510-794-4526" + ], + "5371 Mowry Avenue": [ + "5371 Mowry Avenue" + ], + "33.57": [ + "$33.57" + ], + "18.47": [ + "$18.47" + ], + "1483 Solano Avenue": [ + "1483 Solano Avenue" + ], + "22.43": [ + "$22.43" + ], + "510-843-4919": [ + "510-843-4919" + ], + "2492 Channing Way": [ + "2492 Channing Way" + ], + "32.42": [ + "$32.42" + ], + "New Fashion Hair": [ + "New Fashion Hair", + "new fashion hair" + ], + "Parlour 17": [ + "Parlour 17" + ], + "408-569-9654": [ + "408-569-9654" + ], + "9.39": [ + "$9.39" + ], + "42.98": [ + "$42.98" + ], + "Sino": [ + "Sino" + ], + "Farmhouse Kitchen Thai Cuisine": [ + "Farmhouse Kitchen Thai Cuisine" + ], + "14.32": [ + "$14.32" + ], + "42.88": [ + "$42.88" + ], + "415-883-7053": [ + "415-883-7053" + ], + "17.33": [ + "$17.33" + ], + "17.08": [ + "$17.08" + ], + "50.80": [ + "$50.80" + ], + "22.34": [ + "$22.34" + ], + "707-843-3921": [ + "707-843-3921" + ], + "2260 Palm Avenue": [ + "2260 Palm Avenue" + ], + "19.70": [ + "$19.70" + ], + "11.96": [ + "$11.96" + ], + "14.49": [ + "$14.49" + ], + "1737 Santa Rita Road #200": [ + "1737 Santa Rita Road #200" + ], + "925-461-1438": [ + "925-461-1438" + ], + "22.10": [ + "$22.10" + ], + "20.90": [ + "$20.90" + ], + "Happy Cuts": [ + "Happy Cuts" + ], + "18478 Prospect Road": [ + "18478 Prospect road", + "18478 Prospect Road" + ], + "7.79": [ + "$7.79" + ], + "32.99": [ + "$32.99" + ], + "15.46": [ + "$15.46" + ], + "10.61": [ + "$10.61" + ], + "17.48": [ + "$17.48" + ], + "18.16": [ + "$18.16" + ], + "22.41": [ + "$22.41" + ], + "22.71": [ + "$22.71" + ], + "9.31": [ + "$9.31" + ], + "44.04": [ + "$44.04" + ], + "Sycamore Square Housing Corporation": [ + "Sycamore Square Housing Corporation" + ], + "2074 Forest Avenue # 1": [ + "2074 Forest Avenue # 1" + ], + "3100 San Pablo Avenue Suite 310": [ + "3100 San Pablo Avenue Suite 310" + ], + "Dr. Ebrahim Ahmadi, MD": [ + "Dr. Ebrahim Ahmadi, MD" + ], + "510-791-2002": [ + "510-791-2002" + ], + "632 Mowry Avenue": [ + "632 Mowry Avenue" + ], + "Country Club Villa Apartments": [ + "Country Club Villa Apartments" + ], + "21.02": [ + "$21.02" + ], + "Balfour Dermatology Robert E. Beer, MD": [ + "Balfour Dermatology Robert E. Beer, MD" + ], + "6155 Stoneridge Drive #150": [ + "6155 Stoneridge Drive #150" + ], + "22.58": [ + "$22.58" + ], + "707-428-0778": [ + "707-428-0778" + ], + "1525 Webster Street # C": [ + "1525 Webster Street # C" + ], + "15.12": [ + "$15.12" + ], + "7.07": [ + "$7.07" + ], + "Dr. Louise E. Nurre, D.O.": [ + "Dr. Louise E. Nurre, D.O.", + "dr. louise e. nurre, D.O." + ], + "510-525-2400": [ + "510-525-2400" + ], + "5855 Doyle Street #110": [ + "5855 doyle street #110", + "5855 Doyle Street #110" + ], + "Dr. Gary W. Oliver, MD": [ + "Dr. Gary W. Oliver, MD", + "Dr. gary W. Oliver, MD" + ], + "1618 Sullivan Avenue Suite 105": [ + "1618 sullivan avenue suite 105" + ], + "24.89": [ + "$24.89" + ], + "10.11": [ + "$10.11" + ], + "13.06": [ + "$13.06" + ], + "11.46": [ + "$11.46" + ], + "Camino Ear, Nose & Throat Clinic": [ + "Camino Ear, Nose & Throat Clinic" + ], + "Donald Burt, Jr., MD": [ + "Donald Burt, Jr., MD" + ], + "175 North Jackson Avenue #200": [ + "175 North Jackson Avenue #200" + ], + "408-847-1199": [ + "408-847-1199" + ], + "27.56": [ + "$27.56" + ], + "Helena A. Longin, M.D.": [ + "Helena A. Longin, M.D." + ], + "NCMA Redwood Family Dermatology": [ + "NCMA Redwood Family Dermatology" + ], + "2725 Mendocino Avenue": [ + "2725 Mendocino Avenue" + ], + "707-545-4537": [ + "707-545-4537" + ], + "8.60": [ + "$8.60" + ], + "510-836-2122": [ + "510-836-2122" + ], + "16.87": [ + "$16.87" + ], + "707-521-7760": [ + "707-521-7760" + ], + "196 Wikiup Drive": [ + "196 Wikiup Drive" + ], + "31.34": [ + "$31.34" + ], + "925-685-7400": [ + "925-685-7400" + ], + "18.42": [ + "$18.42" + ], + "20.73": [ + "$20.73" + ], + "Kochenburger Richard J MD": [ + "Kochenburger Richard J MD" + ], + "510-522-6544": [ + "510-522-6544" + ], + "2111 Whitehall Place": [ + "2111 Whitehall Place" + ], + "27.28": [ + "$27.28" + ], + "510-490-1222": [ + "510-490-1222" + ], + "2, 3200 Kearney Street": [ + "2, 3200 Kearney Street" + ], + "650-399-4630": [ + "650-399-4630" + ], + "F3, 900 Blake Wilbur Drive": [ + "F3, 900 Blake WIlbur Drive", + "F3, 900 Blake Wilbur Drive" + ], + "13.89": [ + "$13.89" + ], + "510-985-5020": [ + "510-985-5020" + ], + "Bilhartz Women's Health Center, Dr. Teri Bilhartz": [ + "Bilhartz Women's Health Center, Dr. Teri Bilhartz" + ], + "Rima Goldman, MD": [ + "Rima Goldman, MD" + ], + "975 Sereno Drive": [ + "975 sereno drive", + "975 Sereno Drive" + ], + "707-651-1031": [ + "707-651-1031" + ], + "15.28": [ + "$15.28" + ], + "Maggioncalda Michael D DO": [ + "Maggioncalda Michael D DO" + ], + "1100 Trancas Street #350": [ + "1100 Trancas Street #350" + ], + "Family Health Center of Benicia": [ + "Family Health Center of Benicia" + ], + "707-745-0711": [ + "707-745-0711" + ], + "1440 Military West # 101": [ + "1440 Military West # 101" + ], + "53.49": [ + "$53.49" + ], + "510-204-5600": [ + "510-204-5600" + ], + "2184 Union Street": [ + "2184 Union Street" + ], + "Andrew Ness, MD": [ + "Andrew Ness, MD" + ], + "1200 Central Boulevard suite d": [ + "1200 Central Boulevard suite d" + ], + "7.33": [ + "$7.33" + ], + "15.69": [ + "$15.69" + ], + "801 Brewster Avenue #240": [ + "801 brewster avenue #240", + "801 Brewster Avenue #240" + ], + "6.65": [ + "$6.65" + ], + "14.84": [ + "$14.84" + ], + "550 Hamilton Avenue # 329": [ + "550 Hamilton Avenue # 329" + ], + "10.64": [ + "$10.64" + ], + "5601 Deer Valley Road": [ + "5601 Deer Valley Road" + ], + "925-813-6500": [ + "925-813-6500" + ], + "Jennifer C. Boldrick, M.D.": [ + "Jennifer C. Boldrick, M.D." + ], + "5860 Owens Drive Suite 210": [ + "5860 Owens Drive Suite 210" + ], + "415-924-7455": [ + "415-924-7455" + ], + "650-992-7001": [ + "650-992-7001" + ], + "2801 Waterman Boulevard # 290": [ + "2801 Waterman Boulevard # 290" + ], + "Banner Associates": [ + "Banner Associates" + ], + "7880 Wren Avenue a115": [ + "7880 Wren Avenue a115" + ], + "Hickle Dallas H": [ + "Hickle Dallas H" + ], + "1615 Hill Rd #12": [ + "1615 Hill rd #12" + ], + "415-892-1566": [ + "415-892-1566" + ], + "Dr. John Ichiuji": [ + "Dr. John Ichiuji" + ], + "925-828-5918": [ + "925-828-5918" + ], + "9260 Alcosta Boulevard # D30": [ + "9260 Alcosta Boulevard # D30" + ], + "2221 South Shore Center": [ + "2221 South Shore Center" + ], + "Evoke Beauty Salon": [ + "Evoke Beauty Salon" + ], + "The Gentlemen'S Barbershop": [ + "The Gentlemen's Barbershop" + ], + "707-838-8536": [ + "707-838-8536" + ], + "9025 Old Redwood Highway D": [ + "9025 Old Redwood Highway D" + ], + "Kenny Le Salon": [ + "Kenny Le Salon" + ], + "707-980-6819": [ + "707-980-6819" + ], + "1752 Tuolumne Street": [ + "1752 Tuolumne Street" + ], + "Sproos Hair Salon": [ + "Sproos Hair Salon" + ], + "552 San Anselmo Avenue": [ + "552 San Anselmo Avenue" + ], + "18566 Prospect Road": [ + "18566 Prospect Road" + ], + "2509 Broadway": [ + "2509 Broadway" + ], + "510-838-2426": [ + "510-838-2426" + ], + "Atelier Crenn": [ + "Atelier Crenn" + ], + "24 4th Street": [ + "24 4th Street", + "24 4th street" + ], + "707-501-4444": [ + "707-501-4444" + ], + "1300 1st Street #385": [ + "1300 1st Street #385" + ], + "510-562-0345": [ + "510-562-0345" + ], + "510-558-9000": [ + "510-558-9000" + ], + "Chengdu Style Restaurant": [ + "Chengdu Style Restaurant" + ], + "Kokkari Estiatorio": [ + "Kokkari Estiatorio" + ], + "3199 Fillmore Street": [ + "3199 Fillmore Street" + ], + "510-843-7996": [ + "510-843-7996" + ], + "Bellota": [ + "Bellota" + ], + "415-430-6580": [ + "415-430-6580" + ], + "Galpao Gaucho Brazilian Steakhouse": [ + "Galpao Gaucho Brazilian Steakhouse" + ], + "1990 Trower Avenue": [ + "1990 Trower Avenue" + ], + "707-255-5121": [ + "707-255-5121" + ], + "114 Old County Road": [ + "114 Old County Road" + ], + "Kansai": [ + "Kansai" + ], + "4345 Telegraph Avenue": [ + "4345 Telegraph Avenue" + ], + "510-658-7273": [ + "510-658-7273" + ], + "Noodle Theory Provisions": [ + "Noodle Theory Provisions" + ], + "Ramen And Sushi (nama Japanese Cuisine)": [ + "Ramen and Sushi (nama japanese cuisine)" + ], + "Forge Napa": [ + "Forge Napa" + ], + "155 Gasser Drive B": [ + "155 Gasser Drive B" + ], + "707-927-3394": [ + "707-927-3394" + ], + "754 The Alameda #10": [ + "754 The Alameda #10", + "754 The alameda #10" + ], + "1260 1st Street": [ + "1260 1st Street" + ], + "510-647-9525": [ + "510-647-9525" + ], + "Mustards Grill": [ + "Mustards Grill" + ], + "510-563-3842": [ + "510-563-3842" + ], + "Derm Restaurant": [ + "Derm Restaurant" + ], + "Biscuits & Blues": [ + "Biscuits & Blues" + ], + "707-541-6359": [ + "707-541-6359" + ], + "Duende": [ + "Duende" + ], + "415-551-1590": [ + "415-551-1590" + ], + "2936 College Avenue": [ + "2936 College Avenue" + ], + "Luca Cucina Italiana": [ + "Luca Cucina Italiana" + ], + "2057 San Pablo Avenue": [ + "2057 San Pablo Avenue" + ], + "Dr. Kathryn K. Najafi-Tagol, MD": [ + "Dr. Kathryn K. Najafi-Tagol, MD" + ], + "Dr. Christine P. Weigen, MD": [ + "Dr. Christine P. Weigen, MD" + ], + "2440 Samaritan Drive": [ + "2440 samaritan drive" + ], + "Dr. Lloyd C Ford, MD - Contra Costa ENT a Division of BASS Medical Group": [ + "dr. lloyd c ford, md - contra costa ent a division of bass medical group" + ], + "925-932-3112": [ + "925-932-3112" + ], + "365 Lennon Lane Suite 280": [ + "365 lennon lane suite 280" + ], + "Dr. Patricia W. Kulawiak, MD": [ + "Dr. Patricia W. Kulawiak, MD" + ], + "415-209-2609": [ + "415-209-2609" + ], + "Dr. Sharon Y. de Edwards, MD FACOG NCMP": [ + "Dr. Sharon Y. de Edwards, MD FACOG NCMP" + ], + "925-754-9961": [ + "925-754-9961" + ], + "Francis Mueller, MD": [ + "Francis Mueller, MD" + ], + "707-259-2000": [ + "707-259-2000" + ], + "300 Mason Street": [ + "300 Mason Street" + ], + "707-433-7013": [ + "707-433-7013" + ], + "650-348-7923": [ + "650-348-7923" + ], + "Dr. Brian T. Mitchell, DO": [ + "Dr. Brian T. Mitchell, DO" + ], + "650-343-3122": [ + "650-343-3122" + ], + "Helen O. Chodsky, PA-C": [ + "Helen O. Chodsky, PA-C" + ], + "707-206-3044": [ + "707-206-3044" + ], + "510-741-7299": [ + "510-741-7299" + ], + "925-743-1488": [ + "925-743-1488" + ], + "Dr. Roger N. Morrison, MD": [ + "Dr. Roger N. Morrison, MD" + ], + "650-498-7949": [ + "650-498-7949" + ], + "Bernard Recht, Ph.D., M.D.": [ + "Bernard Recht, Ph.D. M.D." + ], + "603 South Knickerbocker Drive": [ + "603 South Knickerbocker Drive" + ], + "408-736-0441": [ + "408-736-0441" + ], + "Dr. Aaron M. Roland, MD": [ + "Dr. Aaron M. Roland, MD" + ], + "American Canyon": [ + "American Canyon", + "American canyon" + ], + "421 March Avenue D": [ + "421 March Avenue D" + ], + "Olivia Butt MD - Alameda OB GYN": [ + "Olivia Butt MD - Alameda OB GYN" + ], + "2400 Balfour Road Suite 120": [ + "2400 Balfour Road Suite 120" + ], + "925-308-8112": [ + "925-308-8112" + ], + "Muir Family Physicians": [ + "Muir Family Physicians" + ], + "Brian Honbo, MD": [ + "Brian Honbo, MD" + ], + "650-366-4633": [ + "650-366-4633" + ], + "Dr. Faith S. Victoriano": [ + "Dr. Faith S. Victoriano" + ], + "510-324-2000": [ + "510-324-2000" + ], + "510-964-0300": [ + "510-964-0300" + ], + "Dr. Glenn L. Cheung": [ + "Dr. Glenn L. Cheung" + ], + "Menlo Pediatric Dental/ Grace Kwon": [ + "Menlo Pediatric Dental/ Grace Kwon" + ], + "650-323-0264": [ + "650-323-0264" + ], + "210 San Mateo Road # 104": [ + "210 San Mateo Road # 104" + ], + "408-356-8201": [ + "408-356-8201" + ], + "2516 Samaritan Drive": [ + "2516 Samaritan Drive" + ], + "650-637-2005": [ + "650-637-2005" + ], + "1785 San Carlos Avenue # 6": [ + "1785 San Carlos Avenue # 6" + ], + "Jennings Dwight E": [ + "Jennings Dwight E" + ], + "760-876-5501": [ + "760-876-5501" + ], + "875 Island Dr # B": [ + "875 island Dr # B" + ], + "650-325-7711": [ + "650-325-7711" + ], + "1300 University Drive # 5": [ + "1300 University Drive # 5" + ], + "Isalon": [ + "Isalon" + ], + "2327 Blanding Avenue STE D": [ + "2327 Blanding Avenue STE D" + ], + "Drybar Burlingame": [ + "Drybar Burlingame" + ], + "877-379-2279": [ + "877-379-2279" + ], + "939 Edgewater Boulevard E": [ + "939 Edgewater Boulevard E" + ], + "510-653-4702": [ + "510-653-4702" + ], + "925-822-9826": [ + "925-822-9826" + ], + "925-297-5127": [ + "925-297-5127" + ], + "Citizen Salon": [ + "Citizen Salon", + "citizen salon" + ], + "Sharp Barber Shop": [ + "sharp barber shop" + ], + "925-351-5556": [ + "925-351-5556" + ], + "Berkeley Family Practice Med: Goo Julie MD": [ + "berkeley family practice med: goo julie md" + ], + "Berkeley Family Practice Medical: Zaman Aysha MD": [ + "berkeley family practice medical: zaman aysha md" + ], + "3000 Colby Street #201": [ + "3000 colby street #201" + ], + "510-841-1647": [ + "510-841-1647" + ], + "925-933-8462": [ + "925-933-8462" + ], + "Catherine Wang, MD": [ + "Catherine Wang, MD" + ], + "510-357-3790": [ + "510-357-3790" + ], + "2734 East El Camino Real": [ + "2734 East El Camino Real" + ], + "408-241-3801": [ + "408-241-3801" + ], + "Dr. Becky Kroll": [ + "Dr. Becky Kroll" + ], + "650-325-6000": [ + "650-325-6000" + ], + "Medicus: Carrillo Lornalyn J MD": [ + "medicus: carrillo lornalyn J MD" + ], + "1800 Sullivan Avenue": [ + "1800 sullivan avenue" + ], + "650-994-0459": [ + "650-994-0459" + ], + "415-600-3451": [ + "415-600-3451" + ], + "55 2nd Street": [ + "55 2nd Street" + ], + "Mignonette (Mae) Willkom, MD": [ + "Mignonette (Mae) Willkom, MD" + ], + "925-454-4280": [ + "925-454-4280" + ], + "Darith Khay Inc": [ + "Darith Khay Inc" + ], + "3030 Alum Rock Avenue": [ + "3030 Alum Rock Avenue" + ], + "408-254-4100": [ + "408-254-4100" + ], + "707-927-3508": [ + "707-927-3508" + ], + "Napa Dermatology Associates": [ + "Napa Dermatology Associates" + ], + "707-252-2931": [ + "707-252-2931" + ], + "4155 Moorpark Avenue #3": [ + "4155 Moorpark Avenue #3" + ], + "408-217-1905": [ + "408-217-1905" + ], + "Bayspring Medical Group: Dr. Marilyn Milkman, MD": [ + "Bayspring Medical Group: Dr. Marilyn Milkman, MD" + ], + "415-674-2600": [ + "415-674-2600" + ], + "925-370-5000": [ + "925-370-5000" + ], + "Dr. April Fredian, MD": [ + "Dr. April Fredian, MD" + ], + "Emile's": [ + "Emile's" + ], + "2135 Franklin Street": [ + "2135 Franklin Street" + ], + "Gallo's": [ + "Gallo's" + ], + "14180 Blossom Hill Road": [ + "14180 Blossom Hill Road" + ], + "Chaparral": [ + "Chaparral" + ], + "Mockingbird": [ + "Mockingbird" + ], + "Azit": [ + "Azit" + ], + "Peshawari Kababs": [ + "Peshawari Kababs" + ], + "Kin Khao": [ + "Kin Khao" + ], + "Phnom Penh Restaurant": [ + "Phnom Penh Restaurant" + ], + "1890 West San Carlos Street": [ + "1890 West San Carlos Street" + ], + "415-759-8741": [ + "415-759-8741" + ], + "Hinata Sushi Buffet": [ + "Hinata Sushi Buffet" + ], + "Double Dragon": [ + "Double Dragon" + ], + "408-246-5251": [ + "408-246-5251" + ], + "Elevenfifty": [ + "Elevenfifty" + ], + "4238 Park Boulevard": [ + "4238 Park Boulevard" + ], + "Gypsy Cafe": [ + "Gypsy Cafe", + "Gypsy" + ], + "Vina Enoteca": [ + "Vina Enoteca", + "vina enoteca" + ], + "650-646-3477": [ + "650-646-3477" + ], + "Sushi Ichimoto": [ + "Sushi Ichimoto" + ], + "Shogun | Japanese Restaurant": [ + "Shogun | Japanese Restaurant" + ], + "244 Jackson Street": [ + "244 Jackson Street" + ], + "Vegan": [ + "vegan" + ], + "Mango On Main ( A.k.a.mini Mango Thai Bistro)": [ + "Mango on Main ( A.k.a.mini mango thai bistro)" + ], + "707-253-8880": [ + "707-253-8880" + ], + "Elmira Rosticceria": [ + "Elmira Rosticceria" + ], + "Kabuki Japanese Restaurant": [ + "Kabuki Japanese Restaurant" + ], + "English": [ + "English" + ], + "The Englander Sports Pub & Restaurant": [ + "The Englander Sports Pub & Restaurant" + ], + "510-357-3571": [ + "510-357-3571" + ], + "101 Parrott Street": [ + "101 Parrott Street" + ], + "Volta Modern Brasserie": [ + "Volta Modern Brasserie" + ], + "650-656-8180": [ + "650-656-8180" + ], + "Thai Satay Restaurant & Bar": [ + "Thai Satay Restaurant & Bar" + ], + "White Elephant Restaurant": [ + "White Elephant Restaurant" + ], + "Chai Thai Noodles": [ + "Chai Thai Noodles" + ], + "Chalkboard": [ + "Chalkboard" + ], + "707-473-8030": [ + "707-473-8030" + ], + "29 North Street": [ + "29 North Street" + ], + "925-280-5590": [ + "925-280-5590" + ], + "Opa Authentic Greek Cuisine Walnut Creek": [ + "Opa Authentic Greek Cuisine Walnut Creek" + ], + "788 Laurel Street": [ + "788 Laurel Street" + ], + "650-453-3313": [ + "650-453-3313" + ], + "Dim Sum King": [ + "Dim Sum King" + ], + "Bushido": [ + "Bushido" + ], + "Gochi Japanese Fusion Tapas": [ + "Gochi Japanese Fusion Tapas" + ], + "Obed": [ + "Obed" + ], + "Cantonese": [ + "Cantonese" + ], + "Cooking Papa": [ + "Cooking Papa" + ], + "650-577-1832": [ + "650-577-1832" + ], + "Steamer's Grillhouse": [ + "Steamer's Grillhouse" + ], + "The State Room": [ + "The State Room" + ], + "Erawan Thai Restaurant": [ + "Erawan Thai Restaurant" + ], + "650-556-9966": [ + "650-556-9966" + ], + "2639 Broadway": [ + "2639 Broadway" + ], + "Karakade Thai Cuisine": [ + "Karakade Thai Cuisine" + ], + "650-593-1035": [ + "650-593-1035" + ], + "Hunan": [ + "Hunan" + ], + "Hunan Cuisine": [ + "Hunan Cuisine" + ], + "650-898-8730": [ + "650-898-8730" + ], + "14823 East 14th Street": [ + "14823 East 14th Street" + ], + "510-839-9697": [ + "510-839-9697" + ], + "Bistro Des Copains": [ + "Bistro Des Copains" + ], + "Guaymas Restaurant": [ + "Guaymas Restaurant" + ], + "Elephant Bar Restaurant": [ + "Elephant Bar", + "Elephant Bar Restaurant", + "Elephant Bar restaurant", + "elephant bar restaurant" + ], + "Evelyn's Big Italian Pizzeria & Ristorante": [ + "Evelyn's Big Italian Pizzeria & Ristorante" + ], + "17500 Depot Street #180": [ + "17500 Depot Street #180" + ], + "Lokanta Grill & Bar": [ + "Lokanta Grill & Bar" + ], + "1520 Locust Street": [ + "1520 Locust Street" + ], + "925-322-8671": [ + "925-322-8671" + ], + "Taheri's Mediterranean Restaurant & Catering": [ + "Taheri's Mediterranean Restaurant & Catering" + ], + "El Charro Mexican Food & Cantina": [ + "El Charro Mexican Food & Cantina" + ], + "Shanghai": [ + "Shanghai" + ], + "Shanghai Garden": [ + "Shanghai Garden" + ], + "20956 Homestead Road": [ + "20956 Homestead Road" + ], + "Bridges": [ + "Bridges" + ], + "California Cafe": [ + "california cafe", + "California Cafe" + ], + "El Torito": [ + "El Torito", + "El torito" + ], + "Tequila Grill": [ + "Tequila Grill" + ], + "510-895-5351": [ + "510-895-5351" + ], + "49 Stevenson Street": [ + "49 Stevenson street" + ], + "Ambience Restaurant": [ + "Ambience Restaurant" + ], + "Opa! Los Gatos": [ + "Opa! Los Gatos" + ], + "Coup De Thai": [ + "Coup De Thai" + ], + "408-442-5977": [ + "408-442-5977" + ], + "Thai Spice": [ + "Thai Spice" + ], + "415-397-3218": [ + "415-397-3218" + ], + "Taco": [ + "Taco" + ], + "Tacolicious": [ + "Tacolicious" + ], + "Tarla Mediterranean Bar + Grill Napa Valley Restaurant": [ + "Tarla Mediterranean Bar + Grill Napa Valley Restaurant" + ], + "Oh Baby Sushi": [ + "Oh Baby Sushi" + ], + "Pamir Restaurant": [ + "Pamir Restaurant" + ], + "1674 Shattuck Avenue": [ + "1674 Shattuck Avenue" + ], + "Fior D'italia": [ + "Fior D'italia" + ], + "Metro Lafayette": [ + "Metro Lafayette" + ], + "Due West": [ + "Due West" + ], + "Adega": [ + "Adega" + ], + "1614 Alum Rock Avenue": [ + "1614 Alum Rock Avenue" + ], + "Little Whale Seafood": [ + "Little Whale Seafood" + ], + "Delizie": [ + "Delizie" + ], + "1107 San Carlos Avenue": [ + "1107 San Carlos Avenue" + ], + "Vung Tau Ii Restaurant": [ + "Vung Tau Ii Restaurant" + ], + "2001 Chestnut Street": [ + "2001 Chestnut Street" + ], + "415-814-2671": [ + "415-814-2671" + ], + "Kabila": [ + "Kabila" + ], + "Monti's": [ + "Monti's" + ], + "714 Village Court": [ + "714 Village Court" + ], + "408-528-6700": [ + "408-528-6700" + ], + "1662 Lombard Street": [ + "1662 Lombard Street" + ], + "415-614-1958": [ + "415-614-1958" + ], + "Juban Yakiniku House Japanese": [ + "Juban Yakiniku House Japanese" + ], + "Sushi Hunter": [ + "Sushi Hunter" + ], + "650-756-8900": [ + "650-756-8900" + ], + "Bartlett Hall": [ + "Bartlett Hall" + ], + "Filippo's Berkeley Elmwood": [ + "Filippo's Berkeley Elmwood" + ], + "An Japanese Restaurant": [ + "An Japanese Restaurant" + ], + "415-292-4886": [ + "415-292-4886" + ], + "2185 Eastridge Loop": [ + "2185 Eastridge Loop" + ], + "408-532-6727": [ + "408-532-6727" + ], + "1106 1st Street": [ + "1106 1st Street" + ], + "415-776-5822": [ + "415-776-5822" + ], + "Robin": [ + "Robin" + ], + "415-548-2429": [ + "415-548-2429" + ], + "Best Of Burma": [ + "Best of Burma" + ], + "China Star": [ + "China Star" + ], + "2101 West College Avenue": [ + "2101 West College Avenue" + ], + "Khoom Lanna": [ + "Khoom Lanna" + ], + "338 12th Street": [ + "338 12th Street", + "338 12th street" + ], + "925-961-9090": [ + "925-961-9090" + ], + "One Ferry Building #35": [ + "One Ferry building #35", + "One Ferry Building #35" + ], + "415-399-1155": [ + "415-399-1155" + ], + "Piccolo Ristorante Italiano": [ + "Piccolo Ristorante Italiano" + ], + "Ristorante Carpaccio": [ + "Ristorante Carpaccio" + ], + "2200 Oxford Street": [ + "2200 Oxford Street" + ], + "510-809-0400": [ + "510-809-0400" + ], + "1039 El Camino Real": [ + "1039 El Camino Real" + ], + "China Delight": [ + "CHina delight", + "china delight", + "China Delight" + ], + "925-754-1355": [ + "925-754-1355" + ], + "Pedro's": [ + "Pedro's" + ], + "316 North Santa Cruz Avenue": [ + "316 North Santa Cruz Avenue" + ], + "154 McAllister Street": [ + "154 McAllister Street" + ], + "441 Sutter Street": [ + "441 Sutter Street" + ], + "Happi House Famous Teriyaki": [ + "Happi House Famous Teriyaki" + ], + "Creasian": [ + "Creasian", + "creasian" + ], + "1269 MacArthur Boulevard": [ + "1269 macArthur boulevard", + "1269 MacArthur Boulevard" + ], + "Aangan": [ + "Aangan" + ], + "Sabuy Sabuy Ii": [ + "Sabuy Sabuy Ii" + ], + "1233 San Pablo Avenue": [ + "1233 San Pablo Avenue" + ], + "510-528-3932": [ + "510-528-3932" + ], + "415-416-6136": [ + "415-416-6136" + ], + "200 Jackson Street": [ + "200 Jackson Street" + ], + "415-664-6739": [ + "415-664-6739" + ], + "243 West Portal Avenue": [ + "243 West portal Avenue" + ], + "415-751-2312": [ + "415-751-2312" + ], + "2235 First Street": [ + "2235 First Street" + ], + "415-989-2038": [ + "415-989-2038" + ], + "408-248-5400": [ + "408-248-5400" + ], + "Contemporary": [ + "Contemporary" + ], + "Hong Kong Restaurant": [ + "Hong Kong", + "Hong Kong Restaurant" + ], + "Asena": [ + "Asena" + ], + "Carneros Bistro": [ + "Carneros Bistro" + ], + "707-931-3405": [ + "707-931-3405" + ], + "1325 Broadway": [ + "1325 Broadway" + ], + "415-433-4332": [ + "415-433-4332" + ], + "Encuentro": [ + "Encuentro" + ], + "415-401-9420": [ + "415-401-9420" + ], + "The Lexington House": [ + "The Lexington House", + "the Lexington House" + ], + "40 North Santa Cruz Avenue": [ + "40 North Santa Cruz Avenue" + ], + "Radio Africa Kitchen": [ + "Radio Africa Kitchen" + ], + "4800 3rd Street": [ + "4800 3rd street" + ], + "415-826-9660": [ + "415-826-9660" + ], + "Zorba's Pizza": [ + "Zorba's Pizza", + "Zorba's pizza" + ], + "1567 El Camino Real": [ + "1567 El Camino Real" + ], + "650-875-1616": [ + "650-875-1616" + ], + "209 Park Road": [ + "209 Park Road" + ], + "Kikusushi Japanese Restaurant": [ + "Kikusushi Japanese Restaurant" + ], + "Blue Water Seafood And Crab": [ + "Blue Water Seafood And Crab" + ], + "860 Willow Street": [ + "860 Willow Street" + ], + "408-289-8879": [ + "408-289-8879" + ], + "940 Blossom Hill Road": [ + "940 Blossom Hill Road" + ], + "Fort Mckinley Restaurant, Bar & Banquet": [ + "Fort Mckinley Restaurant, Bar & Banquet", + "Fort McKinley Restaurant, Bar & Banquet" + ], + "101 Brentwood Drive": [ + "101 brentwood drive", + "101 Brentwood Drive" + ], + "Maneelap Srimongkoun Restaurant": [ + "Maneelap Srimongkoun Restaurant" + ], + "4995 Mission Street": [ + "4995 Mission Street" + ], + "726 1st Street": [ + "726 1st Street" + ], + "707-745-9938": [ + "707-745-9938" + ], + "Kc's American Kitchen": [ + "KC's American Kitchen", + "Kc's American Kitchen" + ], + "9501 Duvander Lane": [ + "9501 Duvander lane", + "9501 Duvander Lane" + ], + "1525 Travis Boulevard": [ + "1525 Travis Boulevard" + ], + "510-420-6962": [ + "510-420-6962" + ], + "707-824-9886": [ + "707-824-9886" + ], + "7531 Healdsburg Avenue": [ + "7531 Healdsburg Avenue" + ], + "Central Kitchen": [ + "Central Kitchen" + ], + "Dara Thai/lao Cuisine": [ + "Dara Thai/lao Cuisine", + "Dara Thai/Lao Cuisine", + "Dara" + ], + "1549 Shattuck Avenue": [ + "1549 Shattuck Avenue" + ], + "The Surf Spot": [ + "The Surf Spot", + "the Surf Spot" + ], + "4627 Pacific Coast Highway": [ + "4627 Pacific Coast Highway" + ], + "650-355-7873": [ + "650-355-7873" + ], + "650-386-6821": [ + "650-386-6821" + ], + "415-814-3709": [ + "415-814-3709" + ], + "408-238-4321": [ + "408-238-4321" + ], + "Lebanese": [ + "Lebanese" + ], + "Arabian Nights": [ + "Arabian Nights" + ], + "Romano's Macaroni Grill": [ + "Romano's Macaroni Grill", + "Romano'S Macaroni Grill" + ], + "110 Ranch Drive": [ + "110 Ranch Drive" + ], + "707-795-9700": [ + "707-795-9700" + ], + "Kuya's Asian Cuisine": [ + "Kuya's asian cuisine", + "Kuya's Asian Cuisine" + ], + "650-548-0300": [ + "650-548-0300" + ], + "347 Primrose Road": [ + "347 Primrose Road" + ], + "510-601-9888": [ + "510-601-9888" + ], + "1191 East Calaveras Boulevard": [ + "1191 East Calaveras Boulevard" + ], + "408-262-7888": [ + "408-262-7888" + ], + "510-317-0323": [ + "510-317-0323" + ], + "Spanishtown Mexican Restaurant": [ + "Spanishtown Mexican Restaurant" + ], + "Otoko Sushi": [ + "Otoko Sushi" + ], + "Sumo Sushi Boat": [ + "Sumo Sushi Boat", + "Sumo Sushi BOat" + ], + "355 State Street": [ + "355 State Street" + ], + "Qimura Sushi & Ramen": [ + "Qimura Sushi & Ramen" + ], + "Plaza Tequila Taqueira Bar & Grill": [ + "Plaza Tequila Taqueira Bar & Grill" + ], + "377 Santana Row #1140": [ + "377 Santana Row #1140" + ], + "Hard Rock Cafe": [ + "Hard Rock Cafe" + ], + "39 Pier #256": [ + "39 Pier #256" + ], + "415-956-2013": [ + "415-956-2013" + ], + "Mr. Tipple's Recording Studio": [ + "Mr. Tipple's Recording Studio" + ], + "1226 4th Street": [ + "1226 4th Street" + ], + "707-569-8222": [ + "707-569-8222" + ], + "707-837-0446": [ + "707-837-0446" + ], + "Ali Baba": [ + "Ali Baba" + ], + "650-871-2221": [ + "650-871-2221" + ], + "Jackson Fillmore Trattoria": [ + "Jackson Fillmore Trattoria" + ], + "6100 Telegraph Avenue": [ + "6100 Telegraph Avenue" + ], + "18.24": [ + "$18.24" + ], + "510-687-1222": [ + "510-687-1222" + ], + "6004 Stevenson Boulevard": [ + "6004 Stevenson Boulevard" + ], + "46.12": [ + "$46.12" + ], + "2608 Ocean Avenue": [ + "2608 Ocean Avenue" + ], + "347 Geary Street": [ + "347 Geary Street" + ], + "12.28": [ + "$12.28" + ], + "650-340-8974": [ + "650-340-8974" + ], + "30 South B Street": [ + "30 South B Street" + ], + "3001 El Camino Real": [ + "3001 El Camino Real" + ], + "ExCeL London": [ + "ExCel London" + ], + "29.94": [ + "$29.94" + ], + "510-538-2868": [ + "510-538-2868" + ], + "Green Tea House Chinese Restaurant": [ + "Green Tea House Chinese Restaurant", + "Green Tea House Chinese restaurant" + ], + "29615 Mission Boulevard": [ + "29615 Mission Boulevard" + ], + "565 University Avenue": [ + "565 University Avenue" + ], + "Cafe Eden": [ + "Cafe Eden" + ], + "408-753-1139": [ + "408-753-1139" + ], + "36456 Fremont Boulevard": [ + "36456 Fremont Boulevard" + ], + "Ostrea": [ + "Ostrea" + ], + "Rustic House Oyster Bar And Grill - San Carlos": [ + "Rustic House Oyster Bar And Grill - San Carlos", + "Rustic House Oyster Bar and Grill - San Carlos" + ], + "650-394-4534": [ + "650-394-4534" + ], + "920 El Camino Real": [ + "920 El Camino Real" + ], + "23.56": [ + "$23.56" + ], + "Mythos": [ + "Mythos" + ], + "1201 San Carlos Avenue": [ + "1201 San Carlos Avenue" + ], + "China Village Seafood Restaurant": [ + "CHina VIllage Seafood Restaurant", + "China Village Seafood Restaurant" + ], + "600 Ralston Avenue": [ + "600 Ralston Avenue" + ], + "Canasta Kitchen": [ + "Canasta Kitchen" + ], + "1981 Diamond Boulevard": [ + "1981 Diamond Boulevard" + ], + "1975 Diamond Boulevard Ste. C 160": [ + "1975 Diamond Boulevard Ste. C 160" + ], + "58.72": [ + "$58.72" + ], + "510-658-8458": [ + "510-658-8458" + ], + "333 Enfrente Road": [ + "333 Enfrente Road" + ], + "140 2nd Street #100": [ + "140 2nd Street #100" + ], + "415-885-5180": [ + "415-885-5180" + ], + "33.08": [ + "$33.08" + ], + "14.23": [ + "$14.23" + ], + "Piacere Restaurant": [ + "Piacere Restaurant" + ], + "727 Laurel Street": [ + "727 Laurel Street" + ], + "31 University Avenue": [ + "31 University Avenue" + ], + "30.97": [ + "$30.97" + ], + "La Fuente Mexican Bar Restaraunt": [ + "La Fuente Mexican Bar Restaraunt" + ], + "642 1st Street": [ + "642 1st Street" + ], + "3268 Grand Avenue": [ + "3268 Grand Avenue" + ], + "925-938-9900": [ + "925-938-9900" + ], + "3195 North Main Street": [ + "3195 North Main Street" + ], + "29.73": [ + "$29.73" + ], + "4038 Judah Street": [ + "4038 Judah Street" + ], + "23.73": [ + "$23.73" + ], + "Vallemar Station": [ + "Vallemar Station" + ], + "Cafe Ethiopia": [ + "cafe ethiopia", + "Cafe Ethiopia" + ], + "415-285-2728": [ + "415-285-2728" + ], + "23.52": [ + "$23.52" + ], + "1503 15th Street": [ + "1503 15th Street" + ], + "24.78": [ + "$24.78" + ], + "55.55": [ + "$55.55" + ], + "16.68": [ + "$16.68" + ], + "1429 San Mateo Avenue": [ + "1429 San Mateo Avenue" + ], + "3524 Mount Diablo Boulevard": [ + "3524 Mount Diablo Boulevard" + ], + "37.08": [ + "$37.08" + ], + "591 Redwood Highway # 2235": [ + "591 Redwood Highway # 2235" + ], + "Minas Brazilian": [ + "Minas Brazilian" + ], + "318 Columbus Avenue": [ + "318 columbus avenue" + ], + "34.22": [ + "$34.22" + ], + "Dosa Paratha Indian Cuisine": [ + "Dosa Paratha Indian Cuisine" + ], + "510-745-9870": [ + "510-745-9870" + ], + "39277 Cedar Boulevard": [ + "39277 Cedar Boulevard" + ], + "4095 Century Boulevard": [ + "4095 Century Boulevard" + ], + "26.24": [ + "$26.24" + ], + "3221 South White Road": [ + "3221 South White Road" + ], + "61 Washington Street": [ + "61 Washington Street" + ], + "24.96": [ + "$24.96" + ], + "650-871-2222": [ + "650-871-2222" + ], + "Massimo's": [ + "Massimo's" + ], + "510-792-2000": [ + "510-792-2000" + ], + "5200 Mowry Avenue Ste M": [ + "5200 Mowry Avenue Ste M" + ], + "16.70": [ + "$16.70" + ], + "373 Main Street": [ + "373 Main Street" + ], + "333 South Park Plaza Drive": [ + "333 South Park Plaza Drive" + ], + "31.81": [ + "$31.81" + ], + "5813 Cottle Road": [ + "5813 cottle road", + "5813 Cottle Road" + ], + "35.71": [ + "$35.71" + ], + "2203 Morello Avenue": [ + "2203 Morello Avenue" + ], + "Chili House Sf": [ + "Chili House Sf" + ], + "415-387-2658": [ + "415-387-2658" + ], + "726 Clement Street": [ + "726 Clement Street" + ], + "510-881-8868": [ + "510-881-8868" + ], + "1071 B Street": [ + "1071 B Street" + ], + "22.97": [ + "$22.97" + ], + "Billy's Boston Chowder House": [ + "Billy's Boston Chowder House" + ], + "29 East Main Street": [ + "29 East Main Street" + ], + "27.74": [ + "$27.74" + ], + "528 7th Street": [ + "528 7th Street" + ], + "14.34": [ + "$14.34" + ], + "Pinoy Handaan": [ + "Pinoy Handaan" + ], + "31014 Union City Boulevard": [ + "31014 Union City Boulevard" + ], + "650-580-5111": [ + "650-580-5111" + ], + "5305 Almaden Expressway": [ + "5305 almaden expressway" + ], + "425 Avenue Alhambra": [ + "425 avenue alhambra" + ], + "23.09": [ + "$23.09" + ], + "336 Saint Mary Street": [ + "336 Saint Mary Street" + ], + "45.03": [ + "$45.03" + ], + "10.52": [ + "$10.52" + ], + "Marlowe": [ + "Marlowe" + ], + "500 Brannan Street": [ + "500 Brannan Street" + ], + "15.61": [ + "$15.61" + ], + "Michaels At Shoreline": [ + "Michaels at Shoreline", + "Michaels At Shoreline" + ], + "2960 North Shoreline Boulevard": [ + "2960 North Shoreline Boulevard" + ], + "35.44": [ + "$35.44" + ], + "2731 Geneva Avenue": [ + "2731 Geneva Avenue" + ], + "33.20": [ + "$33.20" + ], + "Fork Roadhouse": [ + "fork roadhouse", + "Fork Roadhouse" + ], + "9890 Bodega Highway": [ + "9890 bodega highway" + ], + "25.66": [ + "$25.66" + ], + "845 Main Street": [ + "845 Main Street", + "845 Main street" + ], + "11.11": [ + "$11.11" + ], + "65 West Main Avenue": [ + "65 West Main Avenue" + ], + "408-778-9898": [ + "408-778-9898" + ], + "233 West Main Avenue": [ + "233 West Main Avenue" + ], + "Habanas Cuban Cuisine": [ + "Habanas Cuban Cuisine" + ], + "1518 Park Street": [ + "1518 Park Street" + ], + "Backyard": [ + "Backyard" + ], + "6566 Front Street": [ + "6566 Front Street" + ], + "El Sinaloense Restaurant": [ + "El Sinaloense Restaurant" + ], + "1622 Palm Avenue": [ + "1622 Palm Avenue" + ], + "29.62": [ + "$29.62" + ], + "Kappo Nami Nami": [ + "Kappo Nami Nami" + ], + "650-964-6990": [ + "650-964-6990" + ], + "240 Castro Street": [ + "240 Castro Street" + ], + "260 South Abel Street": [ + "260 SOuth Abel Street", + "260 South Abel Street" + ], + "15.92": [ + "$15.92" + ], + "2405 Larkspur Landing Circle": [ + "2405 Larkspur Landing Circle" + ], + "25.30": [ + "$25.30" + ], + "415-474-5569": [ + "415-474-5569" + ], + "(between 2nd & 3rd Ave)": [ + "(between 2nd & 3rd Ave)" + ], + "3082 Marlow Road": [ + "3082 Marlow Road" + ], + "650-285-2770": [ + "650-285-2770" + ], + "Siam Royal Authentic Thai": [ + "Siam Royal Authentic Thai" + ], + "338 University Avenue": [ + "338 university avenue", + "338 University Avenue" + ], + "8.28": [ + "$8.28" + ], + "415-927-3034": [ + "415-927-3034" + ], + "16.65": [ + "$16.65" + ], + "12.45": [ + "$12.45" + ], + "20.79": [ + "$20.79" + ], + "Rok Steakhouse & Grill": [ + "Rok Steakhouse & Grill" + ], + "172 South Market Street": [ + "172 South Market Street" + ], + "Mourad": [ + "mourad" + ], + "140 New Montgomery Street #1": [ + "140 new montgomery street #1", + "140 New Montgomery Street #1" + ], + "707-776-4949": [ + "707-776-4949" + ], + "600 East Washington Street": [ + "600 East Washington Street", + "600 East Washington street" + ], + "24.68": [ + "$24.68" + ], + "Tomi Thai": [ + "Tomi Thai" + ], + "426 Emily Rose Circle": [ + "426 Emily Rose Circle" + ], + "431 Bush Street": [ + "431 Bush Street" + ], + "13.22": [ + "$13.22" + ], + "On The Border Mexican Grill & Cantina": [ + "On the Border Mexican Grill & Cantina", + "On The Border Mexican Grill & Cantina" + ], + "4940 Dublin Boulevard": [ + "4940 Dublin Boulevard" + ], + "20.12": [ + "$20.12" + ], + "296 Barber Court": [ + "296 Barber Court" + ], + "Liberty Public Market": [ + "Liberty Public Market" + ], + "17.15": [ + "$17.15" + ], + "1722 Sacramento Street": [ + "1722 Sacramento Street" + ], + "5000 Roberts Lake Road": [ + "5000 Roberts Lake Road" + ], + "707-585-2722": [ + "707-585-2722" + ], + "156 Castro Street": [ + "156 Castro Street" + ], + "19.85": [ + "$19.85" + ], + "Bradley's Fine Diner": [ + "Bradley's fine Diner" + ], + "1165 Merrill Street": [ + "1165 Merrill Street", + "1165 merrill Street" + ], + "650-494-4342": [ + "650-494-4342" + ], + "Laurelwood Shopping Center": [ + "Laurelwood Shopping Center" + ], + "18.81": [ + "$18.81" + ], + "11.91": [ + "$11.91" + ], + "471 Haight Street": [ + "471 Haight Street" + ], + "24.37": [ + "$24.37" + ], + "408-265-5567": [ + "408-265-5567" + ], + "2434 Almaden Road": [ + "2434 Almaden Road" + ], + "11.56": [ + "$11.56" + ], + "21.09": [ + "$21.09" + ], + "1136 Broadway": [ + "1136 Broadway" + ], + "6811 Mission Street": [ + "6811 Mission Street" + ], + "650-992-0771": [ + "650-992-0771" + ], + "20.59": [ + "$20.59" + ], + "180 Hamilton Avenue": [ + "180 Hamilton Avenue" + ], + "9.83": [ + "$9.83" + ], + "Alamo Cafe": [ + "Alamo Cafe" + ], + "1 Alamo Square Drive": [ + "1 Alamo Square Drive" + ], + "9.96": [ + "$9.96" + ], + "Taverna Bistro": [ + "Taverna", + "Taverna Bistro" + ], + "133 South Murphy Avenue": [ + "133 South Murphy Avenue" + ], + "10.51": [ + "$10.51" + ], + "1500 Oliver Road": [ + "1500 Oliver Road" + ], + "6.63": [ + "$6.63" + ], + "408-245-4501": [ + "408-245-4501" + ], + "740 East El Camino Real": [ + "740 East El Camino Real" + ], + "14.00": [ + "$14.00" + ], + "180 El Camino Real": [ + "180 El Camino Real" + ], + "6.61": [ + "$6.61" + ], + "The Girl & The Fig": [ + "The Girl & The Fig" + ], + "707-938-3634": [ + "707-938-3634" + ], + "110 West Spain Street": [ + "110 West Spain Street" + ], + "21.43": [ + "$21.43" + ], + "La Cabana": [ + "La Cabana" + ], + "7163 Rich Avenue": [ + "7163 Rich Avenue" + ], + "7.17": [ + "$7.17" + ], + "3127 Fillmore Street": [ + "3127 Fillmore street", + "3127 Fillmore Street" + ], + "510-234-9898": [ + "510-234-9898" + ], + "15.00": [ + "$15.00" + ], + "650-952-5739": [ + "650-952-5739" + ], + "460 San Mateo Avenue": [ + "460 San Mateo Avenue" + ], + "Bombay Indian Restaurant": [ + "Bombay Indian Restaurant" + ], + "Mehak Indian Cuisine": [ + "Mehak Indian Cuisine" + ], + "2449 Sacramento Street": [ + "2449 Sacramento Street" + ], + "Parc Station Apartments": [ + "Parc Station Apartments" + ], + "Pappo": [ + "pappo" + ], + "510-337-9100": [ + "510-337-9100" + ], + "2320 Central Avenue": [ + "2320 Central Avenue", + "2320 central avenue" + ], + "5900 College Avenue": [ + "5900 College Avenue" + ], + "Miyabi": [ + "Miyabi" + ], + "15.60": [ + "$15.60" + ], + "20.38": [ + "$20.38" + ], + "Chong Qing Xiao Mian": [ + "Chong Qing Xiao Mian" + ], + "34420 Fremont Boulevard": [ + "34420 Fremont Boulevard" + ], + "Drakes Sonoma Coast": [ + "Drakes Sonoma Coast" + ], + "103 California 1": [ + "103 California 1" + ], + "14.56": [ + "$14.56" + ], + "420 Market Place": [ + "420 Market place", + "420 Market Place" + ], + "1815 Market Street": [ + "1815 Market Street" + ], + "194 Castro Street": [ + "194 castro street", + "194 Castro Street" + ], + "3149 Mission Street": [ + "3149 Mission Street" + ], + "Camp Bbq": [ + "Camp Bbq" + ], + "415-796-2437": [ + "415-796-2437" + ], + "680 8th Street Ste. 170": [ + "680 8th Street Ste. 170" + ], + "9.04": [ + "$9.04" + ], + "510-487-1033": [ + "510-487-1033" + ], + "4100 Dyer Street": [ + "4100 Dyer Street" + ], + "1520 Lakeside Drive": [ + "1520 Lakeside Drive" + ], + "22.63": [ + "$22.63" + ], + "925-736-4295": [ + "925-736-4295" + ], + "1800 Fillmore Street": [ + "1800 Fillmore Street" + ], + "Bistro Maxine": [ + "Bistro Maxine", + "Bistro maxine" + ], + "548 Ramona Street": [ + "548 Ramona Street" + ], + "650-323-1815": [ + "650-323-1815" + ], + "510-893-8136": [ + "510-893-8136" + ], + "Guadalajara Grill": [ + "Guadalajara Grill" + ], + "5446 Ygnacio Valley Road": [ + "5446 Ygnacio valley Road", + "5446 Ygnacio Valley Road" + ], + "925-672-4430": [ + "925-672-4430" + ], + "8.75": [ + "$8.75" + ], + "12.78": [ + "$12.78" + ], + "18.23": [ + "$18.23" + ], + "510-653-3456": [ + "510-653-3456" + ], + "866-531-2580": [ + "866-531-2580" + ], + "La Note": [ + "La Note", + "la note" + ], + "Californios": [ + "Californios" + ], + "3115 22nd Street": [ + "3115 22nd Street" + ], + "Bergerac": [ + "Bergerac" + ], + "415-255-9440": [ + "415-255-9440" + ], + "Redd Restaurant": [ + "Redd Restaurant" + ], + "707-944-2222": [ + "707-944-2222" + ], + "6480 Washington Street": [ + "6480 Washington Street" + ], + "Chaiya Thai Restaurant": [ + "Chaiya Thai Restaurant" + ], + "272 Claremont Boulevard": [ + "272 Claremont Boulevard" + ], + "415-999-0345": [ + "415-999-0345" + ], + "510-841-2002": [ + "510-841-2002" + ], + "Sauced Bbq & Spirits": [ + "SAuced Bbq", + "Sauced Bbq & Spirits" + ], + "707-260-1600": [ + "707-260-1600" + ], + "510-848-8748": [ + "510-848-8748" + ], + "Gogi Time": [ + "Gogi Time" + ], + "Lord Stanley": [ + "Lord Stanley" + ], + "415-872-5512": [ + "415-872-5512" + ], + "Turkish": [ + "Turkish" + ], + "A La Turca": [ + "A La Turca" + ], + "Calavera": [ + "calavera", + "Calavera" + ], + "Cafe Romanat": [ + "Cafe Romanat" + ], + "510-444-1800": [ + "510-444-1800" + ], + "510-832-9463": [ + "510-832-9463" + ], + "06:58": [ + "6:58 am" + ], + "Downtown": [ + "downtown", + "Downtown" + ], + "BART Station": [ + "BART Station", + "BART station", + "bart station", + "Bart station", + "Bart Station" + ], + "Canterbury Village": [ + "Canterbury Village", + "Canterbury village", + "canterbury village" + ], + "Fremont BART Station": [ + "Fremont Bart station", + "fremont Bart Station", + "Fremont BART station", + "Fremont BART Station", + "Fremont Bart Station", + "fremont bart station", + "fremont BART station" + ], + "SJC International Airport": [ + "sjc international airport", + "SJC international airport", + "SJC International Airport", + "SJC international Airport" + ], + "Central District": [ + "central district", + "Central District" + ], + "Pine Terrace Apartments": [ + "Pine Terrace Apartments", + "Pine terrace apartments" + ], + "1500 Pine Street # 78": [ + "1500 Pine Street # 78", + "1500 pine street # 78" + ], + "Sunnyvale CalTrain Station": [ + "Sunnyvale CalTrain Station", + "Sunnyvale CalTrain station", + "Sunnyvale Caltrain Station" + ], + "Chestnut Place": [ + "Chestnut Place" + ], + "900 Chestnut Street # 102": [ + "900 Chestnut Street # 102" + ], + "Lakeshore Apartment Homes": [ + "Lakeshore Apartment Homes" + ], + "1500 Ellis Street": [ + "1500 Ellis Street" + ], + "Clayton Valley": [ + "clayton valley", + "Clayton Valley" + ], + "415-441-5668": [ + "415-441-5668" + ], + "Granada Apartments": [ + "granada apartments", + "Granada Apartments" + ], + "41342 Roberts Avenue": [ + "41342 roberts avenue", + "41342 Roberts Avenue" + ], + "510-657-9766": [ + "510-657-9766" + ], + "Hidden Creek Town Homes": [ + "Hidden Creek Town Homes" + ], + "1032 Mohr Lane": [ + "1032 Mohr Lane" + ], + "Casa Las Palmas": [ + "Casa Las Palmas" + ], + "220 North White Road": [ + "220 North White Road" + ], + "3246 Cortese Circle": [ + "3246 Cortese Circle" + ], + "Crossroads Village Apartments": [ + "Crossroads Village Apartments" + ], + "39438 Stratton Common": [ + "39438 Stratton Common" + ], + "Sri Mahamariamman Temple, Kuala Lumpur": [ + "Sri Mahamariamman Temple, Kuala Lumpur" + ], + "3-2078 5323": [ + "3-2078 5323" + ], + "714-781-4636": [ + "714-781-4636" + ], + "Chicago History Museum": [ + "Chicago History Museum" + ], + "(800) 526-0857": [ + "(800) 526-0857" + ], + "1 58 51 52 00": [ + "1 58 51 52 00" + ], + "1 43 22 47 63": [ + "1 43 22 47 63" + ], + "La Merced Market": [ + "La Merced Market" + ], + "Mercado Jamaica": [ + "Mercado Jamaica" + ], + "559-277-6800": [ + "559-277-6800" + ], + "Grande Mosquee de Paris": [ + "Grande Mosquee de Paris" + ], + "1 45 35 97 33": [ + "1 45 35 97 33" + ], + "702-678-5780": [ + "702-678-5780" + ], + "Bagatelle park": [ + "Bagatelle park" + ], + "Pittock Mansion": [ + "Pittock Mansion" + ], + "Chapelle expiatoire": [ + "Chapelle expiatoire" + ], + "Maison de Verre": [ + "Maison de Verre" + ], + "1 45 44 91 21": [ + "1 45 44 91 21" + ], + "503-823-3623": [ + "503-823-3623" + ], + "Residence Inn By Marriott Long Beach": [ + "Residence Inn By Marriott Long Beach" + ], + "Diamondbacks Vs Reds": [ + "Diamondbacks Vs Reds", + "Diamondbacks vs Reds" + ], + "Diamondbacks Vs Marlins": [ + "diamondbacks vs marlins", + "Diamondbacks vs marlins" + ], + "200 East Cermak Road": [ + "200 East Cermak Road" + ], + "Nationals Vs Royals": [ + "Nationals Vs Royals", + "Nationals vs Royals" + ], + "Geto Boys": [ + "geto boys" + ], + "Lafc Vs Toronto Fc": [ + "Lafc Vs Toronto Fc" + ], + "+1 916-444-4436": [ + "+1 916-444-4436" + ], + "728 16th Street": [ + "728 16th street" + ], + "Diamondbacks Vs Rockies": [ + "Diamondbacks Vs Rockies", + "Diamondbacks vs Rockies" + ], + "1656": [ + "$1,656" + ], + "1674": [ + "$1,674" + ], + "4300 East Washington Street": [ + "4300 East Washington Street" + ], + "550 Southwest Oak Street": [ + "550 Southwest Oak Street" + ], + "13.53": [ + "$13.53" + ], + "Restaurant reservation at Amelie San Francisco": [ + "Restaurant reservation at Amelie San Francisco" + ], + "Stylist appointment at The Refinery Grooming Club": [ + "stylist appointment at the refinery grooming club" + ], + "2589 Mission Street": [ + "2589 mission street" + ], + "31.99": [ + "$31.99" + ], + "Movie at 3rd Street Cinema": [ + "movie at 3rd Street Cinema" + ], + "Restaurant reservation for 6 at The Hog's Apothecary": [ + "restaurant reservation for 6 at The Hog's Apothecary" + ], + "375 40th Street": [ + "375 40th Street" + ], + "1621 Travis Boulevard #300": [ + "1621 Travis Boulevard #300" + ], + "24.91": [ + "$24.91" + ], + "Restaurant reservation for 3 at Lima": [ + "restaurant reservation for 3 at Lima" + ], + "General Practitioner appointment with Sonal Aggarwal, MD": [ + "General Practitioner appointment with Sonal Aggarwal, MD" + ], + "87 Fenton Street Suite 210": [ + "87 Fenton Street Suite 210" + ], + "Water Seed concert": [ + "Water Seed Concert" + ], + "Reservation at Nopa": [ + "Reservation at Nopa" + ], + "14.20": [ + "$14.20" + ], + "Don Broco concert": [ + "Don Broco concert" + ], + "Appointment with Steven C Fong": [ + "Appointment with Steven C Fong" + ], + "2211 Parkside Drive": [ + "2211 Parkside Drive" + ], + "39900 Blacow Road": [ + "39900 Blacow Road" + ], + "520 Montgomery Street M02": [ + "520 Montgomery Street M02" + ], + "Restaurant reservation at Firehouse No.1 Gastropub": [ + "restaurant reservation at Firehouse No.1 Gastropub" + ], + "69 North San Pedro Street": [ + "69 North San Pedro Street" + ], + "909 Hyde Street #530": [ + "909 Hyde Street #530" + ], + "Stylist appointment at Showroom 383 Salon": [ + "stylist appointment at Showroom 383 Salon" + ], + "383 Miller Avenue": [ + "383 Miller Avenue" + ], + "Dentist appointment with A J Dental Lab": [ + "Dentist appointment with A J Dental Lab" + ], + "Stylist appointment at Amazon Barber Shop": [ + "Stylist appointment at Amazon Barber Shop" + ], + "949 Geneva Avenue": [ + "949 Geneva Avenue" + ], + "28.99": [ + "$28.99" + ], + "The Drums concert": [ + "The Drums concert" + ], + "2664 Berryessa Road #104": [ + "2664 Berryessa Road #104" + ], + "34.35": [ + "$34.35" + ], + "4450 San Pablo Dam Road": [ + "4450 San Pablo Dam Road" + ], + "The Melvins concert": [ + "the Melvins concert" + ], + "Appointment with New West Dental Laboratory": [ + "Appointment with New West Dental Laboratory" + ], + "80 Senter Road": [ + "80 Senter Road" + ], + "Stylist appointment at Salon 815": [ + "stylist appointment at Salon 815" + ], + "815 Ulloa Street": [ + "815 Ulloa Street" + ], + "25.76": [ + "$25.76" + ], + "Viewing at Shayla Apartments": [ + "viewing at Shayla apartments" + ], + "4655 Hoen Avenue # 7": [ + "4655 Hoen Avenue # 7" + ], + "10.88": [ + "$10.88" + ], + "2625 South King Road": [ + "2625 South King Road" + ], + "The Paper Kites concert": [ + "the paper kites concert" + ], + "Ophthalmologist appointment with Dr. Claudia S. Pinilla, MD": [ + "Ophthalmologist appointment with Dr. Claudia S. Pinilla, MD" + ], + "Appointment with Tri-Valley Dental Arts": [ + "Appointment with Tri-Valley Dental Arts" + ], + "Reservation for 3 people at Hot Crab": [ + "Reservation for 3 people at Hot Crab" + ], + "21.99": [ + "$21.99" + ], + "32.84": [ + "$32.84" + ], + "Chemical Brothers concert": [ + "Chemical Brothers concert" + ], + "43.42": [ + "$43.42" + ], + "Jethro Tull concert": [ + "Jethro Tull concert" + ], + "19655 Stevens Creek Boulevard": [ + "19655 stevens creek boulevard" + ], + "14.07": [ + "$14.07" + ], + "241 Fremont Hub Courtyard": [ + "241 fremont hub courtyard" + ], + "35.80": [ + "$35.80" + ], + "Table for 6 at Chianti Cucina": [ + "table for 6 at Chianti Cucina" + ], + "Basta concert": [ + "Basta Concert" + ], + "21.00": [ + "$21.00" + ], + "Stylist appointment at Herman'S Barber Shop & Supply": [ + "stylist appointment at Herman's Barber Shop & Supply" + ], + "725 Camino Plaza": [ + "725 Camino Plaza" + ], + "50.68": [ + "$50.68" + ], + "2094 El Camino Real": [ + "2094 El Camino Real" + ], + "Reservation at Obok Restaurant": [ + "Reservation at Obok Restaurant" + ], + "Viewing at Raintree Condominiums": [ + "Viewing at Raintree Condominiums" + ], + "Dentist appointment with Menasco Matthew": [ + "Dentist appointment with Menasco Matthew" + ], + "31.64": [ + "$31.64" + ], + "Styx concert": [ + "Styx concert" + ], + "26.81": [ + "$26.81" + ], + "22.26": [ + "$22.26" + ], + "Appointment with Almaden Dental Care": [ + "appointment with Almaden Dental Care" + ], + "Movie at Century at Hayward": [ + "movie at Century at Hayward" + ], + "19.43": [ + "$19.43" + ], + "17705 Hale Avenue Ste. B3": [ + "17705 Hale Avenue Ste. B3" + ], + "26.20": [ + "$26.20" + ], + "Movie booking for The Aftermath": [ + "Movie Booking for the Aftermath" + ], + "Dentist appointment with Ghina Morad": [ + "Dentist Appointment with Ghina Morad" + ], + "1785 San Carlos Avenue #2b": [ + "1785 San Carlos Avenue #2b" + ], + "Apartment viewing at Arbor Ridge Apartments": [ + "Apartment viewing at Arbor Ridge Apartments" + ], + "Timmy Trumpet concert": [ + "Timmy Trumpet concert" + ], + "Basketball game at Wintrust Arena": [ + "Basketball game at Wintrust Arena" + ], + "24.08": [ + "$24.08" + ], + "General Practitioner appointment with Hipolito Ernesto B MD": [ + "General Practitioner appointment with Hipolito Ernesto B MD" + ], + "1 Baywood Ave # 6": [ + "1 Baywood Ave # 6" + ], + "44.65": [ + "$44.65" + ], + "Appointment with Petaluma Dental Associates": [ + "Appointment with Petaluma Dental Associates" + ], + "1580 East Washington Street # 107": [ + "1580 East Washington Street # 107" + ], + "Movie at AMC Deer Valley 16": [ + "Movie at AMC Deer Valley 16" + ], + "12.64": [ + "$12.64" + ], + "Baseball Game: Arizona Vs La Dodgers": [ + "baseball game: Arizona Vs La Dodgers" + ], + "Viewing at Oregon Park Senior Apartments": [ + "viewing at Oregon Park Senior Apartments" + ], + "Stylist appointment at Sport Clips Haircuts Of Morgan Hill": [ + "Stylist appointment at Sport Clips Haircuts of Morgan Hill" + ], + "7.02": [ + "$7.02" + ], + "Apartment viewing at Sherwood Oaks Apartments": [ + "Apartment Viewing at Sherwood Oaks Apartments" + ], + "200 Bolinas Road # 62": [ + "200 Bolinas Road # 62" + ], + "Reservation for 5 people at Beso Bistronomia": [ + "reservation for 5 people at Beso Bistronomia" + ], + "4058 18th Street A": [ + "4058 18th Street A" + ], + "19.86": [ + "$19.86" + ], + "28.42": [ + "$28.42" + ], + "Viewing at Napa Park Homes": [ + "viewing at Napa Park Homes" + ], + "2792 Pinole Valley Road": [ + "2792 Pinole Valley Road" + ], + "20.24": [ + "$20.24" + ], + "37485 Fremont Boulevard B": [ + "37485 Fremont Boulevard B" + ], + "23.41": [ + "$23.41" + ], + "Movie at Alamo Drafthouse Cinema": [ + "movie at Alamo Drafthouse Cinema" + ], + "19.45": [ + "$19.45" + ], + "Appointment at Sunny Salon": [ + "appointment at Sunny Salon" + ], + "Dentist appointment with Kobayashi James Y": [ + "dentist appointment with Kobayashi James Y" + ], + "318 Diablo Rd # 245": [ + "318 Diablo Rd # 245" + ], + "Viewing at Aster Park Apartments": [ + "viewing at Aster Park Apartments" + ], + "Viewing at Keller Plaza Apartments": [ + "viewing at Keller Plaza Apartments" + ], + "Dermatologist appointment with Sumaira Z. Aasi MD": [ + "Dermatologist appointment with Sumaira Z. Aasi MD" + ], + "321 Middlefield Road": [ + "321 Middlefield Road" + ], + "100 North Wiget Lane": [ + "100 North Wiget Lane" + ], + "11.33": [ + "$11.33" + ], + "Ophthalmologist appointment": [ + "Ophthalmologist appointment", + "ophthalmologist appointment" + ], + "400 29th Street #315": [ + "400 29th Street #315" + ], + "1400 California 1": [ + "1400 California 1" + ], + "45.81": [ + "$45.81" + ], + "4141 Stevenson Boulevard": [ + "4141 Stevenson Boulevard", + "4141 stevenson Boulevard" + ], + "47.60": [ + "$47.60" + ], + "Appointment with Lee Clara": [ + "appointment with Lee Clara", + "Appointment with Lee Clara" + ], + "877 West Fremont Avenue # K2": [ + "877 West Fremont Avenue # K2" + ], + "General Practitioner appointment with Dr. Mark N. Isaacs, MD": [ + "General Practitioner appointment with Dr. Mark N. Isaacs, MD" + ], + "2621 Shadelands Drive": [ + "2621 Shadelands drive", + "2621 Shadelands Drive" + ], + "Colin James concert": [ + "Colin James Concert" + ], + "8.45": [ + "$8.45" + ], + "Shanice concert": [ + "Shanice concert" + ], + "44.73": [ + "$44.73" + ], + "Yunger concert": [ + "Yunger concert" + ], + "30.02": [ + "$30.02" + ], + "1220 North Bascom Avenue": [ + "1220 North Bascom Avenue" + ], + "Appointment at Miller And Mane": [ + "appointment at Miller and Mane" + ], + "45 Camino Alto #106": [ + "45 Camino Alto #106" + ], + "33.92": [ + "$33.92" + ], + "Lunch at Sanctuary Bistro": [ + "Lunch at Sanctuary Bistro" + ], + "Dentist appointment with Sonrisas Community Dental Center": [ + "Dentist appointment with Sonrisas Community Dental Center" + ], + "15.07": [ + "$15.07" + ], + "Reservation at Puesto Santa Clara": [ + "Reservation at Puesto Santa Clara" + ], + "2752 Augustine Drive #110": [ + "2752 Augustine Drive #110" + ], + "11.26": [ + "$11.26" + ], + "Gorgasm concert": [ + "Gorgasm concert" + ], + "11.23": [ + "$11.23" + ], + "14911 National Avenue #5": [ + "14911 National Avenue #5" + ], + "1426 Fillmore Street": [ + "1426 Fillmore Street" + ], + "Stylist appointment at Exclusive Spa": [ + "stylist appointment at Exclusive Spa" + ], + "21.34": [ + "$21.34" + ], + "3410 Stevens Creek Boulevard #101": [ + "3410 Stevens Creek Boulevard #101" + ], + "16.86": [ + "$16.86" + ], + "Ophthalmologist appointment with Dr. Randal Pham MD, MS, FACS": [ + "ophthalmologist appointment with Dr. Randal Pham MD, MS, FACS" + ], + "2110 Forest Avenue suite b": [ + "2110 Forest Avenue suite b", + "2110 Forest Avenue Suite b" + ], + "240 La Casa Via #100": [ + "240 La Casa Via #100" + ], + "25.93": [ + "$25.93" + ], + "455 Grand Avenue": [ + "455 Grand Avenue" + ], + "22.44": [ + "$22.44" + ], + "Table for 4 at Wild Goat Bistro": [ + "Table for 4 at Wild Goat Bistro" + ], + "85 West Portal Avenue": [ + "85 West Portal Avenue" + ], + "20.54": [ + "$20.54" + ], + "21001 San Ramon Valley Boulevard Ste E-3": [ + "21001 San Ramon Valley Boulevard Ste E-3" + ], + "12.12": [ + "$12.12" + ], + "500 San Pablo Avenue #300": [ + "500 San Pablo Avenue #300" + ], + "1327 East Monte Vista Avenue": [ + "1327 East Monte Vista Avenue" + ], + "1301 Ralston Avenue # C": [ + "1301 Ralston Avenue # C" + ], + "Viewing at Muir Park Condominiums": [ + "viewing at Muir Park Condominiums" + ], + "Table for 5 at Lark Creek Steak": [ + "Table for 5 at lark Creek Steak" + ], + "845 Market Street #402": [ + "845 Market Street #402" + ], + "20.25": [ + "$20.25" + ], + "575 East Remington Drive": [ + "575 East Remington Drive" + ], + "13.76": [ + "$13.76" + ], + "329 Primrose Road": [ + "329 Primrose Road", + "329 primrose road" + ], + "Lunch at Old Weang Ping": [ + "lunch at Old Weang Ping" + ], + "Movie at Landmark's Piedmont Theatre": [ + "movie at Landmark's Piedmont Theatre" + ], + "26955 California 1": [ + "26955 California 1" + ], + "2505 Samaritan Drive": [ + "2505 Samaritan Drive" + ], + "6.22": [ + "$6.22" + ], + "40640 High Street": [ + "40640 High Street" + ], + "18.36": [ + "$18.36" + ], + "General Practitioner appointment with Dr. Vilasini M. Ganesh, MD": [ + "General Practitioner appointment with Dr. Vilasini M. Ganesh, MD" + ], + "6.30": [ + "6.3", + "$6.30" + ], + "Stylist appointment at Wash & Brushup Co.": [ + "Stylist appointment at Wash & Brushup Co." + ], + "340 Healdsburg Avenue": [ + "340 Healdsburg Avenue" + ], + "Pasta Pelican Restaurant": [ + "Pasta Pelican Restaurant" + ], + "Appointment with Palo Alto": [ + "Appointment with Palo Alto" + ], + "11.75": [ + "$11.75" + ], + "Jamey Johnson concert": [ + "Jamey Johnson concert" + ], + "710 Florida Street": [ + "710 Florida Street" + ], + "9.78": [ + "$9.78" + ], + "Apartment viewing at Park Orchard Apartments": [ + "Apartment viewing at Park Orchard Apartments" + ], + "42010 Blacow Road": [ + "42010 Blacow Road" + ], + "2250 Hayes Street": [ + "2250 Hayes Street" + ], + "9.59": [ + "$9.59" + ], + "2105 West Pueblo Avenue": [ + "2105 West Pueblo Avenue" + ], + "Restaurant reservation for 2 at Wago Sushi Sf": [ + "Restaurant reservation for 2 at Wago Sushi Sf" + ], + "2365 Chestnut Street": [ + "2365 Chestnut Street" + ], + "Viewing at San Jose Apartments": [ + "Viewing at San Jose Apartments" + ], + "Apartment viewing at Briarwood At Central Park": [ + "Apartment viewing at Briarwood at Central Park" + ], + "Quail Run Apartments": [ + "Quail Run Apartments" + ], + "10.91": [ + "$10.91" + ], + "Viewing at Civic Plaza Apartments": [ + "viewing at Civic Plaza Apartments" + ], + "11.24": [ + "$11.24" + ], + "Dentist appointment with Andrei Simel , Family & Cosmetic Dentisry": [ + "Dentist appointment with Andrei Simel , Family & Cosmetic Dentisry" + ], + "14.58": [ + "$14.58" + ], + "Movie booking for Hellboy": [ + "movie booking for hellboy" + ], + "8.41": [ + "$8.41" + ], + "Appointment at B Parlor": [ + "Appointment at B Parlor" + ], + "Apartment viewing at North Dutton Apartments": [ + "Apartment viewing at North Dutton Apartments" + ], + "1814 North Dutton Avenue # 25": [ + "1814 North Dutton Avenue # 25" + ], + "7.64": [ + "$7.64" + ], + "Appointment at Evoke Beauty Salon": [ + "appointment at Evoke Beauty Salon" + ], + "160 South Murphy Avenue A": [ + "160 south Murphy Avenue A", + "160 South Murphy Avenue A" + ], + "21.11": [ + "$21.11" + ], + "Lunch at Puccini & Pinetti": [ + "lunch at Puccini & Pinetti" + ], + "129 Ellis Street": [ + "129 Ellis Street" + ], + "Appointment with Ueno Masayuki": [ + "Appointment with Ueno Masayuki" + ], + "1595 Sunnyvale Avenue #1": [ + "1595 Sunnyvale Avenue #1" + ], + "1057 El Monte Avenue Suite D": [ + "1057 El Monte Avenue Suite D", + "1057 El Monte Avenue Suite d" + ], + "Restaurant reservation at Scott's Seafood Restaurant": [ + "Restaurant reservation at Scott's Seafood Restaurant" + ], + "1333 North California Boulevard": [ + "1333 North California Boulevard" + ], + "Restaurant reservation for 2 at Izanami": [ + "Restaurant reservation for 2 at Izanami" + ], + "257 Grand Avenue": [ + "257 Grand Avenue" + ], + "Zz Top concert": [ + "Zz Top concert" + ], + "Commonwealth": [ + "Commonwealth" + ], + "12.46": [ + "$12.46" + ], + "12.88": [ + "$12.88" + ], + "Appointment with Linda K. Low": [ + "Appointment with Linda K. Low" + ], + "12.77": [ + "$12.77" + ], + "Stylist appointment at Supercuts Sequoia Station": [ + "stylist appointment at supercuts sequoia station" + ], + "Restaurant reservation at Platano": [ + "restaurant reservation at platano" + ], + "New Found Glory concert": [ + "New Found Glory Concert" + ], + "9.02": [ + "$9.02" + ], + "Viewing at Willowbrook Apartments": [ + "viewing at Willowbrook apartments" + ], + "9.74": [ + "$9.74" + ], + "2585 Samaritan Drive": [ + "2585 Samaritan Drive" + ], + "2000 Appian Way #202": [ + "2000 Appian Way #202" + ], + "2500 Deer Valley Road": [ + "2500 Deer Valley Road" + ], + "Jordan Rakei concert": [ + "Jordan Rakei concert" + ], + "Dentist appointment with Dr. Sridevi Alapati": [ + "dentist appointment with Dr. Sridevi Alapati" + ], + "251 Geary Street": [ + "251 Geary Street" + ], + "Imperial Daze concert": [ + "Imperial Daze Concert" + ], + "25.39": [ + "$25.39" + ], + "9.14": [ + "$9.14" + ], + "757 1st Street": [ + "757 1st Street" + ], + "Appointment at Drybar Union Square": [ + "Appointment at Drybar Union Square" + ], + "123 Kearny Street": [ + "123 Kearny Street" + ], + "377 13th Street": [ + "377 13th Street" + ], + "Restaurant reservation for 6 at Bangkok Garden": [ + "restaurant reservation for 6 at Bangkok Garden" + ], + "5231 College Avenue": [ + "5231 College Avenue" + ], + "4 Embarcadero Center": [ + "4 Embarcadero Center" + ], + "8.21": [ + "$8.21" + ], + "Viewing at Casa Bonita": [ + "viewing at Casa Bonita" + ], + "Reservation at Mirchi Cafe": [ + "reservation at Mirchi Cafe" + ], + "40900 Fremont Boulevard": [ + "40900 Fremont Boulevard" + ], + "717 East El Camino Real #4": [ + "717 East El Camino Real #4" + ], + "3977 17th Street": [ + "3977 17th Street" + ], + "12.11": [ + "$12.11" + ], + "Parker Palo Alto Apartments": [ + "Parker Palo Alto Apartments" + ], + "Stylist appointment at Quality Men'S Haircuts": [ + "stylist appointment at Quality Men's Haircuts" + ], + "80 West El Camino Real": [ + "80 West El Camino Real" + ], + "Gynecologist appointment": [ + "gynecologist appointment" + ], + "Appointment with Spate Daniel J": [ + "appointment with Spate Daniel J" + ], + "1101 South Winchester Boulevard # I202": [ + "1101 South Winchester Boulevard # I202" + ], + "Viewing at Charter Oaks Apartments": [ + "Viewing at Charter Oaks Apartments" + ], + "Reservation for 5 people at Maroo Korean Cuisine": [ + "Reservation for 5 people at Maroo Korean Cuisine" + ], + "16105 Monterey Road": [ + "16105 Monterey Road" + ], + "6.91": [ + "$6.91" + ], + "46 Wharf Road": [ + "46 Wharf Road" + ], + "10.42": [ + "$10.42" + ], + "Tamashisoul": [ + "Tamashisoul" + ], + "18.70": [ + "$18.70" + ], + "Sundale Arms": [ + "Sundale Arms" + ], + "26.17": [ + "$26.17" + ], + "Seattle Children's Museum": [ + "Seattle Children's Museum" + ], + "10 Milland Drive": [ + "10 Milland Drive" + ], + "27.08": [ + "$27.08" + ], + "640 Hegenberger Road": [ + "640 Hegenberger Road" + ], + "30.17": [ + "$30.17" + ], + "100 Ellinwood Drive": [ + "100 Ellinwood Drive" + ], + "1355 Lincoln Avenue": [ + "1355 Lincoln Avenue" + ], + "13.61": [ + "$13.61" + ], + "The Village Italian Restaurant": [ + "The Village Italian Restaurant" + ], + "47.74": [ + "$47.74" + ], + "3216 Mission Street": [ + "3216 Mission Street" + ], + "901 Cole Street": [ + "901 Cole Street" + ], + "Heal Me": [ + "Heal Me" + ], + "6935 Camino Arroyo": [ + "6935 Camino Arroyo", + "6935 camino arroyo" + ], + "Golden Rice Bowl": [ + "Golden Rice Bowl" + ], + "59.95": [ + "$59.95" + ], + "1845 Willow Pass Road": [ + "1845 willow pass road", + "1845 Willow Pass Road" + ], + "21.23": [ + "$21.23" + ], + "The National Gallery": [ + "the National Gallery", + "The National Gallery" + ], + "14.64": [ + "$14.64" + ], + "100 Smith Ranch Road": [ + "100 Smith Ranch Road" + ], + "37.76": [ + "$37.76" + ], + "Flight Wine Bar & Cafe": [ + "Flight Wine Bar & Cafe" + ], + "1300 South Main Street": [ + "1300 South Main Street" + ], + "611 East 18th Street": [ + "611 east 18th street" + ], + "316 11th Street": [ + "316 11th street" + ], + "36.47": [ + "$36.47" + ], + "37.21": [ + "$37.21" + ], + "Elly Gai Ahla": [ + "Elly Gai Ahla" + ], + "Elli Gai Ahla": [ + "Elli Gai Ahla" + ], + "Tamer Hosny": [ + "Tamer Hosny" + ], + "Aung Maylika": [ + "Aung Maylika" + ], + "30.16": [ + "$30.16" + ], + "1691 Monument Boulevard": [ + "1691 Monument Boulevard" + ], + "13.44": [ + "$13.44" + ], + "Orchids Thai": [ + "orchids thai", + "Orchids Thai" + ], + "34.84": [ + "$34.84" + ], + "1920 Irving Street": [ + "1920 Irving Street" + ], + "10211 South De Anza Boulevard": [ + "10211 South De Anza Boulevard" + ], + "50.70": [ + "$50.70" + ], + "1264 Mendocino Avenue": [ + "1264 Mendocino Avenue" + ], + "658 Market Street": [ + "658 Market Street" + ], + "13.20": [ + "$13.20" + ], + "17.11": [ + "$17.11" + ], + "Raabta": [ + "Raabta" + ], + "1606 North Main Street": [ + "1606 North Main Street" + ], + "37.94": [ + "$37.94" + ], + "Italian Colors": [ + "Italian Colors" + ], + "Thymele Arts": [ + "Thymele Arts" + ], + "There Was This Girl": [ + "There Was This Girl", + "There was this Girl" + ], + "Riley Green": [ + "Riley Green" + ], + "In A Truck Right Now": [ + "In a Truck Right now" + ], + "10000 Sir Francis Drake Boulevard": [ + "10000 Sir Francis Drake Boulevard" + ], + "461 2nd Street": [ + "461 2nd Street" + ], + "2244 Fillmore Street": [ + "2244 fillmore street" + ], + "21.91": [ + "$21.91" + ], + "12019 Saratoga Sunnyvale Road": [ + "12019 Saratoga Sunnyvale Road" + ], + "27.21": [ + "$27.21" + ], + "Public Art \"Urban Light\"": [ + "Public Art \"Urban Light\"" + ], + "18.45": [ + "$18.45" + ], + "1111 Meridian Avenue Ste 5": [ + "1111 Meridian Avenue Ste 5" + ], + "14.87": [ + "$14.87" + ], + "1585 Casa Buena Drive": [ + "1585 Casa Buena Drive" + ], + "Musa": [ + "Musa" + ], + "498 14th Street": [ + "498 14th Street", + "498 14th street" + ], + "32.63": [ + "$32.63" + ], + "1016 Santa Rosa Plaza": [ + "1016 Santa Rosa Plaza" + ], + "1200 Grant Avenue": [ + "1200 Grant Avenue" + ], + "17007 Redwood Road": [ + "17007 Redwood Road" + ], + "201 Vineyard Town Ctr": [ + "201 vineyard town ctr" + ], + "36.30": [ + "$36.30" + ], + "Focus": [ + "focus", + "Focus" + ], + "Sweeney's Grill And Bar": [ + "Sweeney's Grill and Bar" + ], + "Finn Town": [ + "Finn Town" + ], + "Tradewinds Apartments": [ + "Tradewinds Apartments" + ], + "1900 Mowry Avenue Suite 101": [ + "1900 Mowry Avenue Suite 101" + ], + "Stephen J Pavlina Investments": [ + "Stephen J Pavlina Investments" + ], + "Pavni Pandey": [ + "Pavni Pandey" + ], + "Raees": [ + "Raees" + ], + "1820 Ogden Avenue Floor, 2": [ + "1820 Ogden Avenue Floor, 2" + ], + "1625 Tully Road ste a": [ + "1625 Tully Road ste a" + ], + "2800 California Street #101": [ + "2800 California Street #101" + ], + "3200 Kearney Street Bldg 1": [ + "3200 Kearney Street Bldg 1" + ], + "381 South Van Ness Avenue": [ + "381 South Van Ness Avenue" + ], + "2593 South King Road": [ + "2593 south king road" + ], + "Ojuelegba": [ + "Ojuelegba" + ], + "Wizkid": [ + "Wizkid" + ], + "Ayo": [ + "Ayo" + ], + "Africa": [ + "africa", + "Africa" + ], + "Educated Palate Restaurant": [ + "Educated Palate Restaurant", + "Educated palate restaurant" + ], + "17.01": [ + "$17.01" + ], + "15.49": [ + "$15.49" + ], + "Hidden Garden Apartments": [ + "Hidden Garden Apartments" + ], + "58.84": [ + "$58.84" + ], + "10.97": [ + "$10.97" + ], + "19.23": [ + "$19.23" + ], + "17.14": [ + "$17.14" + ], + "Cartoon Art Museum": [ + "Cartoon Art Museum" + ], + "15.62": [ + "$15.62" + ], + "20.01": [ + "$20.01" + ], + "7.31": [ + "$7.31" + ], + "406 Dewey Boulevard": [ + "406 Dewey Boulevard" + ], + "17.93": [ + "$17.93" + ], + "2331 El Camino Real": [ + "2331 El Camino Real" + ], + "Murray Circle Restaurant": [ + "Murray Circle Restaurant" + ], + "250 Bel Marin Keys Boulevard # C5": [ + "250 Bel Marin Keys Boulevard # C5" + ], + "12.71": [ + "$12.71" + ], + "2052 Wilkins Avenue": [ + "2052 Wilkins Avenue" + ], + "134 North Cloverdale Boulevard": [ + "134 North Cloverdale boulevard", + "134 North Cloverdale Boulevard" + ], + "642 Ramona Street": [ + "642 Ramona Street" + ], + "14.27": [ + "$14.27" + ], + "8.81": [ + "$8.81" + ], + "337 North Santa Cruz Avenue": [ + "337 North Santa Cruz Avenue" + ], + "29.81": [ + "$29.81" + ], + "Petit Biscuit": [ + "petit biscuit", + "Petit Biscuit" + ], + "Sunset Lover": [ + "Sunset Lover", + "Sunset lover" + ], + "Presence": [ + "presence", + "Presence" + ], + "104 Lynch Creek Way": [ + "104 Lynch Creek Way" + ], + "Wayfare Tavern": [ + "Wayfare Tavern" + ], + "558 Bridgeway": [ + "558 Bridgeway", + "558 bridgeway" + ], + "Novato Park Apartments": [ + "Novato Park Apartments" + ], + "18.75": [ + "$18.75" + ], + "Rusty's Southern": [ + "Rusty's Southern" + ], + "13.28": [ + "$13.28" + ], + "Superior Palace": [ + "Superior Palace" + ], + "20735 Stevens Creek Boulevard Ste F": [ + "20735 Stevens Creek Boulevard Ste F" + ], + "1711 El Camino Real": [ + "1711 El Camino Real" + ], + "1901 Mendocino Avenue": [ + "1901 Mendocino Avenue" + ], + "15.42": [ + "$15.42" + ], + "7.62": [ + "$7.62" + ], + "2142 Chestnut Street": [ + "2142 Chestnut Street" + ], + "14.96": [ + "$14.96" + ], + "Bund Shanghai Restaurant": [ + "Bund Shanghai Restaurant" + ], + "1943 West El Camino Real": [ + "1943 West El Camino Real" + ], + "Level Iii Restaurant": [ + "Level Iii Restaurant" + ], + "Champion Hill Stadium, Edgar Kail Way": [ + "champion hill stadium, Edgar kail way" + ], + "Mandarin Gourmet Restaurant": [ + "Mandarin Gourmet Restaurant" + ], + "11.09": [ + "$11.09" + ], + "Dan Snaith": [ + "Dan Snaith" + ], + "Swim": [ + "Swim" + ], + "Le Parc Apartments": [ + "Le Parc Apartments" + ], + "3741 Sunset Lane # A": [ + "3741 Sunset Lane # A" + ], + "11.62": [ + "$11.62" + ], + "Mango's Taqueria & Cantina": [ + "Mango's Taqueria & Cantina" + ], + "23.45": [ + "$23.45" + ], + "18.20": [ + "$18.20" + ], + "Crash My Party": [ + "Crash My Party" + ], + "Roller Coaster": [ + "Roller Coaster" + ], + "3466 Mount Diablo Boulevard Suite C-104": [ + "3466 Mount Diablo Boulevard Suite C-104" + ], + "Salito's Crab House & Prime Rib": [ + "Salito's Crab House & Prime Rib" + ], + "18.74": [ + "$18.74" + ], + "22.81": [ + "$22.81" + ], + "Musee des Arts Forains": [ + "Musee des Arts Forains" + ], + "1259 Polk Street": [ + "1259 Polk Street" + ], + "OUE Skyspace LA": [ + "OUE Skyspace LA" + ], + "1701 Divisadero Street": [ + "1701 Divisadero Street" + ], + "5560 Santa Teresa Boulevard": [ + "5560 santa teresa boulevard" + ], + "20.68": [ + "$20.68" + ], + "1721 East Bayshore Road": [ + "1721 East Bayshore Road" + ], + "4546 El Camino Real": [ + "4546 El Camino Real" + ], + "16.62": [ + "$16.62" + ], + "Plearn Thai Palace": [ + "Plearn Thai Palace" + ], + "10.66": [ + "$10.66" + ], + "Szechwan Restaurant": [ + "Szechwan Restaurant" + ], + "Chef's Wok": [ + "Chef's Wok" + ], + "10.85": [ + "$10.85" + ], + "3685 Mount Diablo Boulevard #100": [ + "3685 Mount Diablo Boulevard #100" + ], + "13.50": [ + "$13.50" + ], + "The Arena": [ + "The Arena" + ], + "Shen Hua": [ + "Shen Hua" + ], + "Parliament Hill Viewpoint": [ + "Parliament Hill Viewpoint" + ], + "Ride All Night": [ + "Ride all Night" + ], + "Lock Chun Restaurant": [ + "Lock Chun Restaurant" + ], + "6.12": [ + "$6.12" + ], + "1900 Esplanade Drive": [ + "1900 Esplanade Drive" + ], + "7.06": [ + "$7.06" + ], + "25.98": [ + "$25.98" + ], + "12.36": [ + "$12.36" + ], + "1707 Webster Street": [ + "1707 Webster street", + "1707 Webster Street" + ], + "17.38": [ + "$17.38" + ], + "Newell Vista Apartments": [ + "Newell Vista Apartments" + ], + "Morimoto Napa": [ + "Morimoto Napa" + ], + "Newseum": [ + "Newseum" + ], + "27.16": [ + "$27.16" + ], + "Yoshino Sushi": [ + "Yoshino Sushi" + ], + "50 East Hamilton Avenue #120": [ + "50 East Hamilton Avenue #120" + ], + "22.78": [ + "$22.78" + ], + "6225 Jarvis Avenue": [ + "6225 Jarvis Avenue" + ], + "23.37": [ + "$23.37" + ], + "58.68": [ + "$58.68" + ], + "16.46": [ + "$16.46" + ], + "29.99": [ + "$29.99" + ], + "1599 Hopkins Street": [ + "1599 Hopkins Street" + ], + "32.04": [ + "$32.04" + ], + "30.58": [ + "$30.58" + ], + "15055 Los Gatos Boulevard": [ + "15055 Los Gatos Boulevard" + ], + "12.67": [ + "$12.67" + ], + "8.37": [ + "$8.37" + ], + "37.52": [ + "$37.52" + ], + "26.25": [ + "$26.25" + ], + "4175 Blackhawk Plaza Circle": [ + "4175 Blackhawk Plaza Circle" + ], + "28.05": [ + "$28.05" + ], + "22.15": [ + "$22.15" + ], + "20.81": [ + "$20.81" + ], + "29.46": [ + "$29.46" + ], + "6.62": [ + "$6.62" + ], + "40.20": [ + "$40.20" + ], + "25.70": [ + "$25.70" + ], + "25.89": [ + "$25.89" + ], + "27.14": [ + "$27.14" + ], + "37.84": [ + "$37.84" + ], + "9.36": [ + "$9.36" + ], + "Royal Botanic Gardens": [ + "Royal Botanic Gardens" + ], + "16.15": [ + "$16.15" + ], + "26.50": [ + "$26.50" + ], + "Vaucluse House": [ + "Vaucluse House" + ], + "27.50": [ + "$27.50" + ], + "14.65": [ + "$14.65" + ], + "16.82": [ + "$16.82" + ], + "16.01": [ + "$16.01" + ], + "8.90": [ + "$8.90" + ], + "37.14": [ + "$37.14" + ], + "17.36": [ + "$17.36" + ], + "49.59": [ + "$49.59" + ], + "19.03": [ + "$19.03" + ], + "30.96": [ + "$30.96" + ], + "19.04": [ + "$19.04" + ], + "56.86": [ + "$56.86" + ], + "22.03": [ + "$22.03" + ], + "19.20": [ + "$19.20" + ], + "27.09": [ + "$27.09" + ], + "31.40": [ + "$31.40" + ], + "408-247-8880": [ + "408-247-8880" + ], + "377 Santana Row #1000": [ + "377 Santana Row #1000" + ], + "Sipan Peruvian Restaurant & Bar": [ + "Sipan", + "Sipan Peruvian Restaurant & Bar" + ], + "Villa Romano": [ + "Villa Romano" + ], + "The Big 4": [ + "Big 4", + "The Big 4" + ], + "ultra high-end": [ + "ultra high-end" + ], + "House Of Genji": [ + "House Of Genji" + ], + "805 North Vasco Road": [ + "805 North Vasco Road" + ], + "Mai Vietnamese Cuisine": [ + "Mai", + "Mai Vietnamese Cuisine" + ], + "Isushi": [ + "Isushi" + ], + "Lalla Grill": [ + "Lalla", + "Lalla Grill" + ], + "Kiku Sushi": [ + "Kiku Sushi", + "Kiku" + ], + "Royal Rangoon Restaurant": [ + "Royal Rangoon Restaurant", + "Royal Rangoon" + ], + "Kittea Cat Cafe": [ + "Kittea Cat", + "Kittea Cat Cafe" + ], + "Kathmandu Restaurant": [ + "Kathmandu Restaurant" + ], + "Rokko": [ + "Rokko" + ], + "Tanchito's Restaurant": [ + "Tanchito's", + "Tanchito's Restaurant" + ], + "4390 Telegraph Avenue D": [ + "4390 Telegraph avenue D" + ], + "605 Post Street": [ + "605 Post Street" + ], + "415-775-7644": [ + "415-775-7644" + ], + "The Cooperage American Grille": [ + "The Cooperage", + "The Cooperage American Grille" + ], + "925-648-7838": [ + "925-648-7838" + ], + "Hakka Restaurant": [ + "Hakka", + "Hakka restaurant" + ], + "4401 Cabrillo Street": [ + "4401 Cabrillo Street" + ], + "The City Taqueria": [ + "The City", + "The City Taqueria" + ], + "The Grill": [ + "The Grill" + ], + "06:35": [ + "6:35 am" + ], + "19:07": [ + "7:07 pm" + ], + "15:39": [ + "3:39 pm" + ], + "06:26": [ + "6:26 am" + ], + "18:17": [ + "6:17 pm" + ], + "18:35": [ + "6:35 pm" + ], + "15:56": [ + "3:56 pm" + ], + "775": [ + "$775" + ], + "20:42": [ + "8:42 pm" + ], + "02:00": [ + "2 am" + ], + "443": [ + "$443" + ], + "628": [ + "$628" + ], + "462": [ + "$462" + ], + "04:50": [ + "4:50 am" + ], + "617": [ + "$617" + ], + "786": [ + "$786" + ], + "595": [ + "$595" + ], + "01:40": [ + "1:40 am" + ], + "22:02": [ + "10:02 pm" + ], + "01:50": [ + "1:50 am" + ], + "835": [ + "$835" + ], + "502": [ + "$502" + ], + "836": [ + "$836" + ], + "615": [ + "$615" + ], + "477": [ + "$477" + ], + "742": [ + "$742" + ], + "564": [ + "$564" + ], + "23:35": [ + "11:35 pm" + ], + "22:36": [ + "10:36 pm" + ], + "16:41": [ + "4:41 pm" + ], + "797": [ + "$797" + ], + "12:59": [ + "12:59 pm" + ], + "17:28": [ + "5:28 pm" + ], + "16:05": [ + "4:05 pm" + ], + "899": [ + "$899" + ], + "19:22": [ + "7:22 pm" + ], + "459": [ + "$459" + ], + "561": [ + "$561" + ], + "02:30": [ + "2:30 am" + ], + "876": [ + "$876" + ], + "12:37": [ + "12:37 pm" + ], + "02:20": [ + "2:20 am" + ], + "573": [ + "$573" + ], + "Wang Wah": [ + "Wang Wah" + ], + "11.08": [ + "$11.08" + ], + "5434 Ygnacio Valley Road #90": [ + "5434 Ygnacio Valley Road #90" + ], + "Matador": [ + "Matador" + ], + "Iberia": [ + "Iberia" + ], + "8.00": [ + "8.0", + "$8.00" + ], + "Lers Ros Thai": [ + "Lers Ros", + "Lers Ros Thai" + ], + "18300 Carriage Drive": [ + "18300 Carriage Drive" + ], + "1740 South Winchester Boulevard": [ + "1740 South Winchester Boulevard" + ], + "1538 Third Ave, East 86th Street": [ + "1538 Third Ave, East 86th Street" + ], + "Park Viva": [ + "Park Viva" + ], + "The Grotto San Francisco": [ + "The Grotto San Francisco" + ], + "1900 University Ave #105": [ + "1900 University Ave #105" + ], + "24.83": [ + "$24.83" + ], + "421 Cypress Avenue": [ + "421 Cypress Avenue" + ], + "22.39": [ + "$22.39" + ], + "Willard Hicks": [ + "Willard Hicks" + ], + "11.15": [ + "$11.15" + ], + "Cables Wake Park": [ + "Cables Wake Park" + ], + "24.41": [ + "$24.41" + ], + "599 Railroad Avenue": [ + "599 Railroad Avenue" + ], + "5988 Newpark Mall Road": [ + "5988 Newpark Mall Road" + ], + "30.48": [ + "$30.48" + ], + "1671 Willow Pass Road": [ + "1671 Willow Pass Road" + ], + "Silvercrest Housing For Snrs": [ + "Silvercrest Housing for Snrs" + ], + "5801 Norris Canyon Road #200": [ + "5801 Norris Canyon Road #200" + ], + "1850 El Camino Real": [ + "1850 El Camino Real" + ], + "The Studio Museum in Harlem": [ + "The Studio Museum in Harlem" + ], + "17.39": [ + "$17.39" + ], + "16.90": [ + "$16.90" + ], + "100 Van Ness Avenue": [ + "100 Van Ness Avenue" + ], + "185 Estancia Drive": [ + "185 Estancia drive", + "185 Estancia Drive" + ], + "SS United States": [ + "SS United States" + ], + "28.04": [ + "$28.04" + ], + "10.09": [ + "$10.09" + ], + "1698 Bonanza Street": [ + "1698 Bonanza Street" + ], + "Vineyard Meadows Apartments": [ + "Vineyard Meadows Apartments" + ], + "84 Ranch Drive": [ + "84 Ranch Drive" + ], + "770 9th Avenue": [ + "770 9th Avenue" + ], + "9.61": [ + "$9.61" + ], + "453 Fleming Avenue East": [ + "453 Fleming Avenue East" + ], + "9.40": [ + "$9.40" + ], + "National Gallery of Modern Art": [ + "National Gallery of Modern Art" + ], + "14.92": [ + "$14.92" + ], + "Mathilda Garden Apartments": [ + "Mathilda Garden Apartments" + ], + "1700 Laguna Street": [ + "1700 Laguna Street" + ], + "15.90": [ + "$15.90" + ], + "2050 Broadway": [ + "2050 Broadway" + ], + "1100 Foster Square Lane #150": [ + "1100 Foster Square Lane #150" + ], + "14.78": [ + "$14.78" + ], + "GetAlarms": [ + "GetAlarms" + ], + "Wake up": [ + "wake up", + "Wake up", + "Wake Up" + ], + "Pick up kids": [ + "Pick up kids", + "pick up kids", + "Pick up Kids" + ], + "AddAlarm": [ + "AddAlarm" + ], + "New alarm": [ + "New Alarm", + "new alarm", + "New alarm" + ], + "Cleaning": [ + "Cleaning", + "cleaning" + ], + "Shuttle to work": [ + "Shuttle to Work", + "shuttle to work", + "Shuttle to work" + ], + "Grocery run": [ + "grocery run", + "Grocery Run", + "Grocery run" + ], + "Leave for home": [ + "Leave for Home", + "leave for home", + "Leave For Home", + "Leave for home" + ], + "Music practice": [ + "Music Practice", + "Music practice", + "music practice", + "Music PRactice" + ], + "Phone home": [ + "Phone home", + "phone home", + "Phone Home" + ], + "Cooking": [ + "cooking", + "Cooking" + ], + "Psychologist": [ + "Psychologist" + ], + "Christopher J. Celio": [ + "Christopher J. Celio", + "CHristopher J. Celio" + ], + "101 Gregory Lane": [ + "101 Gregory Lane" + ], + "925-827-9876": [ + "925-827-9876" + ], + "David A. Flakoll": [ + "David A. Flakoll" + ], + "925-827-1008": [ + "925-827-1008" + ], + "Cassie L. O'Brien": [ + "Cassie L. O'Brien" + ], + "Psychiatrist": [ + "Psychiatrist" + ], + "Adam E. Pollock": [ + "Adam E. Pollock", + "Adam E. pollock" + ], + "Deardorff Julianna": [ + "Deardorff Julianna" + ], + "625 Potrero Avenue": [ + "625 Potrero Avenue" + ], + "415-502-8336": [ + "415-502-8336" + ], + "Garcia Daniel": [ + "Garcia Daniel" + ], + "Linn Terri": [ + "Linn Terri" + ], + "68 Coombs Street # A-1": [ + "68 Coombs Street # A-1" + ], + "707-252-6163": [ + "707-252-6163" + ], + "Beck Jennifer P": [ + "Beck Jennifer p", + "Beck Jennifer P", + "beck jennifer p" + ], + "1400 North Dutton Avenue #6": [ + "1400 North Dutton Avenue #6", + "1400 north dutton avenue #6" + ], + "Bert Epstein": [ + "bert epstein", + "Bert Epstein" + ], + "Blank Gary A": [ + "Blank Gary A", + "blank gary a", + "Blank gary a" + ], + "2455 Bennett Valley Road # B208": [ + "2455 bennett valley road # b208", + "2455 bennett valley road # B208", + "2455 Bennett Valley Road # B208" + ], + "707-526-2525": [ + "707-526-2525" + ], + "Bower Rosemary A": [ + "Bower Rosemary A" + ], + "11100 San Pablo Ave # 207": [ + "11100 San Pablo Ave # 207" + ], + "510-233-8679": [ + "510-233-8679" + ], + "Susan M. Greene": [ + "Susan M. Greene" + ], + "11100 San Pablo Ave # 216": [ + "11100 San Pablo Ave # 216" + ], + "707-566-4600": [ + "707-566-4600" + ], + "Family Counselor": [ + "Family Counselor" + ], + "Brown Brooke A": [ + "brown brooke a", + "Brown Brooke A" + ], + "Pamela Butler, Psychologist": [ + "Pamela Butler, Psychologist" + ], + "415-332-3352": [ + "415-332-3352" + ], + "150 Shoreline Highway": [ + "150 Shoreline Highway" + ], + "Emily Rosenbaum": [ + "Emily Rosenbaum" + ], + "Alissa Scanlin Psyd": [ + "alissa scanlin psyd", + "Alissa Scanlin Psyd", + "Alissa Scanlin psyd" + ], + "3468 Mount Diablo Boulevard": [ + "3468 Mount Diablo Boulevard" + ], + "2455 Bennett Valley Road": [ + "2455 Bennett Valley Road", + "2455 Bennett valley Road", + "2455 bennett valley road" + ], + "707-242-1989": [ + "707-242-1989" + ], + "Carol Weser": [ + "Carol Weser" + ], + "2455 Bennett Valley Road #208": [ + "2455 Bennett Valley Road #208" + ], + "Caldwell Leslie": [ + "Caldwell Leslie" + ], + "Pamela Culver, Psy": [ + "Pamela Culver, psy", + "Pamela Culver Psy", + "Pamela Culver, Psy" + ], + "None": [ + "None", + "none" + ], + "707-823-7300": [ + "707-823-7300" + ], + "Alameda Children'S Specialized": [ + "Alameda children's Specialized", + "Alameda Children's SPecialized", + "Alameda Children'S Specialized", + "Alameda Children's Specialized", + "Alameda Children's specialized", + "alameda children's specialized" + ], + "7200 Bancroft Ave # 125C": [ + "7200 Bancroft Ave # 125C", + "7200 BAncroft Ave # 125C" + ], + "510-383-5100": [ + "510-383-5100" + ], + "Brown Timothy A": [ + "Brown Timothy A" + ], + "Beth Kane": [ + "Beth Kane" + ], + "621 E Campbell Ave # 17": [ + "621 E Campbell Ave # 17" + ], + "Flores Michelle M": [ + "Flores Michelle M" + ], + "Barskyex Bryna G": [ + "Barskyex bryna g", + "Barskyex Bryna G", + "Barskyex bryna G", + "barskyex bryna G", + "barskyex bryna g" + ], + "Burdge Sarah": [ + "Burdge Sarah" + ], + "2880 Zanker Road # 203": [ + "2880 Zanker Road # 203" + ], + "650-274-8004": [ + "650-274-8004" + ], + "Dr. Manuj K. Nangia": [ + "Dr. Manuj K. Nangia" + ], + "Pfaff Loretta": [ + "Pfaff Loretta" + ], + "Paz George G": [ + "Paz George G" + ], + "707-624-2830": [ + "707-624-2830" + ], + "1 Quality Drive": [ + "1 Quality Drive", + "1 Quality drive" + ], + "415-458-3177": [ + "415-458-3177" + ], + "Sorensen Phyllis": [ + "Sorensen Phyllis", + "sorensen phyllis" + ], + "415-924-1192": [ + "415-924-1192" + ], + "Auer Patience": [ + "Auer Patience", + "auer Patience", + "Auer patience", + "auer patience" + ], + "Leininger Anne": [ + "leininger anne", + "Leininger anne", + "Leininger Anne" + ], + "Rachelle Coate": [ + "Rachelle Coate" + ], + "Whang-Ramos Paula": [ + "Whang-Ramos Paula" + ], + "8339 Church Street # 110": [ + "8339 Church Street # 110" + ], + "408-303-2435": [ + "408-303-2435" + ], + "Jeff Greenwald": [ + "Jeff Greenwald" + ], + "5755 Cottle Road # 4": [ + "5755 Cottle ROad # 4", + "5755 Cottle road # 4", + "5755 cottle road # 4", + "5755 Cottle Road # 4" + ], + "408-363-4418": [ + "408-363-4418" + ], + "575 Lincoln Avenue # 305C": [ + "575 Lincoln Avenue # 305C" + ], + "707-226-9912": [ + "707-226-9912" + ], + "Morgan Sheryl": [ + "Morgan Sheryl" + ], + "7 Mount Lassen Dr # D134": [ + "7 Mount Lassen Dr # D134" + ], + "415-491-1963": [ + "415-491-1963" + ], + "Dillon Charles R": [ + "Dillon Charles R" + ], + "250 Bel Marin Keys Boulevard # C3": [ + "250 Bel Marin Keys Boulevard # C3" + ], + "415-382-1299": [ + "415-382-1299" + ], + "Dixon Lilo": [ + "Dixon Lilo" + ], + "Bacheler Janet": [ + "bacheler Janet", + "Bacheler Janet" + ], + "408-378-7868": [ + "408-378-7868" + ], + "251 Llewellyn Avenue": [ + "251 Llewellyn Avenue" + ], + "408-425-5730": [ + "408-425-5730" + ], + "401 Alberto Way #1": [ + "401 alberto way #1", + "401 Alberto Way #1" + ], + "408-641-7353": [ + "408-641-7353" + ], + "8339 Church Street": [ + "8339 Church Street", + "8339 Church street" + ], + "831-665-5053": [ + "831-665-5053" + ], + "Becker Hubert J": [ + "Becker hubert j", + "becker hubert j", + "Becker Hubert J", + "becker Hubert J" + ], + "Elizabeth A. Uno": [ + "Elizabeth A. Uno" + ], + "510-383-5064": [ + "510-383-5064" + ], + "Carolyn Finn Mitchell": [ + "Carolyn Finn Mitchell" + ], + "408-235-1566": [ + "408-235-1566" + ], + "1101 South Winchester Boulevard": [ + "1101 South Winchester Boulevard" + ], + "Banner Linda L": [ + "Banner Linda L", + "Banner Linda l" + ], + "Larkin Matt": [ + "Larkin Matt", + "larkin matt" + ], + "408-399-5677": [ + "408-399-5677" + ], + "301 Los Gatos-Saratoga Road": [ + "301 los gatos-saratoga road", + "301 Los Gatos-Saratoga Road" + ], + "Center For Well Being": [ + "Center for Well Being", + "Center For Well Being", + "Center for well Being" + ], + "1301 Mowry Avenue": [ + "1301 Mowry Avenue" + ], + "510-797-3941": [ + "510-797-3941" + ], + "Dwyer Patricia J": [ + "Dwyer patricia J", + "Dwyer Patricia J", + "Dwyer Patricia j", + "dwyer patricia j" + ], + "Wetzler Kathryn": [ + "Wetzler Kathryn" + ], + "Christensen Holly": [ + "Christensen Holly" + ], + "Guerneville": [ + "Guerneville" + ], + "Bolinas": [ + "Bolinas" + ], + "Tomales": [ + "Tomales" + ], + "Century Village Apartments": [ + "Century Village Apartments" + ], + "41299 Paseo Padre Parkway": [ + "41299 Paseo Padre Parkway" + ], + "510-651-1040": [ + "510-651-1040" + ], + "Lakeshore Apartments": [ + "Lakeshore Apartments" + ], + "1530 Ellis Street": [ + "1530 Ellis Street" + ], + "925-521-8333": [ + "925-521-8333" + ], + "Marina Park Townhomes": [ + "Marina Park Townhomes" + ], + "613 Cabot Way": [ + "613 Cabot Way" + ], + "Baywood Apartments": [ + "Baywood Apartments" + ], + "31108 Brae Burn Avenue": [ + "31108 Brae Burn Avenue" + ], + "Breezewood Village": [ + "Breezewood Village" + ], + "1359 Worley Road": [ + "1359 Worley Road" + ], + "Hale Apartments": [ + "Hale Apartments" + ], + "566 Estudillo Avenue": [ + "566 Estudillo Avenue" + ], + "510-352-3224": [ + "510-352-3224" + ], + "Charter Oaks Apartments": [ + "Charter Oaks Apartments" + ], + "3025 Browns Valley Road": [ + "3025 Browns Valley Road" + ], + "707-448-3848": [ + "707-448-3848" + ], + "Muirlands At Windemere Apartments": [ + "Muirlands At Windemere Apartments" + ], + "1108 Crestfield Drive": [ + "1108 Crestfield Drive" + ], + "925-314-8034": [ + "925-314-8034" + ], + "408-379-6655": [ + "408-379-6655" + ], + "415-454-6223": [ + "415-454-6223" + ], + "Crawford Apartments": [ + "Crawford Apartments" + ], + "46703 Crawford Street # 2": [ + "46703 Crawford Street # 2" + ], + "510-651-5292": [ + "510-651-5292" + ], + "Mayuri Indian Cuisine": [ + "Mayuri Indian Cuisine" + ], + "2232 El Camino Real": [ + "2232 El Camino Real" + ], + "408-248-9747": [ + "408-248-9747" + ], + "925-691-6009": [ + "925-691-6009" + ], + "cheap": [ + "cheap" + ], + "408-298-6533": [ + "408-298-6533" + ], + "The Cask Wine Bar": [ + "The Cask Wine Bar" + ], + "John Bentley's Restaurant": [ + "John Bentley's Restaurant" + ], + "50 University Avenue #260": [ + "50 University Avenue #260" + ], + "510-601-8818": [ + "510-601-8818" + ], + "pricey": [ + "pricey" + ], + "2043 Camden Avenue": [ + "2043 Camden Avenue" + ], + "Il Postale": [ + "Il Postale" + ], + "Pezzella's Villa Napoli": [ + "Pezzella's Villa Napoli" + ], + "Andy's Sushi": [ + "Andy's Sushi" + ], + "Los Reyes Restaurante Y Cantina": [ + "Los Reyes Restaurante Y Cantina" + ], + "21 Town Square Place # A": [ + "21 Town Square Place # A" + ], + "869 4th Street": [ + "869 4th street" + ], + "650-522-9698": [ + "650-522-9698" + ], + "Cafe Baklava": [ + "Cafe Baklava" + ], + "99 South 1st Street": [ + "99 South 1st Street" + ], + "925-377-7662": [ + "925-377-7662" + ], + "39839 Mowry School Road": [ + "39839 Mowry School Road" + ], + "338 South Main Street": [ + "338 South Main Street" + ], + "510-208-5253": [ + "510-208-5253" + ], + "Siam Orchid": [ + "Siam orchid", + "Siam Orchid" + ], + "3814.44": [ + "$3,814.44" + ], + "5984.42": [ + "$5,984.42" + ], + "Diego": [ + "diego", + "Diego", + "DIego" + ], + "19663.10": [ + "$19,663.10" + ], + "Yumi": [ + "Yumi" + ], + "17883.87": [ + "$17,883.87" + ], + "Justin": [ + "justin", + "JUstin", + "Justin" + ], + "8181.52": [ + "$8,181.52" + ], + "5849.47": [ + "$5,849.47" + ], + "Li": [ + "Li" + ], + "6089.81": [ + "$6,089.81" + ], + "22309.73": [ + "$22,309.73" + ], + "Mom": [ + "mom", + "Mom" + ], + "5348.16": [ + "$5,348.16" + ], + "5502.90": [ + "$5,502.90" + ], + "5768.70": [ + "$5,768.70" + ], + "2452.32": [ + "$2,452.32" + ], + "20931.69": [ + "$20,931.69" + ], + "15627.82": [ + "$15,627.82" + ], + "12723.10": [ + "$12,723.10" + ], + "9183.90": [ + "$9,183.90" + ], + "Khadija": [ + "Khadija" + ], + "13314.25": [ + "$13,314.25" + ], + "9434.73": [ + "$9,434.73" + ], + "Kagiso": [ + "Kagiso" + ], + "14570.75": [ + "$14,570.75" + ], + "7834.86": [ + "$7,834.86" + ], + "Mahmoud": [ + "mahmoud", + "Mahmoud" + ], + "5370.53": [ + "$5,370.53" + ], + "Svetlana": [ + "Svetlana", + "svetlana" + ], + "23260.13": [ + "$23,260.13" + ], + "Philip": [ + "philip", + "Philip" + ], + "22448.26": [ + "$22,448.26" + ], + "9520.80": [ + "$9,520.80" + ], + "Jasbir": [ + "Jasbir", + "jasbir" + ], + "18051.39": [ + "$18,051.39" + ], + "Grace": [ + "Grace", + "grace" + ], + "24934.51": [ + "$24,934.51" + ], + "22496.82": [ + "$22,496.82" + ], + "11466.82": [ + "$11,466.82" + ], + "16754.52": [ + "$16,754.52" + ], + "19144.42": [ + "$19,144.42" + ], + "10755.44": [ + "$10,755.44" + ], + "8238.58": [ + "$8,238.58" + ], + "9616.40": [ + "$9,616.40" + ], + "1640": [ + "1,640 dollars", + "$1,640" + ], + "5612.58": [ + "$5,612.58" + ], + "20894.39": [ + "$20,894.39" + ], + "23509.52": [ + "$23,509.52" + ], + "18456.66": [ + "$18,456.66" + ], + "7686.21": [ + "$7,686.21" + ], + "24978.75": [ + "$24,978.75" + ], + "21801.28": [ + "$21,801.28" + ], + "14298.13": [ + "$14,298.13" + ], + "17349.49": [ + "$17,349.49" + ], + "9379.56": [ + "$9,379.56" + ], + "2873.18": [ + "$2,873.18" + ], + "18299.57": [ + "$18,299.57" + ], + "9485.10": [ + "$9,485.10" + ], + "3368.48": [ + "$3,368.48" + ], + "21432.70": [ + "$21,432.70" + ], + "16589.75": [ + "$16,589.75" + ], + "24590.55": [ + "$24,590.55" + ], + "24838.31": [ + "$24,838.31" + ], + "5567.84": [ + "$5,567.84" + ], + "11130.35": [ + "$11,130.35" + ], + "1360": [ + "$1,360", + "1360 dollars" + ], + "24819.36": [ + "$24,819.36" + ], + "12886.54": [ + "$12,886.54" + ], + "3232.84": [ + "$3,232.84" + ], + "19703.30": [ + "$19,703.30" + ], + "4165.22": [ + "$4,165.22" + ], + "843.14": [ + "$843.14" + ], + "17106.16": [ + "$17,106.16" + ], + "1170": [ + "$1,170", + "1,170 dollars", + "$1170" + ], + "11570.74": [ + "$11,570.74" + ], + "19945.43": [ + "$19,945.43" + ], + "23352.71": [ + "$23,352.71" + ], + "7976.46": [ + "$7,976.46" + ], + "3520.45": [ + "$3,520.45" + ], + "19865.14": [ + "$19,865.14" + ], + "23389.17": [ + "$23,389.17" + ], + "10764.11": [ + "$10,764.11" + ], + "23362.72": [ + "$23,362.72" + ], + "Garfield Park Conservatory": [ + "Garfield Park Conservatory" + ], + "773-638-1777": [ + "773-638-1777" + ], + "Holy Trinity Brompton": [ + "Holy Trinity Brompton" + ], + "604-736-4431": [ + "604-736-4431" + ], + "New York Aquarium": [ + "New York Aquarium" + ], + "Cabrillo National Monument": [ + "Cabrillo national monument", + "Cabrillo National Monument" + ], + "Cambridge Theatre": [ + "Cambridge Theatre" + ], + "Interactive Museum of Economics": [ + "Interactive Museum of Economics" + ], + "Leon Trotsky House Museum": [ + "Leon Trotsky House Museum" + ], + "6.90": [ + "6.9" + ], + "8.40": [ + "8.4" + ], + "6.40": [ + "6.4" + ], + "7.00": [ + "7.0" + ], + "David Walliams": [ + "David Walliams" + ], + "7.20": [ + "7.2" + ], + "Gordon Tanner": [ + "Gordon Tanner" + ], + "5.80": [ + "5.8" + ], + "7.50": [ + "7.5" + ], + "Taraji P. Henson": [ + "Taraji P. Henson" + ], + "5.90": [ + "5.9" + ], + "Roman Christou": [ + "Roman Christou" + ], + "5.20": [ + "5.2" + ], + "O'Shea Jackson Jr.": [ + "O'Shea Jackson Jr." + ], + "6.60": [ + "6.6" + ], + "Terry Kelman": [ + "Terry Kelman" + ], + "7.30": [ + "7.3" + ], + "Alix Talton": [ + "ALix Talton", + "Alix Talton" + ], + "Haaz Sleiman": [ + "Haaz Sleiman" + ], + "7.70": [ + "7.7" + ], + "5.40": [ + "5.4" + ], + "7.40": [ + "7.4" + ], + "6.70": [ + "6.7" + ], + "Jeff Harding": [ + "Jeff Harding" + ], + "6.20": [ + "6.2" + ], + "8.30": [ + "8.3" + ], + "5.60": [ + "5.6" + ], + "John Bair": [ + "John Bair" + ], + "Gladys Holland": [ + "Gladys Holland" + ], + "Sam Rockwell": [ + "Sam Rockwell" + ], + "7.10": [ + "7.1" + ], + "Huang Lu": [ + "Huang Lu" + ], + "Patric Knowles": [ + "patric knowles" + ], + "Rose Arrick": [ + "Rose Arrick" + ], + "6.80": [ + "6.8" + ], + "Frank Berry": [ + "Frank Berry" + ], + "Frederick Preston": [ + "Frederick Preston" + ], + "Justus von Dohnanyi": [ + "Justus von Dohnanyi" + ], + "Harmoni Everett": [ + "Harmoni Everett" + ], + "7.80": [ + "7.8" + ], + "Mike Colter": [ + "Mike Colter" + ], + "Michael Cumpsty": [ + "Michael Cumpsty" + ], + "Shayn Solberg": [ + "Shayn Solberg" + ], + "Joan Cusack": [ + "Joan Cusack" + ], + "Jacqueline Brogan": [ + "Jacqueline Brogan" + ], + "Alan Arkin": [ + "Alan Arkin" + ], + "Walter the Dog": [ + "Walter the Dog" + ], + "RentMovie": [ + "RentMovie" + ], + "Mandarin": [ + "Mandarin" + ], + "B.J. Jones": [ + "B.J. Jones" + ], + "Kevin Blatch": [ + "Kevin Blatch" + ], + "Victor Banerjee": [ + "Victor Banerjee" + ], + "Katharine Isabelle": [ + "Katharine Isabelle" + ], + "Edoardo Pesce": [ + "Edoardo Pesce" + ], + "Holland Taylor": [ + "Holland Taylor" + ], + "Larry Jenkins": [ + "Larry Jenkins" + ], + "Matthias Schoenaerts": [ + "Matthias Schoenaerts" + ], + "Keshia Knight Pulliam": [ + "Keshia Knight Pulliam" + ], + "Mark Seliger": [ + "Mark Seliger" + ], + "Brian Stepanek": [ + "Brian Stepanek" + ], + "Loren Dean": [ + "Loren Dean" + ], + "Edd Osmond": [ + "Edd Osmond" + ], + "Bess Flowers": [ + "Bess Flowers" + ], + "Matt Damon": [ + "Matt Damon" + ], + "Taylor Schilling": [ + "Taylor Schilling" + ], + "Don Hewitt": [ + "Don Hewitt" + ], + "Alida Baldari Calabria": [ + "Alida Baldari Calabria" + ], + "Tom Virtue": [ + "Tom Virtue" + ], + "Martin Wolfson": [ + "Martin Wolfson" + ], + "Brinke Stevens": [ + "Brinke Stevens" + ], + "David Dunston": [ + "David Dunston" + ], + "Adriana Altaras": [ + "Adriana Altaras" + ], + "Megumi Han": [ + "Megumi Han" + ], + "Andre 3000": [ + "Andre 3000", + "andre 3000" + ], + "Larry Barton": [ + "Larry Barton" + ], + "Shangri-La Hotel, Vancouver": [ + "Shangri-la Hotel, Vancouver" + ], + "Coast Coal Harbour Vancouver Hotel By Apa": [ + "Coast Coal Harbour Vancouver Hotel By Apa" + ], + "+1 604-697-0202": [ + "+1 604-697-0202" + ], + "Kimpton Hotel Monaco Philadelphia": [ + "Kimpton Hotel Monaco Philadelphia" + ], + "433 Chestnut Street": [ + "433 Chestnut Street" + ], + "55 Shelley Street": [ + "55 Shelley Street" + ], + "Assembly Hotel London": [ + "Assembly Hotel London" + ], + "27 - 31 Charing Cross Road": [ + "27 - 31 Charing Cross Road" + ], + "+44 20 3953 4251": [ + "+44 20 3953 4251" + ], + "Bklyn House Hotel": [ + "Bklyn House Hotel" + ], + "9 Beaver Street, Brooklyn": [ + "9 Beaver Street, Brooklyn", + "9 Beaver street, brooklyn" + ], + "+1 718-388-4433": [ + "+1 718-388-4433" + ], + "Bogart Hotel": [ + "Bogart Hotel" + ], + "Broadway Hotel & Hostel": [ + "Broadway Hotel & Hostel" + ], + "+1 212-865-7711": [ + "+1 212-865-7711" + ], + "Batty Langley'S Hotel": [ + "Batty Langley'S Hotel", + "Batty Langley's Hotel" + ], + "Arriva Hotel": [ + "Arriva Hotel" + ], + "Swinton Street": [ + "Swinton Street" + ], + "+44 20 7278 2666": [ + "+44 20 7278 2666" + ], + "12 Folgate Street": [ + "12 Folgate Street" + ], + "+44 20 7377 4390": [ + "+44 20 7377 4390" + ], + "Chelsea Bridge Apartments": [ + "Chelsea Bridge Apartments" + ], + "Arenaa Star Hotel": [ + "Arenaa Star Hotel" + ], + "49-51, Jalan Hang Lekiu, 50100": [ + "49-51, Jalan Hang Lekiu, 50100" + ], + "+60 3-2078 0988": [ + "+60 3-2078 0988" + ], + "Central Park West Hostel": [ + "Central park West Hostel" + ], + "+1 646-490-7348": [ + "+1 646-490-7348" + ], + "525": [ + "$525" + ], + "Adina Serviced Apartments Sydney Martin Place (Formerly Medina)": [ + "Adina Serviced Apartments Sydney Martin Place (Formerly Medina)" + ], + "She Loves Control": [ + "She Loves Control" + ], + "The Weight Of The Badge": [ + "The weight of the badge", + "The Weight of the badge", + "The Weight Of The Badge" + ], + "Fairfield Inn By Marriott Sacramento Cal Expo": [ + "fairfield inn by marriott sacramento cal expo" + ], + "+1 415-673-2600": [ + "+1 415-673-2600" + ], + "Embassy Suites By Hilton Sacramento Riverfront Promenade": [ + "Embassy Suites by Hilton Sacramento Riverfront Promenade" + ], + "12254.49": [ + "$12,254.49" + ], + "22869.21": [ + "$22,869.21" + ], + "13706.89": [ + "$13,706.89" + ], + "14897.23": [ + "$14,897.23" + ], + "11110.69": [ + "$11,110.69" + ], + "12808.32": [ + "$12,808.32" + ], + "3207.22": [ + "$3,207.22" + ], + "9286.56": [ + "$9,286.56" + ], + "19587.50": [ + "$19,587.50" + ], + "14222.76": [ + "$14,222.76" + ], + "14257.75": [ + "$14,257.75" + ], + "20899.12": [ + "$20,899.12" + ], + "13250.25": [ + "$13,250.25" + ], + "15280.44": [ + "$15,280.44" + ], + "17785.35": [ + "$17,785.35" + ], + "2737.53": [ + "$2,737.53" + ], + "13989.88": [ + "$13,989.88" + ], + "9217.14": [ + "$9,217.14" + ], + "18124.73": [ + "$18,124.73" + ], + "1442.16": [ + "$1,442.16" + ], + "20591.49": [ + "$20,591.49" + ], + "23383.84": [ + "$23,383.84" + ], + "13261.46": [ + "$13,261.46" + ], + "9613.38": [ + "$9,613.38" + ], + "16277.70": [ + "$16,277.70" + ], + "1539.74": [ + "$1,539.74" + ], + "9377.78": [ + "$9,377.78" + ], + "2489.31": [ + "$2,489.31" + ], + "1861.43": [ + "$1,861.43" + ], + "14778.56": [ + "$14,778.56" + ], + "19328.19": [ + "$19,328.19" + ], + "7658.13": [ + "$7,658.13" + ], + "2971.48": [ + "$2,971.48" + ], + "4559.65": [ + "$4,559.65" + ], + "23383.41": [ + "$23,383.41" + ], + "9307.64": [ + "$9,307.64" + ], + "20863.73": [ + "$20,863.73" + ], + "24220.79": [ + "$24,220.79" + ], + "9812.15": [ + "$9,812.15" + ], + "17274.43": [ + "$17,274.43" + ], + "21581.46": [ + "$21,581.46" + ], + "2601.84": [ + "$2,601.84" + ], + "14992.71": [ + "$14,992.71" + ], + "15975.43": [ + "$15,975.43" + ], + "2377.24": [ + "$2,377.24" + ], + "12913.46": [ + "$12,913.46" + ], + "7069.50": [ + "$7,069.50" + ], + "19643.54": [ + "$19,643.54" + ], + "9129.22": [ + "$9,129.22" + ], + "14996.53": [ + "$14,996.53" + ], + "6255.48": [ + "$6,255.48" + ], + "17343.13": [ + "$17,343.13" + ], + "16282.84": [ + "$16,282.84" + ], + "7181.85": [ + "$7,181.85" + ], + "20895.77": [ + "$20,895.77" + ], + "22717.30": [ + "$22,717.30" + ], + "6829.27": [ + "$6,829.27" + ], + "17842.78": [ + "$17,842.78" + ], + "21712.30": [ + "$21,712.30" + ], + "12795.18": [ + "$12,795.18" + ], + "21648.31": [ + "$21,648.31" + ], + "The Hazelton Hotel": [ + "The Hazelton Hotel" + ], + "The Ritz-Carlton, Toronto": [ + "The Ritz-Carlton, Toronto" + ], + "400 New Jersey Avenue Northwest, Washington, District of Columbia 20001, United States": [ + "400 New Jersey Avenue Northwest, Washington, District of Columbia 20001, United States" + ], + "Intercontinental Washington D.C. - The Wharf": [ + "Intercontinental Washington D.C. - The Wharf" + ], + "Days Inn San Diego Hotel Circle Near Seaworld": [ + "Days Inn San Diego Hotel Circle Near Seaworld" + ], + "Homewood Suites By Hilton Sacramento Airport-Natomas": [ + "Homewood Suites By Hilton Sacramento Airport-Natomas" + ], + "+1 714-774-3860": [ + "+1 714-774-3860" + ], + "Best Western Hollywood Plaza Inn": [ + "Best Western hollywood Plaza Inn", + "Best Western Hollywood Plaza Inn" + ], + "Mahershala Ali": [ + "Mahershala Ali" + ], + "Yi Zhang": [ + "yi zhang" + ], + "David Albiero": [ + "David Albiero" + ], + "6.00": [ + "6.0" + ], + "Walter Mudu": [ + "Walter Mudu" + ], + "Byron Webster": [ + "Byron Webster" + ], + "Melissa Christian": [ + "Melissa Christian" + ], + "Peter Camlin": [ + "Peter Camlin" + ], + "8.10": [ + "8.1" + ], + "Jeremy St. James": [ + "Jeremy St. James" + ], + "Edward Manouk": [ + "Edward Manouk", + "edward manouk" + ], + "Annemarie Lawless": [ + "Annemarie Lawless" + ], + "Gianluca Gobbi": [ + "Gianluca Gobbi" + ], + "Jacob Lemieux": [ + "Jacob Lemieux" + ], + "Corinne Reilly": [ + "Corinne Reilly" + ], + "Danai Gurira": [ + "Danai Gurira" + ], + "Rand Harper": [ + "rand harper" + ], + "7.60": [ + "7.6" + ], + "Carson Daly": [ + "Carson Daly" + ], + "Brother Eden Douglas": [ + "Brother Eden Douglas" + ], + "Glenn Walker Harris Jr.": [ + "glenn walker harris jr." + ], + "Khadijha Red Thunder": [ + "Khadijha Red Thunder" + ], + "Sean Patrick Thomas": [ + "Sean Patrick Thomas" + ], + "Craig Wasson": [ + "Craig Wasson" + ], + "Keith Richards": [ + "Keith Richards" + ], + "Aeriel Miranda": [ + "Aeriel Miranda" + ], + "Lashana Lynch": [ + "Lashana Lynch" + ], + "Dennis Haysbert": [ + "Dennis Haysbert" + ], + "Irit Sheleg": [ + "Irit Sheleg" + ], + "Lucas Lavoie": [ + "lucas lavoie" + ], + "Joanna Frank": [ + "Joanna Frank" + ], + "Casper Liang": [ + "Casper Liang" + ], + "Mitchell Nguyen-McCormick": [ + "mitchell nguyen-mccormick" + ], + "Chuck Waters": [ + "Chuck Waters" + ], + "Michael Gross": [ + "Michael Gross" + ], + "Michael Harris": [ + "Michael Harris" + ], + "Stella Maxwell": [ + "Stella Maxwell" + ], + "Jack Daly": [ + "Jack Daly" + ], + "Stycie Waweru": [ + "Stycie Waweru" + ], + "Amadeus Strobl": [ + "Amadeus Strobl" + ], + "Barbara Crampton": [ + "barbara crampton" + ], + "Dan DiMaggio": [ + "Dan DiMaggio" + ], + "Stephen Boxer": [ + "Stephen Boxer" + ], + "Duncans Mills": [ + "Duncans Mills" + ], + "Colin Farrell": [ + "Colin Farrell" + ], + "Jeffrey Sayre": [ + "jeffrey sayre" + ], + "Paul Davis": [ + "Paul Davis" + ], + "Harry Fleer": [ + "Harry Fleer" + ], + "Penelope Mitchell": [ + "Penelope Mitchell" + ], + "Chris Lovick": [ + "Chris Lovick" + ], + "Matt Walsh": [ + "Matt Walsh" + ], + "Rome Flynn": [ + "Rome Flynn" + ], + "Saundra Edwards": [ + "Saundra Edwards" + ], + "P. J. Byrne": [ + "P. J. Byrne" + ], + "Rune Temte": [ + "Rune Temte" + ], + "Doris Day": [ + "Doris Day" + ], + "Stuart Lilley": [ + "stuart lilley" + ], + "Elsa Palmer": [ + "Elsa Palmer" + ], + "Coral Browne": [ + "Coral Browne" + ], + "Missi Pyle": [ + "Missi Pyle" + ], + "Thomas Martin": [ + "Thomas Martin" + ], + "Dimiter Marinov": [ + "Dimiter Marinov" + ], + "Lela Bliss": [ + "lela bliss" + ], + "Reuben Greene": [ + "Reuben Greene" + ], + "Andrene Ward-Hammond": [ + "Andrene Ward-Hammond" + ], + "Johnny Myers": [ + "johnny myers" + ], + "Bruce Willis": [ + "Bruce Willis" + ], + "Leslie Nielsen": [ + "Leslie Nielsen" + ], + "Ciera Payton": [ + "Ciera Payton" + ], + "Sally Hershberger": [ + "Sally Hershberger" + ], + "Bob Hastings": [ + "Bob Hastings" + ], + "Ex-Det. Sergt. Bishop": [ + "Ex-Det. Sergt. Bishop" + ], + "James Stewart": [ + "James Stewart" + ], + "James Badge Dale": [ + "James Badge Dale" + ], + "Cooper Andrews": [ + "Cooper Andrews" + ], + "Giancarlo Porcacchia": [ + "Giancarlo Porcacchia" + ], + "Charlie Ray Reid": [ + "Charlie Ray Reid" + ], + "Derek Morgan": [ + "Derek Morgan" + ], + "Julia Meade": [ + "julia meade" + ], + "Phillip Langhorne": [ + "Phillip Langhorne" + ], + "Florian Lukas": [ + "Florian Lukas" + ], + "Faith Prince": [ + "Faith Prince" + ], + "Everett Sloane": [ + "Everett Sloane" + ], + "Judit Bardos": [ + "Judit Bardos" + ], + "Samuel Larsen": [ + "samuel Larsen", + "samuel larsen" + ], + "Amy Seimetz": [ + "Amy Seimetz" + ], + "Serena Altschul": [ + "serena altschul" + ], + "Frank Bourke": [ + "Frank Bourke" + ], + "Bob Odenkirk": [ + "Bob Odenkirk" + ], + "Michael Bennett": [ + "Michael Bennett" + ], + "Fred Sadoff": [ + "Fred Sadoff" + ], + "Anna Katharina Schimrigk": [ + "Anna Katharina Schimrigk" + ], + "Claire Tran": [ + "Claire Tran" + ], + "Judith Hofmann": [ + "Judith Hofmann" + ], + "Seiko Matsuda": [ + "Seiko Matsuda" + ], + "Quentin Kenihan": [ + "quentin kenihan" + ], + "Wendell Pierce": [ + "Wendell Pierce" + ], + "Tone Bell": [ + "tone bell" + ], + "Gregory Gaye": [ + "Gregory Gaye" + ], + "9789.20": [ + "$9,789.20" + ], + "4309.67": [ + "$4,309.67" + ], + "13700.75": [ + "$13,700.75" + ], + "14123.62": [ + "$14,123.62" + ], + "4402.19": [ + "$4402.19" + ], + "8639.65": [ + "$8,639.65" + ], + "22633.39": [ + "$22,633.39" + ], + "11105.58": [ + "$11,105.58" + ], + "5151.82": [ + "$5,151.82" + ], + "19071.32": [ + "$19,071.32" + ], + "Dad": [ + "dad", + "Dad" + ], + "11829.13": [ + "$11,829.13" + ], + "uncle Richard": [ + "Uncle Richard", + "uncle Richard", + "uncle richard" + ], + "13631.46": [ + "$13,631.46" + ], + "10636.20": [ + "$10,636.20" + ], + "1390": [ + "1,390 dollars", + "$1,390" + ], + "24267.22": [ + "$24,267.22" + ], + "aunt Jenny": [ + "aunt Jenny", + "aunt jenny", + "Aunt Jenny" + ], + "1248.55": [ + "$1,248.55" + ], + "10682.50": [ + "$10,682.50" + ], + "23328.30": [ + "$23,328.30" + ], + "2625.44": [ + "$2,625.44" + ], + "24797.43": [ + "$24,797.43" + ], + "7177.10": [ + "$7,177.10" + ], + "12545.54": [ + "$12,545.54" + ], + "13840.68": [ + "$13,840.68" + ], + "12968.37": [ + "$12,968.37" + ], + "19656.33": [ + "$19,656.33" + ], + "8071.19": [ + "$8,071.19" + ], + "1380": [ + "one thousand three hundred and eighty bucks", + "$1,380", + "one thousand three hundred and eighty dollars" + ], + "9346.64": [ + "$9,346.64" + ], + "19176.15": [ + "$19,176.15" + ], + "2292.26": [ + "$2,292.26" + ], + "15095.83": [ + "$15,095.83" + ], + "561.38": [ + "$561.38" + ], + "18345.42": [ + "$18,345.42" + ], + "24220.56": [ + "$24,220.56" + ], + "17081.81": [ + "$17,081.81" + ], + "1268.81": [ + "$1,268.81" + ], + "24591.51": [ + "$24,591.51" + ], + "670": [ + "$670", + "670 bucks" + ], + "22175.44": [ + "$22,175.44" + ], + "1937.88": [ + "$1,937.88" + ], + "14793.85": [ + "$14,793.85" + ], + "9021.82": [ + "$9,021.82" + ], + "8962.88": [ + "$8,962.88" + ], + "8742.76": [ + "$8,742.76" + ], + "7508.31": [ + "$7,508.31" + ], + "16641.82": [ + "$16,641.82" + ], + "20265.21": [ + "$20,265.21" + ], + "21411.30": [ + "$21,411.30" + ], + "23155.32": [ + "$23,155.32" + ], + "22941.69": [ + "$22,941.69" + ], + "1410": [ + "1,410 dollars", + "$1,410" + ], + "5670.53": [ + "$5,670.53" + ], + "12849.41": [ + "$12,849.41" + ], + "18629.43": [ + "$18,629.43" + ], + "14041.84": [ + "$14,041.84" + ], + "1481.35": [ + "$1,481.35" + ], + "19051.65": [ + "$19,051.65" + ], + "9813.21": [ + "$9,813.21" + ], + "5749.54": [ + "$5,749.54" + ], + "16643.56": [ + "$16,643.56" + ], + "10829.39": [ + "$10,829.39" + ], + "20175.62": [ + "$20,175.62" + ], + "11493.88": [ + "$11,493.88" + ], + "7326.66": [ + "$7,326.66" + ], + "20166.46": [ + "$20,166.46" + ], + "6243.11": [ + "$6,243.11" + ], + "18012.69": [ + "$18,012.69" + ], + "Ellsworth Elizabeth": [ + "Ellsworth Elizabeth", + "ellsworth elizabeth" + ], + "650-299-4827": [ + "650-299-4827" + ], + "1150 Veterans Boulevard": [ + "1150 veterans boulevard", + "1150 Veterans boulevard", + "1150 Veterans Boulevard" + ], + "Ferrari Cynthia": [ + "Ferrari Cynthia" + ], + "510-581-1274": [ + "510-581-1274" + ], + "20632 Redwood Road": [ + "20632 Redwood Road" + ], + "707-963-1374": [ + "707-963-1374" + ], + "999 Adams Street # 300": [ + "999 Adams Street # 300" + ], + "Aguilar Churchill Spence": [ + "Aguilar Churchill SPence", + "Aguilar Churchill Spence", + "aguilar churchill spence" + ], + "925-945-1221": [ + "925-945-1221" + ], + "140 Mayhew Way # 702": [ + "140 Mayhew Way # 702" + ], + "Churchill Pat": [ + "Churchill Pat" + ], + "O'Grady David": [ + "O'grady David", + "O'Grady David" + ], + "925-938-6786": [ + "925-938-6786" + ], + "1600 South Main Street": [ + "1600 South Main Street" + ], + "Christina M. Walker": [ + "Christina M. Walker" + ], + "Bacosa Frances": [ + "Bacosa Frances", + "Bacosa frances" + ], + "Strauss Jeanne": [ + "Strauss Jeanne" + ], + "707-526-7604": [ + "707-526-7604" + ], + "Andreas R. Bollinger": [ + "Andreas R. Bollinger" + ], + "800-382-8387": [ + "800-382-8387" + ], + "150 Muir Road": [ + "150 Muir Road" + ], + "247 Miller Ave": [ + "247 miller ave", + "247 Miller Ave" + ], + "40 Camino Alto # 15212": [ + "40 camino alto # 15212" + ], + "Diana C. Methfessel, Ma": [ + "diana c. methfessel, ma", + "Diana C. Methfessel, Ma" + ], + "140 Mayhew Way": [ + "140 Mayhew Way", + "140 mayhew way" + ], + "925-930-7450": [ + "925-930-7450" + ], + "Ariela Ora Karasov": [ + "Ariela Ora Karasov", + "Ariela ORa Karasov" + ], + "650-723-8659": [ + "650-723-8659" + ], + "401 Quarry Road #2204": [ + "401 Quarry Road #2204" + ], + "408-847-2100": [ + "408-847-2100" + ], + "8339 Church Street # 212": [ + "8339 Church Street # 212" + ], + "Della Fernandes, Licensed Marriage And Family Therapist, Mfc 50734": [ + "Della Fernandes, Licensed Marriage And Family Therapist, Mfc 50734" + ], + "925-365-6968": [ + "925-365-6968" + ], + "2603 Camino Ramon, Ste 278, BishopRanch": [ + "2603 Camino Ramon Ste 278, BishopRanch" + ], + "Ayne Shore": [ + "ayne shore", + "Ayne Shore" + ], + "534 B Street": [ + "534 B Street", + "534 b street" + ], + "510-247-2335": [ + "510-247-2335" + ], + "Stoltzman Roger": [ + "Stoltzman Roger" + ], + "925-372-2746": [ + "925-372-2746" + ], + "Andreotti Daniel": [ + "Andreotti Daniel" + ], + "45 Quail Court # 200": [ + "45 Quail Court # 200" + ], + "925-876-4708": [ + "925-876-4708" + ], + "45 Quail Ct # 102": [ + "45 Quail Ct # 102" + ], + "Wolter Charlotte": [ + "Wolter Charlotte" + ], + "250 Bel Marin Keys Boulevard": [ + "250 Bel Marin Keys Boulevard" + ], + "415-887-8329": [ + "415-887-8329" + ], + "925-930-9650": [ + "925-930-9650" + ], + "Alvarez Scott": [ + "Alvarez Scott" + ], + "707-371-2433": [ + "707-371-2433" + ], + "Dr. David Matz, - Psychologist": [ + "Dr. David Matz, - Psychologist", + "Dr. david Matz, - Psychologist", + "Dr. David Matz - Psychologist" + ], + "Donnelly Diane": [ + "Donnelly Diane" + ], + "Miller Nicole G": [ + "Miller Nicole G", + "miller nicole g" + ], + "150 Muir Rd": [ + "150 Muir Rd", + "150 muir rd" + ], + "Neer Patrick M": [ + "Neer Patrick M" + ], + "3468 Mount Diablo Boulevard b201": [ + "3468 Mount Diablo Boulevard b201" + ], + "Akins Faren R": [ + "Akins Faren R" + ], + "408-732-4412": [ + "408-732-4412" + ], + "Julie Weigel": [ + "Julie Weigel" + ], + "Karrah T. Fowler, Ms": [ + "karrah T. Fowler, Ms", + "Karrah T. Fowler, MS", + "Karrah T. Fowler, Ms" + ], + "925-682-8000": [ + "925-682-8000" + ], + "1026 Oak Grove Road": [ + "1026 Oak Grove Road" + ], + "Florence P. Creighton, Lcsw": [ + "Florence P. Creighton, Lcsw" + ], + "Mission Peaks": [ + "Mission Peaks" + ], + "1401 Red Hawk Circle": [ + "1401 Red Hawk Circle" + ], + "510-656-2303": [ + "510-656-2303" + ], + "925-827-1700": [ + "925-827-1700" + ], + "Glenhaven Apartments": [ + "Glenhaven Apartments" + ], + "4262 Central Avenue": [ + "4262 Central Avenue" + ], + "510-793-4336": [ + "510-793-4336" + ], + "925-687-8460": [ + "925-687-8460" + ], + "Chancellor Hotel On Union Square": [ + "Chancellor Hotel on Union Square" + ], + "+1 415-362-2004": [ + "+1 415-362-2004" + ], + "433 Powell Street": [ + "433 Powell Street" + ], + "+1 562-432-1234": [ + "+1 562-432-1234" + ], + "Hyatt Regency Sacramento": [ + "Hyatt Regency Sacramento", + "hyatt regency sacramento" + ], + "Sheraton Grand Sacramento Hotel": [ + "sheraton grand sacramento hotel", + "sheraton grand Sacramento hotel" + ], + "13th And, J Street": [ + "13th and j street" + ], + "Best Western San Diego/Miramar Hotel": [ + "Best Western San Diego/Miramar Hotel" + ], + "14774.69": [ + "$14,774.69" + ], + "10:25": [ + "10:25 am" + ], + "8844.18": [ + "$8,844.18" + ], + "20252.51": [ + "$20,252.51" + ], + "13950.55": [ + "$13,950.55" + ], + "14:32": [ + "2:32 pm" + ], + "4134.40": [ + "$4,134.40" + ], + "22666.15": [ + "$22,666.15" + ], + "16313.89": [ + "$16,313.89" + ], + "03:29": [ + "3:29 am" + ], + "7807.23": [ + "$7,807.23" + ], + "5137.56": [ + "$5,137.56" + ], + "497.32": [ + "$497.32" + ], + "18149.68": [ + "$18,149.68" + ], + "6335.80": [ + "$6,335.80" + ], + "6628.55": [ + "$6,628.55" + ], + "20583.82": [ + "$20,583.82" + ], + "463": [ + "$463" + ], + "14:19": [ + "2:19 pm" + ], + "20155.29": [ + "$20,155.29" + ], + "3136.70": [ + "$3,136.70" + ], + "4418.53": [ + "$4,418.53" + ], + "10041.51": [ + "$10,041.51" + ], + "11:37": [ + "11:37 am" + ], + "8771.23": [ + "$8,771.23" + ], + "23377.57": [ + "$23,377.57" + ], + "15559.71": [ + "$15,559.71" + ], + "21133.64": [ + "$21,133.64" + ], + "2238.63": [ + "$2,238.63" + ], + "22602.19": [ + "$22,602.19" + ], + "613": [ + "$613" + ], + "21117.84": [ + "$21,117.84" + ], + "2832.14": [ + "$2,832.14" + ], + "18657.31": [ + "$18,657.31" + ], + "13506.79": [ + "$13,506.79" + ], + "16950.67": [ + "$16,950.67" + ], + "20612.43": [ + "$20,612.43" + ], + "21836.31": [ + "$21,836.31" + ], + "13216.83": [ + "$13,216.83" + ], + "8553.56": [ + "$8,553.56" + ], + "18615.73": [ + "$18,615.73" + ], + "24763.56": [ + "$24,763.56" + ], + "15914.54": [ + "$15,914.54" + ], + "17894.32": [ + "$17,894.32" + ], + "13536.44": [ + "$13,536.44" + ], + "24198.26": [ + "$24,198.26" + ], + "12439.68": [ + "$12,439.68" + ], + "6062.88": [ + "$6,062.88" + ], + "12949.69": [ + "$12,949.69" + ], + "17789.89": [ + "$17,789.89" + ], + "1679.63": [ + "$1,679.63" + ], + "1623.37": [ + "$1,623.37" + ], + "10960.26": [ + "$10,960.26" + ], + "15034.68": [ + "$15,034.68" + ], + "8675.83": [ + "$8,675.83" + ], + "3884.66": [ + "$3884.66" + ], + "2958.74": [ + "$2,958.74" + ], + "16859.66": [ + "$16,859.66" + ], + "3242.52": [ + "$3,242.52" + ], + "14723.59": [ + "$14,723.59" + ], + "7060.62": [ + "$7,060.62" + ], + "12:41": [ + "12:41 pm" + ], + "3261.87": [ + "$3,261.87" + ], + "13277.30": [ + "$13,277.30" + ], + "08:54": [ + "8:54 am" + ], + "403": [ + "$403" + ], + "19:24": [ + "7:24 pm" + ], + "469": [ + "$469" + ], + "449": [ + "$449" + ], + "23:05": [ + "11:05 pm" + ], + "537": [ + "$537" + ], + "07:31": [ + "7:31 am" + ], + "586": [ + "$586" + ], + "11:23": [ + "11:23 am" + ], + "408-358-7401": [ + "408-358-7401" + ], + "10.96": [ + "$10.96" + ], + "408-357-0105": [ + "408-357-0105" + ], + "Kappl & Wilson": [ + "Kappl & Wilson" + ], + "Loffer Shirley": [ + "Loffer Shirley" + ], + "160 Saratoga Ave # 280": [ + "160 Saratoga Ave # 280" + ], + "408-248-9563": [ + "408-248-9563" + ], + "Jacome Paulette D": [ + "Jacome Paulette D", + "jacome paulette D", + "Jacome paulette D" + ], + "408-356-1414": [ + "408-356-1414" + ], + "800 Pollard Road # B201": [ + "800 Pollard Road # B201", + "800 pollard road # B201" + ], + "Chamberlain Susan": [ + "Chamberlain Susan" + ], + "1300 University Drive # 6": [ + "1300 University Drive # 6" + ], + "Evan H. Garner": [ + "Evan H. Garner" + ], + "650-940-7000": [ + "650-940-7000" + ], + "2500 Grant Road": [ + "2500 Grant Road" + ], + "Bishop Sue A": [ + "Bishop Sue A", + "Bishop, Sue A" + ], + "2672 Bayshore Parkway # 611": [ + "2672 Bayshore Parkway # 611" + ], + "650-969-0288": [ + "650-969-0288" + ], + "12.24": [ + "$12.24" + ], + "11.88": [ + "$11.88" + ], + "Ureta Cesar G": [ + "Ureta Cesar G" + ], + "415-577-0101": [ + "415-577-0101" + ], + "2301 Rumrill Boulevard # 28": [ + "2301 Rumrill Boulevard # 28" + ], + "20.15": [ + "$20.15" + ], + "925-372-2830": [ + "925-372-2830" + ], + "Bruce F. Singer": [ + "Bruce F. Singer" + ], + "707-304-4368": [ + "707-304-4368" + ], + "575 Lincoln Avenue": [ + "575 Lincoln Avenue" + ], + "Paul Wilson": [ + "Paul wilson", + "Paul Wilson", + "paul wilson" + ], + "650-299-2015": [ + "650-299-2015" + ], + "4, Tower Support Bldg, 1150 Veterans Boulevard": [ + "4 Tower Support Bldg, 1150 Veterans Boulevard", + "4, tower Support Bldg, 1150 Veterans Boulevard", + "4, Tower Support Bldg, 1150 Veterans Boulevard", + "4, tower support Bldg, 1150 veterans boulevard" + ], + "18.80": [ + "$18.80" + ], + "Schmall Rahima S": [ + "Schmall Rahima S" + ], + "1030 Main Street #205": [ + "1030 Main Street #205" + ], + "28.76": [ + "$28.76" + ], + "18.67": [ + "$18.67" + ], + "Dr. Kalpana I. Nathan": [ + "Dr. Kalpana I. Nathan" + ], + "650-493-5000": [ + "650-493-5000" + ], + "795 Willow Road #321": [ + "795 Willow Road #321" + ], + "Sara Bunce, Psychotherapist": [ + "Sara Bunce, Psychotherapist" + ], + "Ellen M. Sanford": [ + "Ellen M. Sanford" + ], + "45 San Clemente Drive b200": [ + "45 San Clemente Drive b200" + ], + "9.17": [ + "$9.17" + ], + "707-318-4470": [ + "707-318-4470" + ], + "Building Better Relationships": [ + "Building better Relationships", + "Building Better relationships", + "Building Better Relationships", + "Building better relationships", + "building better relationships" + ], + "Cynthia Mansur": [ + "Cynthia Mansur" + ], + "3468 Mount Diablo Boulevard B301": [ + "3468 Mount Diablo Boulevard B301" + ], + "510-508-2169": [ + "510-508-2169" + ], + "Heidi Clark, Np": [ + "Heidi Clark, Np" + ], + "12.60": [ + "$12.60" + ], + "17.55": [ + "$17.55" + ], + "Carney-Carder Gail D": [ + "Carney-Carder Gail D" + ], + "Charles Dennis Barton, Jr": [ + "Charles Dennis Barton, Jr" + ], + "510-498-2890": [ + "510-498-2890" + ], + "39650 Liberty Street #310": [ + "39650 Liberty Street #310" + ], + "13.64": [ + "$13.64" + ], + "Lola Vildavskaia": [ + "lola vildavskaia", + "Lola Vildavskaia", + "Lola vildavskaia" + ], + "327 North San Mateo Drive Suite 7": [ + "327 north san mateo drive suite 7", + "327 North San Mateo Drive Suite 7" + ], + "15.80": [ + "$15.80" + ], + "Ac Hotel New York Times Square": [ + "AC Hotel New York Times Square", + "ac hotel new york times square", + "Ac Hotel New York Times Square" + ], + "+1 212-398-2700": [ + "+1 212-398-2700" + ], + "Adina Apartment Hotel Sydney Surry Hills": [ + "Adina Apartment Hotel Sydney Surry Hills" + ], + "Alpha Hotel Eastern Creek": [ + "Alpha Hotel Eastern Creek" + ], + "+61 2 8889 7700": [ + "+61 2 8889 7700" + ], + "Amora Hotel": [ + "Amora Hotel" + ], + "11 Jamison Street": [ + "11 Jamison Street" + ], + "Strand": [ + "Strand" + ], + "Amba Hotel Marble Arch": [ + "Amba Hotel Marble Arch" + ], + "Bryanston Street": [ + "Bryanston Street" + ], + "Nonni's Bistro": [ + "Nonni's Bistro" + ], + "425 Main Street": [ + "425 Main Street" + ], + "13.32": [ + "$13.32" + ], + "1581 Webster Street": [ + "1581 Webster Street" + ], + "925-833-9833": [ + "925-833-9833" + ], + "25.10": [ + "$25.10" + ], + "1919 Davis Street": [ + "1919 Davis Street" + ], + "15.97": [ + "$15.97" + ], + "351 West Washington Avenue": [ + "351 west washington avenue" + ], + "6.43": [ + "$6.43" + ], + "Sargam Indian Cuisine": [ + "Sargam Indian Cuisine" + ], + "140 North Civic Drive": [ + "140 North Civic Drive" + ], + "Donato Enoteca": [ + "donato enoteca" + ], + "1041 Middlefield Road": [ + "1041 middlefield road" + ], + "35192 Newark Boulevard": [ + "35192 Newark Boulevard" + ], + "14.91": [ + "$14.91" + ], + "462 Santa Clara Avenue": [ + "462 Santa Clara Avenue" + ], + "1971 San Pablo Avenue": [ + "1971 San Pablo Avenue" + ], + "19.11": [ + "$19.11" + ], + "Pizz'a Chicago": [ + "Pizz'a Chicago" + ], + "4115 El Camino Real": [ + "4115 El Camino Real" + ], + "23.30": [ + "$23.30" + ], + "10.73": [ + "$10.73" + ], + "15099-A Hesperian Boulevard": [ + "15099-A Hesperian Boulevard" + ], + "16.41": [ + "$16.41" + ], + "16.24": [ + "$16.24" + ], + "925-556-9988": [ + "925-556-9988" + ], + "30.43": [ + "$30.43" + ], + "18.09": [ + "$18.09" + ], + "1480 First St Napa, Ca 94559": [ + "1480 First St Napa, Ca 94559" + ], + "Sushi Heaven": [ + "Sushi Heaven" + ], + "12108 Saratoga Sunnyvale Road": [ + "12108 Saratoga Sunnyvale Road" + ], + "Precita Park Cafe & Grill": [ + "Precita Park Cafe & Grill" + ], + "500 Precita Avenue": [ + "500 precita Avenue", + "500 Precita Avenue" + ], + "24.45": [ + "$24.45" + ], + "39145 Farwell Drive": [ + "39145 Farwell Drive" + ], + "12.32": [ + "$12.32" + ], + "383 1st Street": [ + "383 1st Street" + ], + "19.22": [ + "$19.22" + ], + "510-796-5102": [ + "510-796-5102" + ], + "Glen Ellen": [ + "Glen Ellen" + ], + "Glen Ellen Inn": [ + "Glen Ellen Inn" + ], + "13670 Arnold Drive": [ + "13670 Arnold Drive" + ], + "707-996-1174": [ + "707-996-1174" + ], + "21.28": [ + "$21.28" + ], + "Hangen Szechuan": [ + "Hangen Szechuan" + ], + "485 Castro Street": [ + "485 Castro Street" + ], + "629 Union Street": [ + "629 Union Street" + ], + "14.95": [ + "$14.95" + ], + "25.44": [ + "$25.44" + ], + "Gaumenkitzel": [ + "Gaumenkitzel" + ], + "2121 San Pablo Avenue": [ + "2121 San Pablo Avenue" + ], + "510-647-5016": [ + "510-647-5016" + ], + "707-775-3088": [ + "707-775-3088" + ], + "1367 North McDowell Boulevard #110": [ + "1367 North McDowell Boulevard #110" + ], + "15.52": [ + "$15.52" + ], + "8000 El Cerrito Plaza": [ + "8000 El Cerrito Plaza" + ], + "14.36": [ + "$14.36" + ], + "Picaro": [ + "picaro" + ], + "3120 16th Street": [ + "3120 16th street" + ], + "415-431-4089": [ + "415-431-4089" + ], + "16.72": [ + "$16.72" + ], + "12.65": [ + "$12.65" + ], + "Beso Bistronomia": [ + "Beso Bistronomia" + ], + "B": [ + "B" + ], + "Catch": [ + "Catch" + ], + "415-431-5000": [ + "415-431-5000" + ], + "2362 Market Street": [ + "2362 Market Street" + ], + "13.11": [ + "$13.11" + ], + "Sent Sovi Restaurant": [ + "Sent Sovi Restaurant" + ], + "14583 Big Basin Way # 2A": [ + "14583 Big Basin Way # 2A" + ], + "5403 College Avenue": [ + "5403 College Avenue" + ], + "Tucson": [ + "Tucson" + ], + "3608 33rd Street": [ + "3608 33rd Street" + ], + "+1 718-631-5900": [ + "+1 718-631-5900" + ], + "221-17 Northern Boulevard, Bayside": [ + "221-17 Northern Boulevard, Bayside" + ], + "Horatio's": [ + "Horatio's" + ], + "5524-A Springdale Avenue": [ + "5524-A Springdale Avenue" + ], + "La Sen Bistro Wc": [ + "La Sen Bistro WC" + ], + "Alameda Cinema Grill": [ + "Alameda Cinema Grill" + ], + "New Lim's Garden": [ + "New Lim's Garden" + ], + "4340 Clayton Road": [ + "4340 Clayton Road" + ], + "Cham Sae Bistro": [ + "Cham Sae Bistro" + ], + "415-471-2977": [ + "415-471-2977" + ], + "Mayfield Bakery & Cafe": [ + "Mayfield Bakery & Cafe" + ], + "Flights Restaurant Burlingame": [ + "Flights Restaurant Burlingame" + ], + "Palermos": [ + "Palermos" + ], + "12100 Saratoga Sunnyvale Road": [ + "12100 Saratoga Sunnyvale Road" + ], + "Nicaraguan": [ + "Nicaraguan" + ], + "1819 Colfax Street": [ + "1819 Colfax Street" + ], + "925-446-6141": [ + "925-446-6141" + ], + "Amour Amour": [ + "Amour Amour" + ], + "707-257-1999": [ + "707-257-1999" + ], + "Jama Masjid": [ + "Jama Masjid" + ], + "11 2326 8344": [ + "11 2326 8344" + ], + "11 2953 6401": [ + "11 2953 6401" + ], + "Hart House": [ + "Hart House" + ], + "Le Garage": [ + "Le Garage" + ], + "3740 El Camino Real": [ + "3740 El Camino Real" + ], + "16.50": [ + "$16.50" + ], + "Branham House Apartments": [ + "Branham House Apartments" + ], + "782 Haight Street": [ + "782 Haight Street" + ], + "18.98": [ + "$18.98" + ], + "9.56": [ + "$9.56" + ], + "The Cartoon Museum": [ + "The Cartoon Museum" + ], + "16.19": [ + "$16.19" + ], + "Museum of the African Diaspora": [ + "Museum of the African Diaspora" + ], + "8.19": [ + "$8.19" + ], + "1065 Holly Street D": [ + "1065 Holly Street D" + ], + "15.84": [ + "$15.84" + ], + "310 Sutter Street 4th floor": [ + "310 Sutter Street 4th Floor" + ], + "3205 Northwood Drive": [ + "3205 Northwood Drive" + ], + "15.81": [ + "$15.81" + ], + "111 South Murphy Avenue": [ + "111 South Murphy Avenue" + ], + "Galeto Brazilian Steakhouse": [ + "Galeto Brazilian Steakhouse" + ], + "14.48": [ + "$14.48" + ], + "139 Petaluma Boulevard North B": [ + "139 Petaluma Boulevard North B" + ], + "16.14": [ + "$16.14" + ], + "Ohgane Korean Bbq & Cuisine": [ + "Ohgane Korean Bbq & Cuisine" + ], + "9.22": [ + "$9.22" + ], + "6.21": [ + "$6.21" + ], + "Children's Creativity Museum": [ + "Children's Creativity Museum" + ], + "20.97": [ + "$20.97" + ], + "23.32": [ + "$23.32" + ], + "10.93": [ + "$10.93" + ], + "16.38": [ + "$16.38" + ], + "206-386-5151": [ + "206-386-5151" + ], + "13.39": [ + "$13.39" + ], + "Japanese Tea Garden": [ + "Japanese Tea Garden" + ], + "12.43": [ + "$12.43" + ], + "(202) 334-2158": [ + "(202) 334-2158" + ], + "23.74": [ + "$23.74" + ], + "CNN Studio Tours": [ + "CNN Studio Tours" + ], + "Mission Escape Atlanta": [ + "Mission Escape Atlanta" + ], + "8.65": [ + "$8.65" + ], + "11.78": [ + "$11.78" + ], + "718-735-4400": [ + "718-735-4400" + ], + "10.26": [ + "$10.26" + ], + "14.28": [ + "$14.28" + ], + "11.77": [ + "$11.77" + ], + "15:28": [ + "3:28 pm" + ], + "23:40": [ + "11:40 pm" + ], + "19:26": [ + "7:26 pm" + ], + "Beverly Laurel Motor Hotel": [ + "beverly laurel motor hotel", + "Beverly Laurel Motor Hotel" + ], + "+1 800-947-7666": [ + "+1 800-947-7666" + ], + "8018 Beverly Boulevard": [ + "8018 beverly boulevard", + "8018 Beverly Boulevard" + ], + "Dunes Inn - Wilshire": [ + "dunes inn - wilshire" + ], + "686": [ + "$686" + ], + "Embassy Suites By Hilton Seattle Downtown Pioneer Square": [ + "Embassy Suites By Hilton Seattle Downtown Pioneer Square" + ], + "+1 206-859-4400": [ + "+1 206-859-4400" + ], + "497": [ + "$497" + ], + "The Logan Philadelphia, Curio Collection By Hilton": [ + "The Logan Philadelphia, Curio Collection by Hilton" + ], + "20098.57": [ + "$20,098.57" + ], + "21121.14": [ + "$21,121.14" + ], + "Jo's Sushi Bar": [ + "Jo's Sushi Bar" + ], + "4882.28": [ + "$4,882.28" + ], + "22113.27": [ + "$22,113.27" + ], + "5733.40": [ + "$5,733.40" + ], + "Mirchi Cafe": [ + "Mirchi Cafe" + ], + "925-937-7690": [ + "925-937-7690" + ], + "1578.32": [ + "$1,578.32" + ], + "16373.10": [ + "$16,373.10" + ], + "9809.25": [ + "$9,809.25" + ], + "18072.89": [ + "$18,072.89" + ], + "15745.67": [ + "$15,745.67" + ], + "408-268-3235": [ + "408-268-3235" + ], + "5945 Almaden Expressway #150": [ + "5945 Almaden Expressway #150" + ], + "Tony L. Johnson": [ + "Tony L. Johnson" + ], + "720 Southpoint Boulevard": [ + "720 Southpoint Boulevard" + ], + "707-763-4915": [ + "707-763-4915" + ], + "12349.37": [ + "$12,349.37" + ], + "408-851-9200": [ + "408-851-9200" + ], + "2885 Kaiser Drive": [ + "2885 Kaiser Drive" + ], + "15286.60": [ + "$15,286.60" + ], + "16691.67": [ + "$16,691.67" + ], + "408-477-2773": [ + "408-477-2773" + ], + "1628 Hostetter Road f": [ + "1628 Hostetter Road f" + ], + "14578.25": [ + "$14,578.25" + ], + "569.20": [ + "$569.20" + ], + "Casa Lupe": [ + "Casa Lupe" + ], + "671 South Bernardo Avenue": [ + "671 South Bernardo Avenue" + ], + "6572.13": [ + "$6,572.13" + ], + "408-354-8118": [ + "408-354-8118" + ], + "5575.67": [ + "$5575.67" + ], + "18625.71": [ + "$18,625.71" + ], + "18891.31": [ + "$18,891.31" + ], + "4693.21": [ + "$4,693.21" + ], + "9475.45": [ + "$9475.45" + ], + "925-372-2105": [ + "925-372-2105" + ], + "1652.11": [ + "$1,652.11" + ], + "7272.81": [ + "$7,272.81" + ], + "Mangia Bene Restaurant": [ + "Mangia Bene Restaurant" + ], + "12685.85": [ + "$12,685.85" + ], + "13966.60": [ + "$13,966.60" + ], + "8340.39": [ + "$8,340.39" + ], + "3111.74": [ + "$3,111.74" + ], + "Cutting Linda P": [ + "Cutting Linda P", + "cutting linda p" + ], + "5313.45": [ + "$5313.45" + ], + "18431.34": [ + "$18,431.34" + ], + "20550.10": [ + "$20,550.10" + ], + "6518.22": [ + "$6,518.22" + ], + "Richard J. Leary": [ + "Richard J. Leary" + ], + "10493.81": [ + "$10,493.81" + ], + "Blue Sky": [ + "Blue Sky" + ], + "2028 Winchester Boulevard": [ + "2028 Winchester Boulevard" + ], + "3207.56": [ + "$3,207.56" + ], + "Rigg Christie": [ + "Rigg Christie" + ], + "21320.48": [ + "$21,320.48" + ], + "16841.84": [ + "$16,841.84" + ], + "8228.88": [ + "$8,228.88" + ], + "Finnegan's Marin Restaurant & Bar": [ + "Finnegan's Marin Restaurant & Bar" + ], + "877 Grant Avenue": [ + "877 Grant Avenue" + ], + "10988.12": [ + "$10,988.12" + ], + "Fredkin Susan": [ + "Fredkin Susan" + ], + "401 Alberto Way # 2C": [ + "401 Alberto Way # 2C" + ], + "408-472-1773": [ + "408-472-1773" + ], + "1117.73": [ + "$1,117.73" + ], + "23055.60": [ + "$23,055.60" + ], + "408-399-7417": [ + "408-399-7417" + ], + "1627.39": [ + "$1,627.39" + ], + "712 Santa Cruz Avenue": [ + "712 Santa Cruz Avenue" + ], + "Rose Light": [ + "Rose Light" + ], + "707-782-1948": [ + "707-782-1948" + ], + "7 Mount Lassen Drive # D110": [ + "7 Mount Lassen Drive # D110" + ], + "15140.78": [ + "$15,140.78" + ], + "Jackson's Bar And Oven": [ + "Jackson's Bar And Oven" + ], + "707-545-4300": [ + "707-545-4300" + ], + "205 5th Street": [ + "205 5th Street" + ], + "14108.67": [ + "$14,108.67" + ], + "Nama Sushi Pleasant Hill": [ + "Nama Sushi Pleasant Hill" + ], + "925-356-0292": [ + "925-356-0292" + ], + "20466.10": [ + "$20,466.10" + ], + "464.75": [ + "$464.75" + ], + "8746.79": [ + "$8,746.79" + ], + "Enoteca La Storia": [ + "Enoteca La Storia" + ], + "408-625-7272": [ + "408-625-7272" + ], + "416 North Santa Cruz Avenue": [ + "416 North Santa Cruz Avenue" + ], + "23810.78": [ + "$23,810.78" + ], + "408-356-3095": [ + "408-356-3095" + ], + "Morales Miliciades": [ + "Morales Miliciades", + "Morales miliciades" + ], + "925-754-9300": [ + "925-754-9300" + ], + "2400 Sycamore Drive": [ + "2400 Sycamore Drive" + ], + "10274.54": [ + "$10,274.54" + ], + "5968.83": [ + "$5,968.83" + ], + "Sunnyvale Psychiatry": [ + "Sunnyvale Psychiatry" + ], + "650-380-3823": [ + "650-380-3823" + ], + "505 West Olive Avenue": [ + "505 West Olive Avenue", + "505 west olive avenue" + ], + "1362.83": [ + "$1,362.83" + ], + "8377.72": [ + "$8,377.72" + ], + "707-696-6978": [ + "707-696-6978" + ], + "19812.84": [ + "$19,812.84" + ], + "707-528-4662": [ + "707-528-4662" + ], + "14864.33": [ + "$14,864.33" + ], + "21688.13": [ + "$21,688.13" + ], + "415-388-2126": [ + "415-388-2126" + ], + "21021.16": [ + "$21021.16" + ], + "9951.37": [ + "$9,951.37" + ], + "Kate Corcoran": [ + "Kate Corcoran" + ], + "3470 Mount Diablo Boulevard A200": [ + "3470 mount diablo boulevard a200", + "3470 Mount diablo Boulevard A200", + "3470 Mount Diablo Boulevard A200" + ], + "5028.28": [ + "$5,028.28" + ], + "2959.89": [ + "$2,959.89" + ], + "Rancho Cantina": [ + "Rancho Cantina" + ], + "925-282-3811": [ + "925-282-3811" + ], + "3616 Mount Diablo Boulevard": [ + "3616 Mount Diablo Boulevard" + ], + "925-385-8303": [ + "925-385-8303" + ], + "5653.30": [ + "$5,653.30" + ], + "Chevalier Restaurant": [ + "Chevalier Restaurant", + "Chevalier restaurant" + ], + "925-385-0793": [ + "925-385-0793" + ], + "7723.65": [ + "$7,723.65" + ], + "23845.61": [ + "$23,845.61" + ], + "408-774-1540": [ + "408-774-1540" + ], + "Jannell Elaina M": [ + "Jannell Elaina M" + ], + "20250.90": [ + "$20,250.90" + ], + "3001 Alamo Drive": [ + "3001 Alamo Drive" + ], + "415-407-3638": [ + "415-407-3638" + ], + "20995.79": [ + "$20,995.79" + ], + "Little Shanghai": [ + "little shanghai" + ], + "17 East 25th Avenue": [ + "17 East 25th Avenue" + ], + "David P. Goldstein": [ + "David P. Goldstein" + ], + "22059.39": [ + "$22,059.39" + ], + "Maroo Korean Cuisine": [ + "Maroo Korean Cuisine" + ], + "Ladera Grill": [ + "Ladera Grill" + ], + "17305 Monterey Road": [ + "17305 Monterey Road" + ], + "6947.34": [ + "$6,947.34" + ], + "4357.58": [ + "$4,357.58" + ], + "707-575-1113": [ + "707-575-1113" + ], + "6173.58": [ + "$6,173.58" + ], + "14481.44": [ + "$14,481.44" + ], + "Kevin Macleod": [ + "Kevin Macleod", + "kevin macleod" + ], + "Nerves": [ + "Nerves", + "nerves" + ], + "The Descent": [ + "the descent", + "The Descent" + ], + "Julia Jenni Karagioules": [ + "Julia Jenni Karagioules" + ], + "Michael Buffer": [ + "Michael Buffer" + ], + "Shira Haas": [ + "Shira Haas" + ], + "Kurt Braunohler": [ + "Kurt Braunohler" + ], + "Enuka Okuma": [ + "Enuka Okuma" + ], + "Milton Frome": [ + "Milton Frome" + ], + "ArcelorMittal Orbit": [ + "ArcelorMittal Orbit" + ], + "Guildhall": [ + "Guildhall" + ], + "20 7606 3030": [ + "20 7606 3030" + ], + "Angelina Jolie": [ + "Angelina Jolie" + ], + "Claude de Martino": [ + "Claude de Martino" + ], + "Kevin Bergsma": [ + "KEvin Bergsma" + ], + "Jack White": [ + "jack white" + ], + "David Brown": [ + "David Brown" + ], + "Thomas Haden Church": [ + "Thomas Haden Church" + ], + "Maritime Museum of San Diego": [ + "Maritime Museum of San Diego" + ], + "Robert Kazinsky": [ + "Robert Kazinsky" + ], + "Roy Stephens": [ + "Roy Stephens" + ], + "America Ferrera": [ + "America Ferrera" + ], + "Randall Park": [ + "Randall Park" + ], + "Alexis Bobrinskoy": [ + "Alexis Bobrinskoy" + ], + "Laurence Herder": [ + "Laurence Herder" + ], + "Vince Pisani": [ + "Vince Pisani" + ], + "Jeanette Aw": [ + "Jeanette Aw" + ], + "Noel Willman": [ + "noel willman" + ], + "5379.64": [ + "$5,379.64" + ], + "20595.21": [ + "$20,595.21" + ], + "9723.48": [ + "$9,723.48" + ], + "21636.85": [ + "$21,636.85" + ], + "3597 Homestead Road": [ + "3597 Homestead Road" + ], + "8368.80": [ + "$8,368.80" + ], + "9951.25": [ + "$9,951.25" + ], + "3337.23": [ + "$3,337.23" + ], + "5729.17": [ + "$5729.17" + ], + "Oriental Kitchen Japanese Restaurant": [ + "oriental kitchen japanese restaurant" + ], + "16808.40": [ + "$16,808.40" + ], + "135 4th Street": [ + "135 4th Street" + ], + "23026.50": [ + "$23,026.50" + ], + "17336.77": [ + "$17,336.77" + ], + "18887.77": [ + "$18,887.77" + ], + "20005.84": [ + "$20,005.84" + ], + "925-803-0170": [ + "925-803-0170" + ], + "7202 Amador Plaza Road": [ + "7202 amador plaza road" + ], + "14761.41": [ + "$14,761.41" + ], + "22060.43": [ + "$22,060.43" + ], + "10809.51": [ + "$10,809.51" + ], + "1100 Burlingame Avenue": [ + "1100 Burlingame Avenue" + ], + "11143.32": [ + "$11,143.32" + ], + "2431.24": [ + "$2,431.24" + ], + "15678.10": [ + "$15,678.10" + ], + "2731.58": [ + "$2,731.58" + ], + "16518.16": [ + "$16,518.16" + ], + "La Pinata": [ + "la pinata", + "La Pinata" + ], + "16043.49": [ + "$16,043.49" + ], + "Qube Bar & Grill": [ + "Qube Bar & Grill" + ], + "650-212-2643": [ + "650-212-2643" + ], + "16236.88": [ + "$16,236.88" + ], + "The Trident": [ + "The Trident" + ], + "13797.18": [ + "$13,797.18" + ], + "Green Garden": [ + "Green Garden" + ], + "Sichuan Fortune House": [ + "Sichuan Fortune House" + ], + "925-686-9828": [ + "925-686-9828" + ], + "11886.19": [ + "$11,886.19" + ], + "20852.23": [ + "$20,852.23" + ], + "10374.11": [ + "$10,374.11" + ], + "Bistro 29": [ + "bistro 29" + ], + "620 5th Street": [ + "620 5th street" + ], + "484.45": [ + "$484.45" + ], + "24140.20": [ + "$24,140.20" + ], + "Benvenuti Ristorante": [ + "Benvenuti Ristorante" + ], + "6141.30": [ + "$6,141.30" + ], + "583.48": [ + "$583.48" + ], + "231-444-4444": [ + "231-444-4444" + ], + "280 Valencia Street": [ + "280 Valencia Street" + ], + "21247.30": [ + "$21,247.30" + ], + "6190.57": [ + "$6,190.57" + ], + "13660.51": [ + "$13,660.51" + ], + "3884.76": [ + "$3,884.76" + ], + "20639.22": [ + "$20,639.22" + ], + "650-873-1084": [ + "650-873-1084" + ], + "24887.37": [ + "$24,887.37" + ], + "19654.11": [ + "$19,654.11" + ], + "15994.60": [ + "$15,994.60" + ], + "Tomodachi Sushi Bistro Restaurant": [ + "Tomodachi Sushi Bistro Restaurant" + ], + "7824.51": [ + "$7,824.51" + ], + "11950.85": [ + "$11,950.85" + ], + "13013.19": [ + "$13,013.19" + ], + "17480.38": [ + "$17,480.38" + ], + "1316.32": [ + "$1,316.32" + ], + "24145.40": [ + "$24,145.40" + ], + "408-216-9805": [ + "408-216-9805" + ], + "23470.51": [ + "$23,470.51" + ], + "10927.21": [ + "$10,927.21" + ], + "21192.28": [ + "$21,192.28" + ], + "591 Redwood Highway": [ + "591 Redwood Highway" + ], + "14440.31": [ + "$14,440.31" + ], + "9095.29": [ + "$9,095.29" + ], + "21121.59": [ + "$21,121.59" + ], + "18404.82": [ + "$18,404.82" + ], + "18483.36": [ + "$18,483.36" + ], + "6022.83": [ + "$6,022.83" + ], + "24875.70": [ + "$24,875.70" + ], + "673.37": [ + "$673.37" + ], + "523 4th Street": [ + "523 4th Street" + ], + "408-259-0427": [ + "408-259-0427" + ], + "925-228-7047": [ + "925-228-7047" + ], + "39060 Fremont Boulevard": [ + "39060 Fremont Boulevard" + ], + "510-739-1698": [ + "510-739-1698" + ], + "Lion & Compass": [ + "Lion & Compass" + ], + "2001 Salvio Street": [ + "2001 Salvio Street" + ], + "134 Robles Way": [ + "134 Robles Way" + ], + "Sofi Belmont Glen": [ + "Sofi Belmont Glen" + ], + "200 Davey Glen Road": [ + "200 Davey Glen Road" + ], + "The Greedy Ant Gourmet": [ + "The Greedy Ant Gourmet" + ], + "408-873-9090": [ + "408-873-9090" + ], + "Giorgio's Italian Food & Pizzeria": [ + "giorgio's italian food & pizzeria" + ], + "408-264-5781": [ + "408-264-5781" + ], + "1445 Foxworthy Avenue": [ + "1445 foxworthy avenue" + ], + "22507 Main Street": [ + "22507 Main Street" + ], + "510-727-1568": [ + "510-727-1568" + ], + "Rubio's": [ + "rubio's", + "Rubio's" + ], + "707-448-2157": [ + "707-448-2157" + ], + "925-672-1431": [ + "925-672-1431" + ], + "Guatemalan": [ + "Guatemalan" + ], + "El Lucerito Restaurante Guatemalteco San Rafael": [ + "El Lucerito Restaurante Guatemalteco San Rafael" + ], + "415-563-1885": [ + "415-563-1885" + ], + "1632 North Main Street": [ + "1632 North Main Street" + ], + "925-756-7689": [ + "925-756-7689" + ], + "El Caminito": [ + "El Caminito" + ], + "408-739-1191": [ + "408-739-1191" + ], + "408-266-1815": [ + "408-266-1815" + ], + "Mom's Tofu House": [ + "Mom's Tofu House" + ], + "510-226-7700": [ + "510-226-7700" + ], + "Kamikaze Sushi Bar & Cuisine": [ + "Kamikaze Sushi Bar & Cuisine", + "Kamikaze Sushi" + ], + "415-457-6776": [ + "415-457-6776" + ], + "Valley Oaks Apartments": [ + "Valley Oaks Apartments" + ], + "100 Oak Rim Way # 24": [ + "100 Oak Rim Way # 24" + ], + "408-358-3066": [ + "408-358-3066" + ], + "World Gourmet": [ + "World Gourmet" + ], + "Sherwood Oaks Apartments": [ + "Sherwood Oaks Apartments" + ], + "415-456-8696": [ + "415-456-8696" + ], + "Sorella Caffe": [ + "Sorella Caffe" + ], + "8.02": [ + "$8.02" + ], + "22.52": [ + "$22.52" + ], + "22.64": [ + "$22.64" + ], + "21.64": [ + "$21.64" + ], + "28.56": [ + "$28.56" + ], + "7.75": [ + "$7.75" + ], + "30.84": [ + "$30.84" + ], + "17.62": [ + "$17.62" + ], + "19.68": [ + "$19.68" + ], + "12.51": [ + "$12.51" + ], + "11.51": [ + "$11.51" + ], + "15.48": [ + "$15.48" + ], + "11.81": [ + "$11.81" + ], + "13.18": [ + "$13.18" + ], + "17.02": [ + "$17.02" + ], + "14.15": [ + "$14.15" + ], + "24.81": [ + "$24.81" + ], + "7.74": [ + "$7.74" + ], + "21.89": [ + "$21.89" + ], + "11.38": [ + "$11.38" + ], + "24.99": [ + "$24.99" + ], + "6.88": [ + "$6.88" + ], + "09:36": [ + "9:36 am" + ], + "05:31": [ + "5:31 am" + ], + "772": [ + "$772" + ], + "23:55": [ + "11:55 pm", + "11:55 PM" + ], + "673": [ + "$673" + ], + "665": [ + "$665" + ], + "637": [ + "$637" + ], + "681": [ + "$681" + ], + "629": [ + "$629" + ], + "608": [ + "$608" + ], + "Dream City Church * Phoenix": [ + "Dream City Church * Phoenix" + ], + "699": [ + "$699" + ], + "1009": [ + "$1,009" + ], + "01:12": [ + "1:12 am" + ], + "562": [ + "$562" + ], + "634": [ + "$634" + ], + "593": [ + "$593" + ], + "474": [ + "$474" + ], + "788": [ + "$788" + ], + "212-336-6666": [ + "212-336-6666" + ], + "571": [ + "$571" + ], + "638": [ + "$638" + ], + "22:35": [ + "10:35 pm" + ], + "551": [ + "$551" + ], + "02:57": [ + "2:57 am" + ], + "Gordons Bay": [ + "Gordons Bay" + ], + "925": [ + "$925" + ], + "531": [ + "$531" + ], + "689": [ + "$689" + ], + "526": [ + "$526" + ], + "All England Lawn Tennis & Croquet Club": [ + "All England Lawn Tennis & Croquet Club" + ], + "823": [ + "$823" + ], + "416-392-7288": [ + "416-392-7288" + ], + "554": [ + "$554" + ], + "Amsterdam Court Hotel": [ + "amsterdam court hotel" + ], + "Fairfield Inn & Suites By Marriott Philadelphia Downtown/Center City": [ + "Fairfield Inn & Suites by Marriott Philadelphia Downtown/Center City" + ], + "261 South 13th Street": [ + "261 South 13th Street" + ], + "La Jolla Shores Park": [ + "La Jolla Shores Park" + ], + "619-221-8899": [ + "619-221-8899" + ], + "+1 416-551-2800": [ + "+1 416-551-2800" + ], + "80 Blue Jays Way": [ + "80 Blue Jays Way" + ], + "Castle Inn & Suites": [ + "castle inn & suites" + ], + "Puerto 27": [ + "Puerto 27" + ], + "Mi Zacatecas Family Restaurant": [ + "Mi Zacatecas", + "Mi Zacatecas Family Restaurant" + ], + "Saap Ver": [ + "Saap Ver" + ], + "Triptych": [ + "triptych", + "Triptych" + ], + "La Hacienda Mexican Restaurant": [ + "La Hacienda Mexican Restaurant", + "La Hacienda" + ], + "Ming's Diner": [ + "Ming's", + "Ming's Diner" + ], + "5012 Petaluma Boulevard North": [ + "5012 Petaluma Boulevard North" + ], + "Izakaya Kitaru": [ + "Izakaya Kitaru" + ], + "707-789-9068": [ + "707-789-9068" + ], + "212 Western Avenue": [ + "212 Western Avenue" + ], + "Sushi 85": [ + "Sushi 85" + ], + "1350 Grant Road": [ + "1350 Grant Road" + ], + "650-965-8898": [ + "650-965-8898" + ], + "408-779-8182": [ + "408-779-8182" + ], + "La Briciola": [ + "La Briciola" + ], + "Cafe Jolie": [ + "Cafe Jolie" + ], + "Yin Keng Restaurant": [ + "Yin Keng", + "Yin Keng Restaurant" + ], + "8840 Lakewood Drive": [ + "8840 Lakewood Drive" + ], + "Tandoori Mahal Indian Restaurant": [ + "Tandoori Mahal Indian Restaurant", + "Tandoori Mahal" + ], + "415-951-0505": [ + "415-951-0505" + ], + "Miramar Beach Restaurant": [ + "Miramar Beach Restaurant", + "Miramar Beach restaurant", + "Miramar Beach" + ], + "131 Mirada Road": [ + "131 mirada road" + ], + "Schroeder's": [ + "Schroeder's" + ], + "Ac Hotel By Marriott Phoenix Biltmore": [ + "Ac Hotel By Marriott Phoenix Biltmore", + "AC Hotel by Marriott Phoenix Biltmore" + ], + "Abbey Court Hotel (Hyde Park)": [ + "Abbey Court Hotel (Hyde Park)", + "Abbey Court Hotel (hyde park)" + ], + "Asset No.1, Aerocity, New Delhi": [ + "Asset No.1, Aerocity, New Delhi", + "Asset No.1 Aerocity, New Delhi" + ], + "1831 Boutique Hotel": [ + "1831 Boutique Hotel" + ], + "+61 2 9265 8888": [ + "+61 2 9265 8888" + ], + "Arc The. Hotel Washington D.C.": [ + "Arc the. Hotel Washington D.C.", + "Arc The. Hotel Washington D.C.", + "arc the. hotel Washington D.C." + ], + "Astor Hyde Park Hostel": [ + "Astor Hyde Park Hostel" + ], + "Alamo Inn & Suites": [ + "Alamo Inn & Suites" + ], + "Chicago Getaway Hostel": [ + "Chicago Getaway Hostel" + ], + "Rio de Janeiro": [ + "Rio de Janeiro", + "Rio" + ], + "Atlantico Copacabana Hotel": [ + "Atlantico Copacabana Hotel" + ], + "Clh Suites Copacabana Domingos Ferreira": [ + "Clh Suites Copacabana Domingos Ferreira" + ], + "+1 858-488-0551": [ + "+1 858-488-0551" + ], + "Courtyard By Marriott Sacramento Cal Expo": [ + "Courtyard By Marriott Sacramento Cal Expo", + "Courtyard by Marriott Sacramento Cal Expo" + ], + "+1 347-696-2500": [ + "+1 347-696-2500" + ], + "Banana Bungalow Hollywood": [ + "Banana Bungalow Hollywood" + ], + "Grand Hyatt Seattle": [ + "Grand Hyatt Seattle" + ], + "585": [ + "$585" + ], + "191 Queen's Gate": [ + "191 Queen's Gate" + ], + "Alpha Genesis Hotel": [ + "Alpha Genesis Hotel" + ], + "45, Tengkat Tong Shin, Bukit Bintang, 50200 Kuala Lumpur, Wilayah Persekutuan": [ + "45, Tengkat Tong Shin, Bukit Bintang, 50200 Kuala Lumpur, Wilayah Persekutuan" + ], + "631-635 George Street": [ + "631-635 George Street" + ], + "824 New Hampshire Avenue Northwest, Washington, DC 20037, USA": [ + "824 New Hampshire Avenue Northwest, Washington, DC 20037, USA" + ], + "Best Western Plus Pavilions": [ + "Best Western Plus Pavilions" + ], + "+1 714-776-0140": [ + "+1 714-776-0140" + ], + "1176 West Katella Avenue": [ + "1176 West Katella Avenue" + ], + "Acme Hotel Company": [ + "acme hotel company", + "Acme Hotel Company" + ], + "+44 20 7407 7566": [ + "+44 20 7407 7566" + ], + "+55 21 2548-0011": [ + "+55 21 2548-0011" + ], + "Rua Siqueira Campos, 90 - Copacabana": [ + "Rua Siqueira Campos, 90 - Copacabana" + ], + "Cape Town": [ + "Cape Town", + "Cape town", + "cape Town" + ], + "12 Apostles Hotel & Spa": [ + "12 Apostles Hotel & Spa" + ], + "Victoria Street, Camps Bay": [ + "Victoria Street, Camps Bay" + ], + "+27 21 437 9000": [ + "+27 21 437 9000" + ], + "2811 East Camelback Road": [ + "2811 East Camelback Road" + ], + "6 Columbus - Central Park Hotel": [ + "6 columbus - central park hotel", + "6 Columbus - Central Park Hotel", + "6 Columbus - Central Park hotel" + ], + "Clarion Hotel Portland International Airport": [ + "Clarion Hotel Portland International Airport", + "Clarion Hotel Portland international airport" + ], + "+1 503-252-2222": [ + "+1 503-252-2222" + ], + "+1 818-997-7676": [ + "+1 818-997-7676" + ], + "+44 20 7402 0281": [ + "+44 20 7402 0281" + ], + "5B IGI T3 Road Delhi, Aerocity, New Delhi": [ + "5B IGI T3 Road Delhi Aerocity, New Delhi" + ], + "Nixta Ginontai Ta Thavmata": [ + "nixta ginontai ta thavmata", + "Nixta Ginontai Ta Thavmata" + ], + "Living room": [ + "Living room" + ], + "Malibu": [ + "Malibu" + ], + "Miley Cyrus": [ + "Miley Cyrus" + ], + "Younger Now": [ + "Younger Now" + ], + "Kitchen": [ + "Kitchen" + ], + "Masterpiece": [ + "Masterpiece" + ], + "Sweet Talker": [ + "Sweet Talker" + ], + "Patio": [ + "Patio" + ], + "Medicine": [ + "Medicine" + ], + "Medicine Remixes": [ + "Medicine Remixes" + ], + "Talk That Talk": [ + "Talk That Talk" + ], + "High Expectations": [ + "High Expectations" + ], + "Bad Behaviour": [ + "Bad Behaviour" + ], + "Mabel": [ + "Mabel" + ], + "We Are Not Your Kind": [ + "We Are Not Your Kind" + ], + "Birth Of The Cruel": [ + "Birth Of The Cruel", + "Birth of The Cruel" + ], + "Slipknot": [ + "Slipknot" + ], + "Overthinking": [ + "Overthinking" + ], + "Good Together": [ + "Good Together" + ], + "Touch": [ + "Touch" + ], + "Die Young": [ + "Die Young" + ], + "Kesha": [ + "Kesha", + "kesha" + ], + "Warrior": [ + "Warrior" + ], + "Million Reasons": [ + "Million Reasons" + ], + "Abbi Jacobson": [ + "Abbi Jacobson", + "Abbi jacobson", + "abbi jacobson" + ], + "Kaufmann Concert Hall": [ + "Kaufmann Concert hall", + "kaufmann concert hall", + "Kaufmann Concert Hall" + ], + "Alex Cameron": [ + "Alex Cameron" + ], + "Theater": [ + "Theater" + ], + "Kllo": [ + "Kllo" + ], + "Studio 9294": [ + "Studio 9294" + ], + "92 Wallis Road": [ + "92 Wallis Road" + ], + "Anthony Green": [ + "Anthony Green", + "Anthony green", + "anthony green" + ], + "Ayokay": [ + "Ayokay", + "ayokay" + ], + "Ada And The Engine": [ + "Ada and The Engine", + "Ada And The Engine", + "Ada And the Engine", + "Ada and the Engine" + ], + "The Artistic Home": [ + "the Artistic Home", + "The Artistic Home" + ], + "A Year In Dragonfly": [ + "A Year in Dragonfly", + "A Year In Dragonfly", + "A year In Dragonfly", + "A year in Dragonfly", + "A year in dragonfly", + "A Year In DragonFly" + ], + "Studio C Artists": [ + "studio C Artists", + "studio c artists", + "Studio C Artists" + ], + "Benjamin Francis Leftwich": [ + "Benjamin Francis Leftwich" + ], + "Alice In Glitterland": [ + "alice in glitterland", + "Alice In Glitterland", + "Alice in Glitterland" + ], + "The Wise": [ + "the Wise", + "the wise", + "The Wise" + ], + "Ain Gordon": [ + "Ain Gordon" + ], + "Ralph Freud Playhouse": [ + "Ralph Freud Playhouse" + ], + "A Few Good Men": [ + "A Few Good Men" + ], + "Kamani Auditorium": [ + "Kamani Auditorium" + ], + "1, Copernicus Marg, Opposite Doordarshan Bhawan, Mandi House, New Delhi": [ + "1 Copernicus Marg, Opposite Doordarshan Bhawan, Mandi House, New Delhi" + ], + "Anything Goes": [ + "Anything Goes" + ], + "Upright Citizens Brigade Sunset": [ + "Upright Citizens brigade sunset", + "Upright Citizens Brigade Sunset" + ], + "Aldous Harding": [ + "Aldous Harding" + ], + "A Right Royale Tea": [ + "A right Royale Tea", + "A Right Royale Tea", + "A Right Royale tea" + ], + "Acting For Teens": [ + "acting for teens", + "Acting For Teens", + "Acting for Teens", + "Acting for teens", + "Acting For teens" + ], + "520 8th Ave. - Personal Valet Parking": [ + "520 8th Ave. - Personal Valet Parking", + "520 8th ave. - Personal valet parking", + "520 8th ave. - Personal Valet Parking", + "520 8th Ave. - personal valet parking", + "520 8th ave. - personal valet parking" + ], + "Alpha Blondy": [ + "Alpha Blondy", + "alpha Blondy", + "alpha blondy" + ], + "Fiddler On The Roof": [ + "Fiddler On The Roof", + "fiddler on the roof" + ], + "The Playhouse Theatre Somerset West": [ + "The Playhouse Theatre Somerset West", + "the playhouse theatre Somerset West" + ], + "6448 California 2": [ + "6448 california 2", + "6448 California 2" + ], + "520 8th Ave. - Personal Valet": [ + "520 8th Ave. - Personal valet", + "520 8th ave. - personal valet", + "520 8th ave. - Personal valet", + "520 8th Ave. - Personal Valet", + "520 8th Ave. - personal valet" + ], + "A Taste For Murder": [ + "A Taste For Murder" + ], + "Wanstead Library": [ + "Wanstead Library" + ], + "Advanced Acting Scene Study": [ + "Advanced Acting Scene Study", + "advanced acting scene study", + "Advanced Acting Scene study", + "Advanced acting scene study" + ], + "TGW Acting Studio": [ + "TGW Acting Studio", + "tgw acting studio", + "TGW Acting studio" + ], + "The Music Man": [ + "The Music man" + ], + "Pacifica Spindrift Players": [ + "Pacifica Spindrift Players" + ], + "1050 Crespi Drive": [ + "1050 Crespi Drive" + ], + "Adieu Monsieur Haffmann": [ + "Adieu Monsieur Haffmann", + "adieu monsieur haffmann", + "Adieu monsieur haffmann" + ], + "Theatre Raymond Kabbaz": [ + "theatre raymond kabbaz", + "Theatre Raymond Kabbaz" + ], + "10361 West Pico Boulevard": [ + "10361 West Pico Boulevard", + "10361 west pico boulevard" + ], + "Bad Suns": [ + "Bad Suns" + ], + "1882 Adanac Street": [ + "1882 adanac street", + "1882 Adanac Street", + "1882 adanac Street" + ], + "Annual School Performance": [ + "Annual School Performance" + ], + "Beatleconcert": [ + "beatleconcert", + "Beatleconcert" + ], + "12th Avenue Arts": [ + "12th avenue arts", + "12th Avenue arts", + "12th Avenue Arts" + ], + "Blood Water Paint": [ + "Blood Water Paint", + "Blood water paint", + "Blood Water paint" + ], + "1620 12th Avenue": [ + "1620 12th Avenue", + "1620 12th avenue" + ], + "All That He Was": [ + "All That He Was", + "All that He Was" + ], + "The Buena, Pride Arts Center": [ + "The Buena, Pride Arts Center", + "The Buena Pride Arts Center" + ], + "Swalle Street, Golden Acre": [ + "Swalle Street, Golden Acre" + ], + "Klippies Van Die Grond": [ + "Klippies Van Die Grond", + "Klippies van Die Grond" + ], + "Theatre Arts Admin Collective": [ + "Theatre Arts Admin Collective" + ], + "Vinyl": [ + "Vinyl" + ], + "Beirut By Alan Bowne": [ + "Beirut by Alan Bowne", + "Beirut By Alan Bowne", + "beirut by alan bowne" + ], + "Shoe Box Theater": [ + "shoe box theater", + "Shoe Box Theater" + ], + "Cabaret Kids": [ + "Cabaret Kids", + "cabaret kids" + ], + "Marin Center Showcase Theater": [ + "marin center showcase theater", + "Marin Center Showcase Theater" + ], + "Circular By Laura Shamas": [ + "Circular By Laura Shamas" + ], + "Altertheater Ensemble": [ + "Altertheater Ensemble" + ], + "1333 4th Street": [ + "1333 4th Street" + ], + "Alma Deutscher": [ + "Alma Deutscher", + "ALma deutscher" + ], + "Reo Speedwagon": [ + "Reo Speedwagon", + "REO Speedwagon" + ], + "About Time": [ + "About Time", + "About time" + ], + "Talent to aMuse Theatre Co": [ + "Talent to aMuse Theatre Co", + "Talent to AMuse Theatre Co" + ], + "245 Charles E Young Drive East": [ + "245 Charles E young Drive East", + "245 Charles E Young Drive East" + ], + "358 West 44th Street": [ + "358 West 44th street", + "358 west 44th street", + "358 West 44th Street" + ], + "Funtcase": [ + "Funtcase" + ], + "NEST": [ + "NEST" + ], + "423 College Street": [ + "423 College Street" + ], + "Belarus To Brooklyn": [ + "Belarus To Brooklyn", + "Belarus to Brooklyn" + ], + "Albert & Janet Schultz Cultural Arts Hall": [ + "Albert & Janet Schultz Cultural Arts Hall" + ], + "San Antonio Road": [ + "San Antonio Road" + ], + "Anne Of Green Gables": [ + "Anne of Green Gables", + "Anne Of Green Gables" + ], + "Lower Ossington Theatre": [ + "Lower Ossington Theatre" + ], + "100 Ossington Avenue": [ + "100 Ossington Avenue" + ], + "Adam Ant": [ + "Adam Ant" + ], + "Popa Chubby": [ + "Popa Chubby" + ], + "The Sofia Tsakopoulos Center for The Arts": [ + "The Sofia Tsakopoulos Center for the Arts", + "the Sofia Tsakopoulos Center for the Arts", + "the Sofia Tsakopoulos Center for The Arts" + ], + "Rhett And Link": [ + "rhett and link", + "Rhett And Link" + ], + "Sacramento Memorial Auditorium": [ + "sacramento memorial auditorium", + "Sacramento Memorial Auditorium" + ], + "Ashe": [ + "Ashe" + ], + "Babymetal": [ + "Babymetal" + ], + "Above Ground": [ + "Above Ground" + ], + "Mojo Theatre": [ + "Mojo Theatre" + ], + "4147 North Broadway": [ + "4147 North Broadway" + ], + "3919 Normal Street": [ + "3919 Normal Street" + ], + "03:05": [ + "3:05 am" + ], + "09:21": [ + "9:21 am" + ], + "519": [ + "$519" + ], + "08:37": [ + "8:37 am" + ], + "Berlin": [ + "Berlin", + "berlin" + ], + "542": [ + "$542" + ], + "07:29": [ + "7:29 am" + ], + "649": [ + "$649" + ], + "21:56": [ + "9:56 pm" + ], + "347": [ + "$347" + ], + "596": [ + "$596" + ], + "07:49": [ + "7:49 AM", + "7:49 am" + ], + "03:32": [ + "3:32 am" + ], + "18:43": [ + "6:43 pm" + ], + "582": [ + "$582" + ], + "01:35": [ + "1:35 am" + ], + "05:46": [ + "5:46 am" + ], + "20:59": [ + "8:59 pm" + ], + "543": [ + "$543" + ], + "574": [ + "$574" + ], + "00:52": [ + "0:52 am" + ], + "01:13": [ + "1:13 am" + ], + "08:01": [ + "8:01 am" + ], + "496": [ + "$496" + ], + "16:11": [ + "4:11 pm" + ], + "499": [ + "$499" + ], + "The Villa": [ + "The Villa" + ], + "Cafe New Honolulu": [ + "Cafe New Honolulu" + ], + "5498 College Avenue": [ + "5498 College Avenue" + ], + "15.05": [ + "$15.05" + ], + "42.60": [ + "$42.60" + ], + "1771 Inner Circle Drive": [ + "1771 Inner Circle Drive" + ], + "John's Of Willow Glen": [ + "John's of Willow Glen" + ], + "Four Star Theatre": [ + "Four Star Theatre" + ], + "23.38": [ + "$23.38" + ], + "Montoya Garden Apartments": [ + "Montoya Garden Apartments", + "montoya garden apartments" + ], + "34.34": [ + "$34.34" + ], + "491 30th Street #103": [ + "491 30th Street #103" + ], + "Parc Montsouris": [ + "Parc Montsouris" + ], + "Octavia": [ + "Octavia" + ], + "45.70": [ + "$45.70" + ], + "San Vicente Restaurant": [ + "San Vicente Restaurant" + ], + "24.07": [ + "$24.07" + ], + "1646 Broadway Street": [ + "1646 Broadway Street" + ], + "16.88": [ + "$16.88" + ], + "23.90": [ + "$23.90" + ], + "Gum Kuo": [ + "Gum Kuo" + ], + "226 Edelen Avenue": [ + "226 Edelen Avenue" + ], + "2550 El Camino Real": [ + "2550 El Camino Real" + ], + "31.32": [ + "$31.32" + ], + "42.40": [ + "$42.40" + ], + "47.16": [ + "$47.16" + ], + "7880 Wren Avenue": [ + "7880 Wren Avenue" + ], + "30.54": [ + "$30.54" + ], + "Peacock Indian Cuisine": [ + "Peacock Indian Cuisine" + ], + "10544 San Pablo Avenue": [ + "10544 San Pablo Avenue" + ], + "52.72": [ + "$52.72" + ], + "140 Homer Avenue": [ + "140 HOmer Avenue", + "140 Homer Avenue" + ], + "22.17": [ + "$22.17" + ], + "Newport Street Gallery": [ + "Newport Street Gallery" + ], + "Museum of Astronomy and Related Sciences": [ + "Museum of Astronomy and Related Sciences" + ], + "Sedan": [ + "Sedan" + ], + "Buick Regal Sportback": [ + "Buick Regal Sportback", + "buick regal sportback" + ], + "Audi A8": [ + "Audi A8", + "audi a8", + "AUdi A8", + "audi A8" + ], + "28.00": [ + "$28.00" + ], + "36.00": [ + "$36.00" + ], + "Hatchback": [ + "Hatchback" + ], + "Galeao International Airport": [ + "Galeao International Airport" + ], + "Fiat Panda": [ + "Fiat Panda", + "fiat panda" + ], + "SUV": [ + "SUV" + ], + "Alfa Romeo Stelvio": [ + "alfa romeo stelvio", + "Alfa Romeo stelvio", + "Alfa ROmeo Stelvio", + "Alfa Romeo Stelvio", + "Alfa romeo stelvio" + ], + "34.00": [ + "$34.00" + ], + "Dacia Duster": [ + "Dacia Duster" + ], + "38.00": [ + "$38.00" + ], + "35.00": [ + "$35.00" + ], + "Dodge Charger": [ + "Dodge Charger", + "dodge charger" + ], + "49.00": [ + "$49.00" + ], + "43.00": [ + "$43.00" + ], + "37.00": [ + "$37.00" + ], + "Citroen C5": [ + "Citroen C5", + "citroen c5" + ], + "33.00": [ + "$33.00" + ], + "Kia Ceed": [ + "Kia Ceed", + "kia ceed" + ], + "29.00": [ + "$29.00" + ], + "45.00": [ + "$45.00" + ], + "Ford Focus": [ + "Ford Focus" + ], + "Warsaw Chopin Airport": [ + "Warsaw Chopin Airport" + ], + "Skoda Kodiaq": [ + "Skoda Kodiaq" + ], + "48.00": [ + "$48.00" + ], + "30.00": [ + "$30.00" + ], + "Nissan Qashqai": [ + "Nissan Qashqai" + ], + "47.00": [ + "$47.00" + ], + "Cape Town International Airport": [ + "Cape Town International Airport" + ], + "SEAT Cordoba": [ + "SEAT Cordoba", + "SEAT cordoba" + ], + "31.00": [ + "$31.00" + ], + "66.00": [ + "$66.00" + ], + "41.00": [ + "$41.00" + ], + "Jaguar F-Pace": [ + "Jaguar F-Pace", + "jaguar F-Pace" + ], + "42.00": [ + "$42.00" + ], + "57.00": [ + "$57.00" + ], + "Mazda 3": [ + "Mazda 3" + ], + "50.00": [ + "$50.00" + ], + "32.00": [ + "$32.00" + ], + "25.00": [ + "$25.00" + ], + "Mazda CX-5": [ + "Mazda CX-5" + ], + "67.00": [ + "$67.00" + ], + "Lexus GS": [ + "Lexus Gs", + "Lexus GS" + ], + "54.00": [ + "$54.00" + ], + "39.00": [ + "$39.00" + ], + "China Station Restaurant": [ + "CHina Station Restaurant", + "China Station REstaurant", + "China Station Restaurant" + ], + "Sushi Kuu": [ + "Sushi Kuu" + ], + "1001 Alameda de las Pulgas": [ + "1001 Alameda de las Pulgas" + ], + "Speakeasy": [ + "Speakeasy" + ], + "Siam Lotus": [ + "Siam Lotus" + ], + "Neapolitan": [ + "Neapolitan" + ], + "Doppio Zero": [ + "Doppio Zero" + ], + "408-863-0308": [ + "408-863-0308" + ], + "10088 North Wolfe Road #120": [ + "10088 North Wolfe Road #120" + ], + "Coast Cafe": [ + "Coast Cafe" + ], + "415-868-2298": [ + "415-868-2298" + ], + "700 Welch Road": [ + "700 Welch Road" + ], + "Kamakshi's Kitchen Restaurant": [ + "Kamakshi's Kitchen Restaurant" + ], + "601 Old County Road": [ + "601 Old County Road" + ], + "Opa! Los Altos": [ + "Opa! Los Altos" + ], + "Caprinos": [ + "Caprinos" + ], + "650-591-4156": [ + "650-591-4156" + ], + "1000 6th Avenue": [ + "1000 6th Avenue" + ], + "Chez Tj": [ + "Chez Tj" + ], + "938 Villa Street": [ + "938 Villa Street" + ], + "Diavola Pizzeria & Salumeria": [ + "Diavola Pizzeria & Salumeria" + ], + "direct": [ + "direct" + ], + "2660 Tulare St": [ + "2660 Tulare St" + ], + "El Cajon Bus Stop": [ + "El Cajon Bus Stop" + ], + "North Hollywood Station": [ + "North Hollywood Station", + "north Hollywood station", + "North Hollywood station", + "north hollywood station" + ], + "Transbay Terminal": [ + "transbay Terminal", + "Transbay Terminal", + "transbay terminal" + ], + "one-stop": [ + "one-stop" + ], + "Anaheim Bus Station": [ + "Anaheim bus station", + "Anaheim Bus station", + "Anaheim Bus Station" + ], + "65th Light Rail Station": [ + "65th light rail station", + "65th Light Rail Station", + "65th Light Rail station", + "65th Light rail station" + ], + "SW Arthur & 1st": [ + "sw arthur & 1st", + "SW ARthur & 1st", + "SW ArthUr & 1st", + "SW Arthur & 1st" + ], + "Westlake Station": [ + "Westlake Station", + "westlake station" + ], + "Penn Station": [ + "Penn station", + "penn station", + "PEnn Station", + "Penn Station" + ], + "10th and Filbert": [ + "10th and filbert", + "10th and Filbert", + "10th and filBert", + "10th And Filbert" + ], + "Silver Spring Bus Stop": [ + "Silver Spring Bus Stop", + "silver spring bus stop", + "Silver Spring bus Stop", + "Silver Spring bus stop" + ], + "Workout": [ + "Workout", + "workout" + ], + "Deborah Clark": [ + "Deborah Clark" + ], + "415-893-1983": [ + "415-893-1983" + ], + "925-274-1881": [ + "925-274-1881" + ], + "43 Quail Court": [ + "43 Quail Court" + ], + "Dunlap Peter T": [ + "Dunlap Peter T" + ], + "707-782-0400": [ + "707-782-0400" + ], + "1 Bodega Avenue # 2": [ + "1 Bodega Avenue # 2" + ], + "Nancy L Waldeck": [ + "Nancy L Waldeck" + ], + "Jones Jeannette": [ + "Jones Jeannette" + ], + "Beitler Penny": [ + "Beitler Penny" + ], + "925-381-8682": [ + "925-381-8682" + ], + "45 Quail Ct # 200": [ + "45 Quail Ct # 200" + ], + "650-308-4240": [ + "650-308-4240" + ], + "Katharine C. Sears": [ + "Katharine C. Sears" + ], + "Leslie Baker Ma": [ + "Leslie Baker Ma", + "Leslie Baker MA" + ], + "Expanding Horizons": [ + "Expanding Horizons" + ], + "925-432-3980": [ + "925-432-3980" + ], + "327 E Leland Rd": [ + "327 E Leland Rd" + ], + "650-327-3452": [ + "650-327-3452" + ], + "Demain Laurel E": [ + "Demain Laurel E" + ], + "650-299-4752": [ + "650-299-4752" + ], + "415-640-6928": [ + "415-640-6928" + ], + "45 San Clemente Drive": [ + "45 San Clemente Drive" + ], + "Leslie M. Simon": [ + "Leslie M. Simon" + ], + "Sebastopol, California 95472, United States": [ + "Sebastopol, California 95472, United States" + ], + "Kane Monique": [ + "Kane Monique" + ], + "650-964-6993": [ + "650-964-6993" + ], + "1059 El Monte Avenue # B": [ + "1059 El Monte Avenue # B" + ], + "Yoerg Robert L": [ + "Yoerg Robert L" + ], + "510-752-6706": [ + "510-752-6706" + ], + "3900 Broadway": [ + "3900 Broadway" + ], + "408-842-1119": [ + "408-842-1119" + ], + "8339 Church St # 106": [ + "8339 Church St # 106" + ], + "Galindo Jaime": [ + "Galindo Jaime" + ], + "408-846-2443": [ + "408-846-2443" + ], + "290 Ioof Avenue": [ + "290 Ioof Avenue" + ], + "Mayer Johanna M": [ + "Mayer Johanna M" + ], + "4370 Alpine Rd # 102": [ + "4370 Alpine Rd # 102" + ], + "408-296-2926": [ + "408-296-2926" + ], + "1101 South Winchester Boulevard # A101": [ + "1101 South Winchester Boulevard # A101" + ], + "650-326-4820": [ + "650-326-4820" + ], + "Latinos Hair Salon & Spa": [ + "latinos hair salon & spa" + ], + "650-873-5887": [ + "650-873-5887" + ], + "Elixir Salon An Aveda And Eufora Eco Boutique Salon": [ + "Elixir Salon An Aveda And Eufora Eco Boutique Salon" + ], + "472 North Mathilda Avenue": [ + "472 North Mathilda Avenue" + ], + "Edward'S Salon": [ + "Edward'S Salon", + "Edward's salon" + ], + "655 Redwood Highway #140": [ + "655 Redwood Highway #140" + ], + "415-381-1950": [ + "415-381-1950" + ], + "925-681-2547": [ + "925-681-2547" + ], + "4055 Evergreen Village Square Ste 110": [ + "4055 Evergreen Village Square Ste 110" + ], + "FindHomeByArea": [ + "FindHomeByArea" + ], + "rent": [ + "rent" + ], + "buy": [ + "buy" + ], + "4250000": [ + "$4,250,000" + ], + "3650000": [ + "$3,650,000" + ], + "888-820-0137": [ + "888-820-0137" + ], + "2800000": [ + "$2,800,000" + ], + "3500000": [ + "$3,500,000" + ], + "1900000": [ + "$1,900,000" + ], + "1511 163rd Avenue": [ + "1511 163rd Avenue" + ], + "1700000": [ + "$1,700,000" + ], + "510-276-2693": [ + "510-276-2693" + ], + "2500000": [ + "$2,500,000", + "$2500000" + ], + "2400000": [ + "$2400000", + "$2,400,000" + ], + "3900000": [ + "$3,900,000" + ], + "925-287-1188": [ + "925-287-1188" + ], + "Redwood Grove Apartments": [ + "Redwood Grove Apartments" + ], + "7015 Fellers Lane": [ + "7015 Fellers Lane" + ], + "3550000": [ + "$3,550,000" + ], + "3700000": [ + "$3,700,000" + ], + "4000000": [ + "$4,000,000" + ], + "Fairfield Vista Apartments": [ + "Fairfield Vista Apartments" + ], + "201 Pennsylvania Avenue": [ + "201 Pennsylvania Avenue" + ], + "707-421-2155": [ + "707-421-2155" + ], + "Vantaggio Suites": [ + "Vantaggio Suites" + ], + "835 Turk Street": [ + "835 Turk Street" + ], + "3000000": [ + "$3,000,000" + ], + "2700000": [ + "$2,700,000" + ], + "Kingston Place Apartments": [ + "Kingston Place Apartments" + ], + "3055 North Main Street": [ + "3055 North Main Street" + ], + "Walnut Creek Apartments": [ + "Walnut Creek Apartments" + ], + "Diablo Pointe Apartments": [ + "Diablo Pointe Apartments" + ], + "4350000": [ + "$4,350,000" + ], + "925-930-9625": [ + "925-930-9625" + ], + "Coddingtown Mall Apartments": [ + "Coddingtown Mall APartments", + "Coddingtown Mall Apartments" + ], + "2001 Range Avenue": [ + "2001 Range Avenue", + "2001 Range avenue" + ], + "707-578-1150": [ + "707-578-1150" + ], + "3450000": [ + "$3,450,000" + ], + "Magnolia Apartments": [ + "Magnolia Apartments" + ], + "2550000": [ + "$2,550,000" + ], + "Family Tree Apartments": [ + "Family Tree Apartments" + ], + "408-247-6228": [ + "408-247-6228" + ], + "510-471-7075": [ + "510-471-7075" + ], + "3100000": [ + "$3,100,000" + ], + "2300000": [ + "$2,300,000" + ], + "510-943-8264": [ + "510-943-8264" + ], + "2000000": [ + "$2,000,000" + ], + "2750000": [ + "$2,750,000" + ], + "3400000": [ + "$3,400,000" + ], + "IT Chapter Two": [ + "It Chapter Two", + "IT chapter two", + "IT Chapter TWO", + "IT Chapter Two", + "IT Chapter TWo", + "It Two", + "IT chapter Two", + "it chapter two", + "IT Two", + "IT Chapter two", + "IT2", + "IT two" + ], + "Hustlers": [ + "Hustlers", + "hustlers" + ], + "Hobbs and Shaw": [ + "Hobbs and Shaw", + "hobbs and shaw", + "Hobbs and SHaw", + "Hobbs and shaw" + ], + "The Lord of the Rings: The Return of the King": [ + "The lord of the rings", + "the Lord of the Rings: The Return of the King", + "lord of the rings", + "The Lord of the Rings three", + "Lord of the Rings", + "The lord of the rings: the return of the king", + "The Lord of the Rings: The Return of the King", + "the Lord of the Rings three", + "the lord of the rings: the return of the king", + "The Lord of the Rings", + "Lord of the rings", + "The Lord of the RIngs: The Return of the King" + ], + "Supernatural": [ + "Supernatural", + "supernatural" + ], + "Ad Astra": [ + "Ad astra", + "ad astra", + "ad Astra", + "Ad Astra" + ], + "2019-03-16": [ + "16th of this Month", + "the 16th", + "March 16th", + "16th of March" + ], + "1881 Post Street": [ + "1881 Post Street" + ], + "Overcomer": [ + "Overcomer", + "overcomer" + ], + "Good Boys": [ + "Good Boys", + "good boys", + "Good boys" + ], + "Official Secrets": [ + "official secrets", + "Official Secrets" + ], + "Angel Has Fallen": [ + "angel has fallen", + "Angel Has Fallen", + "Angel has Fallen", + "Angel has fallen" + ], + "Century 20 Great Mall and XD": [ + "Century 20 Great Mall and XD" + ], + "After The Wedding": [ + "After the wedding", + "After the WEdding", + "after the wedding", + "After the Wedding", + "After The Wedding" + ], + "Fiddler: A Miracle of Miracles": [ + "Fiddler: A miracle of miracles", + "fiddler: a miracle of miracles", + "Fiddler: A Miracle of Miracles", + "Fiddler", + "Fiddler: A miracle of Miracles", + "Fiddler: A MIracle of Miracles" + ], + "Brittany Runs a Marathon": [ + "Brittany Runs A Marathon", + "brittany Runs a Marathon", + "Brittany runs a marathon", + "Brittany Runs a Marathon", + "brittany runs a marathon", + "Brittany runs a Marathon" + ], + "The Farewell": [ + "farewell", + "The farewell", + "the farewell", + "the Farewell", + "The Farewell", + "Farewell" + ], + "Chhichhore": [ + "Chhichhore", + "chhichhore" + ], + "Toy Story 4": [ + "Toy Story 4", + "Toy story four", + "Toy Story four", + "Toy Story Four", + "Toy story 4" + ], + "Century 25 Union Landing and XD": [ + "Century 25 Union Landing and XD" + ], + "47 Meters Down: Uncaged": [ + "Uncaged", + "47 Meters down: Uncaged", + "47 Meters DOwn: Uncaged", + "47 Meters Down", + "47 meters down: uncaged", + "47 meters Down: Uncaged", + "47 Meters Down: Uncaged", + "47 Meters down: uncaged" + ], + "This Is Not Berlin": [ + "This Is not Berlin", + "This is Not Berlin", + "This is not Berlin", + "This Is Not Berlin" + ], + "Once Upon a Time In Hollywood": [ + "Once upon a time", + "Once upon a Time in Hollywood", + "Once upon a Time", + "once upon a time", + "Once upon a Time In Hollywood", + "Once Upon a Time", + "Once upon a time in hollywood", + "Once upon a time in Hollywood", + "Once Upon a Time in Hollywood", + "once upon a time in hollywood", + "Once Upon A Time in Hollywood", + "Once Upon A Time In Hollywood", + "once upon a time in Hollywood", + "Once Upon a Time In Hollywood" + ], + "2525 San Ramon Valley Boulevard": [ + "2525 San Ramon Valley boulevard", + "2525 San Ramon Valley Boulevard" + ], + "Offbeat": [ + "Bizarre story", + "offbeat", + "Bizarre Story", + "Eccentric Story", + "eccentric story", + "Eccentric story", + "Offbeat", + "bizarre story" + ], + "CineArts Sequoia": [ + "CineArts Sequoia" + ], + "Stage Door": [ + "Stage Door", + "Stage door" + ], + "The Load": [ + "The load", + "the Load", + "The Load" + ], + "Regal Crow Canyon": [ + "regal Crow canyon", + "Regal Crow Canyon" + ], + "Luce": [ + "luce", + "Luce" + ], + "555 Rohnert Park Expressway West": [ + "555 Rohnert Park Expressway West" + ], + "Whispering Oaks": [ + "Whispering Oaks" + ], + "The Laurels": [ + "The Laurels" + ], + "Willow Brook Apartments": [ + "Willow Brook Apartments" + ], + "Villa Monterey": [ + "Villa Monterey" + ], + "The Grove Apartments": [ + "The Grove Apartments" + ], + "1919 Fruitdale Avenue": [ + "1919 Fruitdale Avenue" + ], + "510-232-6651": [ + "510-232-6651" + ], + "Tiburon 6 Lyford, Llc": [ + "Tiburon 6 lyford, Llc" + ], + "6 Lyford Drive, Belvedere": [ + "6 Lyford Drive, Belvedere" + ], + "855-553-0652": [ + "855-553-0652" + ], + "The Meadows At Fountaingrove": [ + "The Meadows at Fountaingrove" + ], + "Stevenson Place Apartments": [ + "Stevenson Place Apartments" + ], + "Shadowbrook Apartments": [ + "Shadowbrook Apartments" + ], + "Sierra Vista": [ + "Sierra Vista", + "sierra vista" + ], + "Woodhaven Apartments": [ + "Woodhaven Apartments" + ], + "Portola Meadows Apartments": [ + "Portola Meadows Apartments" + ], + "925-449-6167": [ + "925-449-6167" + ], + "Cezanne Apartments": [ + "Cezanne Apartments" + ], + "2600000": [ + "$2,600,000" + ], + "408-732-1200": [ + "408-732-1200" + ], + "Windsor Ridge": [ + "Windsor Ridge" + ], + "707-823-0730": [ + "707-823-0730" + ], + "The Retreat": [ + "The Retreat" + ], + "1459 Creekside Drive": [ + "1459 Creekside Drive" + ], + "Skylark Apartments": [ + "Skylark Apartments" + ], + "Peppertree Apartments": [ + "Peppertree Apartments" + ], + "408-272-5205": [ + "408-272-5205" + ], + "Skyline At Tamien Station": [ + "Skyline At Tamien Station", + "Skyline at Tamien Station" + ], + "1375 Lick Avenue": [ + "1375 Lick Avenue" + ], + "408-564-7347": [ + "408-564-7347" + ], + "Hilltop Trio Apartments": [ + "Hilltop Trio Apartments" + ], + "1713 164th Avenue #1": [ + "1713 164th Avenue #1" + ], + "Olive West Apartments": [ + "Olive West Apartments" + ], + "Riley Square": [ + "Riley Square" + ], + "Woodsong Village Apartments": [ + "Woodsong Village Apartments" + ], + "Reardon Heights": [ + "Reardon Heights" + ], + "Driftwood Arms Apartments": [ + "Driftwood Arms Apartments" + ], + "408-978-9618": [ + "408-978-9618" + ], + "Hastings East Apartments": [ + "Hastings East Apartments" + ], + "Timberleaf Apartments": [ + "Timberleaf Apartments" + ], + "Amelia": [ + "Amelia" + ], + "debit card": [ + "debit card" + ], + "MakePayment": [ + "MakePayment" + ], + "RequestPayment": [ + "RequestPayment" + ], + "Margaret": [ + "Margaret", + "margaret" + ], + "credit card": [ + "credit card" + ], + "Emma": [ + "Emma", + "emma" + ], + "Isabella": [ + "Isabella", + "isabella" + ], + "app balance": [ + "app balance" + ], + "Mary": [ + "Mary" + ], + "Victoria": [ + "Victoria", + "victoria" + ], + "Wilson": [ + "wilson", + "Wilson" + ], + "FindTrains": [ + "FindTrains" + ], + "GetTrainTickets": [ + "GetTrainTickets" + ], + "397": [ + "$397" + ], + "Value": [ + "Value" + ], + "Admiralty Arch": [ + "Admiralty Arch" + ], + "Dolby Theatre": [ + "Dolby Theatre" + ], + "323-308-6300": [ + "323-308-6300" + ], + "Bazylika Archikatedralna w Warszawie p.w. Meczenstwa sw. Jana Chrzciciela": [ + "Bazylika Archikatedralna w Warszawie p.w. Meczenstwa sw. Jana Chrzciciela" + ], + "Center for Biological Diversity Conservation in Powsin": [ + "Center for Biological Diversity Conservation in Powsin" + ], + "Le Village Royal": [ + "Le Village Royal" + ], + "20 7276 5000": [ + "20 7276 5000" + ], + "Alki Beach Park": [ + "Alki Beach Park", + "alki beach park" + ], + "Aquaria KLCC": [ + "aquaria klcc", + "Aquaria KLCC" + ], + "Saaho": [ + "Saaho", + "saaho" + ], + "Century 20 Oakridge and XD": [ + "Century 20 Oakridge and XD" + ], + "Century Napa Valley and XD": [ + "Century Napa valley and XD", + "Century Napa Valley and XD" + ], + "The Angry Birds Movie 2": [ + "angry birds", + "The Angry Birds Movie 2", + "The Angry Birds Movie Two", + "the Angry Birds Movie", + "the angry birds movie 2", + "The Angry Birds", + "The Angry Birds Movie", + "Angry Birds", + "The Angry Birds Movie two", + "Angry birds", + "the Angry Birds Movie 2" + ], + "Echo In The Canyon": [ + "Echo in the Canyon", + "Echo In The Canyon", + "Echo" + ], + "Regal Jack London": [ + "Regal Jack London" + ], + "Blinded by the Light": [ + "Blinded By The Light", + "Blinded by the light", + "Blinded By the Light", + "Blinded by the Light", + "blinded by the light" + ], + "Where'd You Go, Bernadette": [ + "where'd you go, bernadette", + "Where'd You Go, Bernadette", + "Where'd You Go", + "Where would you go", + "Where'd you go, Bernadette" + ], + "A Faithful Man": [ + "a faithful man", + "a Faithful Man", + "A Faithful man", + "A faithful Man", + "A Faithful Man" + ], + "Century at Tanforan and XD": [ + "Century at Tanforan and XD" + ], + "Sci-fi": [ + "future scientific fiction", + "Sci-Fi", + "imaginative fiction", + "Scientific fiction", + "Imaginative fiction", + "Future scientific fiction", + "Science related", + "Sci-fi", + "sci-fi", + "scientific fiction" + ], + "Cinema Place": [ + "Cinema Place" + ], + "Mission Mangal": [ + "the indian mars movie", + "The Indian Mars Movie", + "Mission Mangal", + "mission mangal" + ], + "The Art of Racing in the Rain": [ + "Racing in rain", + "racing in rain", + "The Art of racing in the rain", + "Racing in Rain", + "The Art of racing in the Rain", + "Racing in the rain", + "Racing in the Rain", + "The Art of Racing in the rain", + "The Art of Racing in the Rain", + "The art of Racing in the rain", + "The art of racing in the rain" + ], + "Yesterday": [ + "Yesterday", + "yesterday" + ], + "The Ladykillers": [ + "Ladykillers", + "The Ladykillers", + "the Ladykillers" + ], + "Pulp Fiction": [ + "pulp Fiction", + "pulp fiction", + "Pulp Fiction" + ], + "Paprika": [ + "paprika", + "Paprika" + ], + "Koichi Yamadera": [ + "Koichi Yamadera" + ], + "Satoshi Kon": [ + "Satoshi Kon" + ], + "Paul Downs Colaizzo": [ + "Paul Downs Colaizzo" + ], + "Michaela Watkins": [ + "Michaela Watkins" + ], + "Thurop Van Orman": [ + "Thurop Van Orman" + ], + "Duane Whitaker": [ + "Duane Whitaker" + ], + "Quentin Tarantino": [ + "Quentin Tarantino", + "QUentin Tarantino", + "quentin tarantino" + ], + "Meera Ganatra": [ + "Meera Ganatra" + ], + "Gurinder Chadha": [ + "Gurinder Chadha" + ], + "Riley Stearns": [ + "Riley Stearns" + ], + "The Art of Self-Defense": [ + "the Art of Self-Defense", + "The Art Of Self-Defense", + "The Art of Self-Defense" + ], + "Ian Hendry": [ + "Ian Hendry" + ], + "Theatre of Blood": [ + "Theatre of Blood", + "theatre of blood" + ], + "Herbert Ross": [ + "Herbert Ross", + "Herbert ross" + ], + "Steel Magnolias": [ + "steel magnolias", + "Steel magnolias", + "Steel Magnolias" + ], + "Rojo": [ + "Rojo" + ], + "Rudy Chernicoff": [ + "Rudy Chernicoff" + ], + "Alex Kendrick": [ + "Alex Kendrick" + ], + "Jack Sterner": [ + "Jack Sterner" + ], + "Zoe Bell": [ + "Zoe Bell" + ], + "James Gray": [ + "James Gray" + ], + "Jamie Kennedy": [ + "Jamie Kennedy" + ], + "James Corden": [ + "James Corden" + ], + "Danny Boyle": [ + "Danny Boyle" + ], + "Nitesh Tiwari": [ + "Nitesh Tiwari" + ], + "Gene Stupnitsky": [ + "Gene Stupnitsky" + ], + "Alexander Calvert": [ + "Alexander Calvert" + ], + "Close Encounters of the Third Kind": [ + "Close Encounters of the Third kind", + "Close Encounters of the Third Kind", + "Close Encounters", + "Close encounters" + ], + "Richard L. Hawkins": [ + "Richard L. Hawkins" + ], + "Steven Spielberg": [ + "Steven Spielberg" + ], + "James Wlcek": [ + "James Wlcek" + ], + "Alexander Mackendrick": [ + "Alexander Mackendrick" + ], + "Leonard Sharp": [ + "Leonard Sharp" + ], + "McKinley Belcher III": [ + "McKinley Belcher III" + ], + "Simon Curtis": [ + "Simon Curtis" + ], + "Bart Freundlich": [ + "Bart Freundlich" + ], + "Daniel Camp": [ + "Daniel Camp" + ], + "Hari Sama": [ + "Hari Sama" + ], + "Timothy Olyphant": [ + "Timothy Olyphant" + ], + "Madeline's Madeline": [ + "Madeline's Madeline", + "Madeline" + ], + "Helena Howard": [ + "Helena Howard" + ], + "Eugene Dynarski": [ + "Eugene Dynarski" + ], + "One Cut of the Dead": [ + "One Cut of the Dead", + "One cut of the Dead" + ], + "Manabu Hosoi": [ + "Manabu Hosoi" + ], + "Shinichirou Ueda": [ + "Shinichirou Ueda" + ], + "World": [ + "foreign story", + "Exotic", + "Global", + "World", + "foreign", + "exotic", + "world", + "Foreign story" + ], + "Tel Aviv on Fire": [ + "Tel Aviv on Fire" + ], + "Amer Hlehel": [ + "Amer Hlehel" + ], + "Sameh Zoabi": [ + "Sameh Zoabi" + ], + "My Big Fat Greek Wedding": [ + "Greek wedding", + "my big Fat Greek Wedding", + "My Big Fat Greek WEdding", + "my Big Fat Greek Wedding", + "My Big Fat Greek Wedding", + "my big fat greek wedding" + ], + "Joel Zwick": [ + "Joel Zwick" + ], + "Andrea Martin": [ + "Andrea Martin" + ], + "Tigers Are Not Afraid": [ + "Tigers Are Not Afraid", + "Tigers are not Afraid", + "Tigers Are not Afraid" + ], + "Jovanka Vuckovic": [ + "Jovanka Vuckovic" + ], + "Riot Girls": [ + "Riot Girls" + ], + "David Leitch": [ + "David Leitch", + "david leitch" + ], + "Alex King": [ + "Alex King" + ], + "In Fabric": [ + "Fabric", + "In Fabric", + "In fabric", + "in Fabric", + "in fabric" + ], + "Hayley Squires": [ + "Hayley Squires" + ], + "Peter Strickland": [ + "Peter Strickland" + ], + "Kirill Mikhanovsky": [ + "Kirill Mikhanovsky" + ], + "Comedy-drama": [ + "comedy-drama", + "Comedy-drama" + ], + "Give Me Liberty": [ + "Give Me Liberty", + "Give me Liberty" + ], + "Daria Ekamasova": [ + "Daria Ekamasova" + ], + "Ric Roman Waugh": [ + "Ric Roman Waugh" + ], + "Sterling K. Brown": [ + "sterling K. Brown" + ], + "Josephine Decker": [ + "Josephine Decker" + ], + "Louis Garrel": [ + "Louis Garrel" + ], + "Lori Pelenise Tuisano": [ + "Lori Pelenise Tuisano" + ], + "Peter Jackson": [ + "Peter Jackson" + ], + "Liv Tyler": [ + "Liv Tyler" + ], + "Cult": [ + "crime story", + "Crime", + "cult", + "fight", + "violent", + "Fight", + "Cult", + "crime", + "Violent", + "Crime story" + ], + "Conleth Hill": [ + "Conleth Hill" + ], + "Stephen Powers": [ + "Stephen Powers", + "Stephen powers" + ], + "Hindi": [ + "Hindi" + ], + "Britta Steffenhagen": [ + "Britta Steffenhagen" + ], + "Adam Bakri": [ + "Adam Bakri" + ], + "Elijah Wood": [ + "elijah wood", + "Elijah Wood" + ], + "Marko Grba Singh": [ + "Marko Grba Singh" + ], + "Nalneesh Neel": [ + "Nalneesh Neel" + ], + "Zama": [ + "Zama" + ], + "Carlos Defeo": [ + "Carlos Defeo" + ], + "Doris McCarthy": [ + "Doris McCarthy" + ], + "Viveik Kalra": [ + "Viveik Kalra" + ], + "Naveen Polishetty": [ + "Naveen Polishetty" + ], + "Don Blakely": [ + "Don Blakely" + ], + "Phoebe Hodgson": [ + "Phoebe Hodgson" + ], + "Scary Stories to Tell in the Dark": [ + "Scary Stories to Tell in the Dark", + "Scary stories to tell in the Dark", + "Scary Stories to tell in the Dark", + "Scary Stories to Tell in the dark", + "Scary stories", + "scary stories", + "scary stories to tell in the dark" + ], + "Sheldon Harnick": [ + "Sheldon Harnick" + ], + "Diana Dors": [ + "Diana Dors" + ], + "Maya Rudolph": [ + "Maya Rudolph" + ], + "Flea": [ + "Flea" + ], + "Tony Hale": [ + "Tony Hale" + ], + "Chris Larkin": [ + "Chris Larkin" + ], + "Harvey Fierstein": [ + "Harvey Fierstein" + ], + "Katharine Hepburn": [ + "Katharine Hepburn" + ], + "Prashant Narayanan": [ + "Prashant Narayanan" + ], + "Rebecca Gayheart": [ + "Rebecca Gayheart" + ], + "Jakob Dylan": [ + "Jakob Dylan" + ], + "Margaret Early": [ + "Margaret Early" + ], + "Labyrinth": [ + "Labyrinth", + "labyrinth" + ], + "Leland Orser": [ + "Leland Orser" + ], + "Lawrence Makoare": [ + "Lawrence Makoare" + ], + "Shelley Thompson": [ + "Shelley Thompson" + ], + "Bakary Sangare": [ + "Bakary Sangare", + "bakary sangare" + ], + "Ronald Young": [ + "Ronald Young" + ], + "Varun Sharma": [ + "Varun Sharma" + ], + "Gil Bellows": [ + "Gil Bellows" + ], + "Keira Knightley": [ + "Keira Knightley" + ], + "Megan Mullally": [ + "Megan Mullally" + ], + "Peter Dinklage": [ + "Peter Dinklage" + ], + "Yaniv Biton": [ + "Yaniv Biton" + ], + "Shinichiro Ohta": [ + "Shinichiro Ohta" + ], + "Ian McKellen": [ + "Ian McKellen" + ], + "Brady Noon": [ + "Brady Noon" + ], + "Rafael Federman": [ + "Rafael Federman" + ], + "Tom Skerritt": [ + "Tom Skerritt" + ], + "John Bach": [ + "John Bach" + ], + "Sala Baker": [ + "Sala Baker" + ], + "Fatma Mohamed": [ + "Fatma Mohamed" + ], + "Chris Galust": [ + "Chris Galust" + ], + "Andrea Frigerio": [ + "Andrea Frigerio" + ], + "Live Flesh": [ + "Live Flesh", + "Live flesh", + "live flesh" + ], + "John Schwab": [ + "John Schwab" + ], + "Zhao Shuzhen": [ + "zhao shuzhen", + "Zhao Shuzhen" + ], + "1 Rue Bayard, 75008": [ + "1 Rue Bayard, 75008" + ], + "+1 212-730-0099": [ + "+1 212-730-0099" + ], + "Avenida Almirante Silvio de Noronha, 365 - Centro": [ + "Avenida Almirante Silvio de Noronha, 365 - Centro" + ], + "Alt-Moabit 99, 10559": [ + "Alt-Moabit 99, 10559", + "alt-moabit 99, 10559" + ], + "Alt-Reinickendorf 4-5, 13407": [ + "Alt-Reinickendorf 4-5 13407", + "Alt-Reinickendorf 4-5, 13407" + ], + "Avenida Embaixador Abelardo Bueno, 1430": [ + "Avenida Embaixador Abelardo Bueno, 1430" + ], + "+55 21 3348-1000": [ + "+55 21 3348-1000" + ], + "113-125 North Green Street": [ + "113-125 North Green Street" + ], + "1 Cullinan Street, Cape Town City Centre": [ + "1 Cullinan Street, Cape Town City Centre" + ], + "1 Lower Buitengracht, Cape Town City Centre": [ + "1 Lower Buitengracht, Cape Town City Centre" + ], + "2, Sardar Patel Marg, Diplomatic Enclave, New Delhi": [ + "2, Sardar Patel Marg, Diplomatic Enclave, New Delhi" + ], + "9042/1044 Tower Avenue Jomo Kenyatta Intl Airport, Kenya": [ + "9042/1044 Tower Avenue Jomo Kenyatta Intl Airport, Kenya" + ], + "1224 Beverwil Drive": [ + "1224 Beverwil Drive" + ], + "+1 877-334-5623": [ + "+1 877-334-5623" + ], + "+1 858-224-7600": [ + "+1 858-224-7600" + ], + "1 Craven Hill Gardens": [ + "1 Craven Hill Gardens" + ], + "+33 1 53 75 62 62": [ + "+33 1 53 75 62 62" + ], + "1596": [ + "$1,596" + ], + "828": [ + "$828" + ], + "696": [ + "$696" + ], + "+1 310-825-2923": [ + "+1 310-825-2923" + ], + "3465": [ + "$3,465" + ], + "+1 212-262-3200": [ + "+1 212-262-3200" + ], + "1, Jalan Pantai Jaya Tower 3, 59200": [ + "1, Jalan Pantai Jaya Tower 3, 59200" + ], + "116 Rue du Temple, 75003": [ + "116 Rue du Temple, 75003" + ], + "+33 1 53 16 33 33": [ + "+33 1 53 16 33 33" + ], + "513": [ + "$513" + ], + "+61 2 9556 1555": [ + "+61 2 9556 1555" + ], + "1100 Market Street Hotel entrance is at, 45 McAllister Street": [ + "1100 Market Street Hotel entrance is at 45 McAllister Street", + "1100 Market Street Hotel entrance is at, 45 McAllister Street", + "1100 Market Street Hotel entrance is at, 45 Mcallister Street", + "1100 Market STreet Hotel Entrance is at, 45 McAllister Street" + ], + "+33 1 42 62 53 00": [ + "+33 1 42 62 53 00" + ], + "783": [ + "$783" + ], + "11518 Northeast Glenn Widing Drive": [ + "11518 northeast glenn widing drive", + "11518 Northeast Glenn Widing Drive" + ], + "2475": [ + "$2,475" + ], + "+1 212-513-0003": [ + "+1 212-513-0003" + ], + "46.00": [ + "$46.00" + ], + "GMC Terrain": [ + "GMC Terrain" + ], + "52.00": [ + "$52.00" + ], + "24.00": [ + "$24.00" + ], + "Hyundai Ioniq": [ + "Hyundai Ioniq", + "hyundai ioniq" + ], + "44.00": [ + "$44.00" + ], + "Hampton Inn Long Beach Airport": [ + "Hampton Inn Long Beach Airport" + ], + "1376 West Grand Avenue #7761": [ + "1376 West Grand Avenue #7761" + ], + "Comedysportz": [ + "Comedysportz", + "comedysportz" + ], + "The Playground At The Adrienne": [ + "the playground at the adrienne", + "The Playground At The Adrienne", + "The PLayground At The Adrienne" + ], + "2030 Sansom Street": [ + "2030 Sansom Street" + ], + "Matilda The Musical": [ + "Matilda the Musical", + "Matilda The Musical" + ], + "Napa Valley College Performing Arts Center": [ + "Napa Valley College Performing Arts Center" + ], + "2277 Napa Vallejo Highway": [ + "2277 Napa Vallejo Highway" + ], + "Asssscat": [ + "Asssscat" + ], + "5419 Sunset Boulevard": [ + "5419 Sunset Boulevard" + ], + "Abba The Concert": [ + "Abba The Concert", + "Abba the Concert" + ], + "Marin Veterans' Memorial Auditorium": [ + "Marin Veterans' Memorial Auditorium" + ], + "10 Avenue of the Flags": [ + "10 Avenue of the Flags" + ], + "2940 16th Street #217": [ + "2940 16th Street #217" + ], + "Cavetown": [ + "Cavetown" + ], + "Venue Nightclub": [ + "venue nightclub", + "Venue Nightclub" + ], + "881 Granville Street": [ + "881 Granville Street" + ], + "Braxton Cook": [ + "Braxton Cook" + ], + "Spratt Hall Road": [ + "Spratt Hall Road" + ], + "Bars And Melody": [ + "Bars And Melody", + "Bars and Melody" + ], + "Hansard": [ + "Hansard" + ], + "Lyttleton Theatre": [ + "Lyttleton Theatre" + ], + "The Threepenny Opera": [ + "The Threepenny Opera" + ], + "Bridge Yard": [ + "Bridge Yard" + ], + "210 Burma Road": [ + "210 Burma Road" + ], + "The St. Regis Atlanta": [ + "The St. Regis Atlanta" + ], + "+1 404-563-7900": [ + "+1 404-563-7900" + ], + "Aka Rittenhouse Square": [ + "aka rittenhouse square", + "Aka Rittenhouse Square" + ], + "Grounded": [ + "Grounded" + ], + "7 Stages Theatre": [ + "7 Stages Theatre" + ], + "1105 Euclid Avenue Northeast": [ + "1105 Euclid Avenue Northeast" + ], + "Heathers The Musical": [ + "Heathers The Musical" + ], + "Funhouse Lounge": [ + "Funhouse Lounge" + ], + "2110 Southeast 10th Avenue": [ + "2110 Southeast 10th Avenue", + "2110 southeast 10th avenue" + ], + "Claudia Oshry": [ + "Claudia Oshry" + ], + "Illsley Ball Nordstrom Recital Hall": [ + "Illsley ball nordstrom recital hall", + "Illsley Ball Nordstrom Recital Hall" + ], + "Intro To Musical Improv": [ + "Intro To Musical Improv" + ], + "Comedy Cafe Berlin": [ + "Comedy Cafe Berlin" + ], + "Adina Apartment Hotel Berlin Mitte": [ + "Adina Apartment Hotel Berlin Mitte" + ], + "Ameron Hotel Abion Spreebogen Waterside": [ + "Ameron Hotel Abion Spreebogen Waterside" + ], + "Arcotel John F Berlin": [ + "Arcotel John f Berlin" + ], + "Babyshower For The Antichrist": [ + "Babyshower For The AntiChrist", + "Babyshower For The Antichrist" + ], + "Fulton County West End Performing Arts Center": [ + "Fulton County West End Performing Arts Center", + "Fulton County West End performing Arts Center" + ], + "Hotel Clermont": [ + "Hotel Clermont" + ], + "1782 Tribute Road": [ + "1782 Tribute road", + "1782 Tribute Road" + ], + "Finneas": [ + "Finneas" + ], + "Jeanette Tietze": [ + "Jeanette Tietze" + ], + "The Episcopal Church of the Incarnation": [ + "the Episcopal Church of the Incarnation", + "The Episcopal Church of the Incarnation" + ], + "Lucy Dacus": [ + "Lucy Dacus" + ], + "104 North Avenue 56 2nd Floor": [ + "104 North Avenue 56 2nd floor", + "104 North Avenue 56 2nd Floor" + ], + "135 South 18th Street": [ + "135 South 18th Street", + "135 south 18th street" + ], + "Altin Gun": [ + "Altin Gun" + ], + "+1 718-381-1118": [ + "+1 718-381-1118" + ], + "Courthouse Hotel Shoreditch": [ + "Courthouse Hotel Shoreditch" + ], + "Devonshire Club By Mantis": [ + "Devonshire Club by Mantis", + "Devonshire Club By Mantis" + ], + "1395 Lexington Avenue": [ + "1395 Lexington avenue", + "1395 Lexington Avenue", + "1395 lexington avenue" + ], + "Beast On The Moon": [ + "Beast On The Moon" + ], + "The Beverly O'Neill Theater": [ + "The Beverly O'Neill Theater" + ], + "Aftershock Music Festival": [ + "aftershock music festival", + "Aftershock Music Festival" + ], + "Armia": [ + "Armia" + ], + "Angel Olsen": [ + "Angel Olsen" + ], + "Jim Henson": [ + "Jim Henson" + ], + "Advanced Workshop": [ + "Advanced Workshop" + ], + "Salles Saint Roch": [ + "Salles Saint Roch" + ], + "Claudia Doumit": [ + "Claudia Doumit" + ], + "Dimension": [ + "Dimension" + ], + "Efg": [ + "Efg" + ], + "Purcell Room": [ + "Purcell Room" + ], + "Casa Valentina": [ + "Casa Valentina" + ], + "PRIDE ARTS CENTER": [ + "PRIDE ARTS CENTER", + "Pride Arts Center" + ], + "Katsunosuke Hori": [ + "Katsunosuke Hori", + "Katsunosuke hori" + ], + "Nikita Mehta": [ + "Nikita Mehta" + ], + "Gregory La Cava": [ + "Gregory La Cava" + ], + "Jack Carson": [ + "Jack Carson" + ], + "Gavin Hood": [ + "Gavin Hood" + ], + "Rhys Ifans": [ + "Rhys Ifans" + ], + "Ron Mueck": [ + "Ron Mueck" + ], + "Marriage Can Be Murder": [ + "Marriage Can Be Murder" + ], + "Showroom at the D Las Vegas": [ + "Showroom at the D Las Vegas" + ], + "Jillian Bell": [ + "Jillian Bell" + ], + "Javier Bardem": [ + "Javier Bardem" + ], + "Douglas Hickox": [ + "Douglas Hickox" + ], + "Steve Whitmire": [ + "Steve Whitmire" + ], + "American Idiot The Musical": [ + "American Idiot The Musical" + ], + "OB Playhouse & Theatre Company": [ + "OB Playhouse & Theatre Company" + ], + "Steve Terada": [ + "Steve Terada" + ], + "Nancy Parsons": [ + "Nancy Parsons" + ], + "Klaudia Garcia": [ + "Klaudia Garcia" + ], + "Ari Aster": [ + "Ari Aster", + "ari aster" + ], + "Midsommar": [ + "Midsommar", + "midsommar" + ], + "William Jackson Harper": [ + "William Jackson Harper", + "William jackson Harper" + ], + "Carol Sutton": [ + "Carol Sutton" + ], + "Prabhas": [ + "Prabhas" + ], + "Tzi Ma": [ + "Tzi Ma" + ], + "Lulu Wang": [ + "Lulu Wang" + ], + "Aryn Wright-Thompson": [ + "Aryn Wright-Thompson" + ], + "Gymnologize": [ + "Gymnologize" + ], + "Red Sandcastle Theatre": [ + "Red Sandcastle Theatre", + "red sandcastle theatre" + ], + "Improv And Storytelling Intensive": [ + "Improv and Storytelling INtensive" + ], + "The Social Capital": [ + "the social capital" + ], + "Boondocks Improv": [ + "Boondocks Improv", + "boondocks improv" + ], + "Dearing Acting Studio": [ + "Dearing Acting Studio", + "dearing acting studio" + ], + "10806 North 32nd Street": [ + "10806 north 32nd Street", + "10806 north 32nd street" + ], + "Jack And The Beanstalk": [ + "jack and the beanstalk" + ], + "Great Arizona Puppet Theater": [ + "great arizona puppet theater" + ], + "Vanessa Przada": [ + "Vanessa Przada" + ], + "Pete Davidson": [ + "Pete Davidson" + ], + "Noah Gaynor": [ + "noah gaynor" + ], + "Julius Onah": [ + "julius onah", + "Julius Onah" + ], + "Comethazine": [ + "comethazine" + ], + "Utkarsh Ambudkar": [ + "Utkarsh Ambudkar" + ], + "Akiko Kawase": [ + "Akiko Kawase" + ], + "Ian Hughes": [ + "Ian Hughes" + ], + "Inbal Amirav": [ + "Inbal Amirav" + ], + "Arthur Lowe": [ + "arthur lowe" + ], + "Christopher Mann": [ + "Christopher Mann" + ], + "Mohan Kapoor": [ + "Mohan Kapoor" + ], + "Stephanie Vogt": [ + "Stephanie Vogt" + ], + "Travis Harrison": [ + "Travis Harrison" + ], + "Michael Garza": [ + "Michael Garza" + ], + "Bill Hader": [ + "Bill Hader" + ], + "Bret McKenzie": [ + "Bret McKenzie" + ], + "Owen Teague": [ + "Owen Teague" + ], + "Will Chase": [ + "Will Chase" + ], + "Emma Nelson": [ + "Emma Nelson" + ], + "Dean Norris": [ + "Dean Norris", + "dean norris" + ], + "Ellise Chappell": [ + "Ellise Chappell" + ], + "Davey Johnson": [ + "Davey Johnson" + ], + "Nadim Sawalha": [ + "Nadim Sawalha" + ], + "Christina-Ann Zalamea": [ + "Christina-Ann Zalamea" + ], + "Dali Benssalah": [ + "Dali Benssalah" + ], + "Julia Ragnarsson": [ + "Julia Ragnarsson" + ], + "Dan Bittner": [ + "Dan Bittner" + ], + "Lori Alan": [ + "Lori Alan" + ], + "Timothy Bateson": [ + "Timothy Bateson" + ], + "Bobby Nish": [ + "Bobby Nish" + ], + "Jack Melford": [ + "Jack Melford" + ], + "Morgan Freeman": [ + "Morgan Freeman" + ], + "Sharman Joshi": [ + "Sharman Joshi" + ], + "Antonio Bustorff": [ + "Antonio Bustorff" + ], + "James Keane": [ + "James Keane" + ], + "Christoph Maria Herbst": [ + "Christoph Maria Herbst" + ], + "Marianne Jean-Baptiste": [ + "Marianne Jean-Baptiste" + ], + "Bronagh Gallagher": [ + "Bronagh Gallagher" + ], + "Ryan Reynolds": [ + "ryan reynolds" + ], + "Scuse Me": [ + "scuse me" + ], + "Coconut Oil": [ + "coconut oil" + ], + "Outlast": [ + "Outlast" + ], + "Kirk Degiorgio": [ + "Kirk Degiorgio" + ], + "Asia": [ + "Asia" + ], + "For The Night": [ + "For The Night", + "For the night" + ], + "Sarah McLeod": [ + "Sarah McLeod" + ], + "A Ghost In The Trenches": [ + "A Ghost in the Trenches", + "A Ghost in The Trenches", + "A Ghost In The Trenches", + "A Ghost In the Trenches" + ], + "The Great War": [ + "The Great War" + ], + "Devil Dogs": [ + "Devil Dogs" + ], + "J. Patrick McNamara": [ + "J. Patrick McNamara" + ], + "Rise Remixes": [ + "Rise Remixes" + ], + "Rise": [ + "Rise" + ], + "Acapella": [ + "Acapella" + ], + "Karmin": [ + "Karmin" + ], + "Pulses": [ + "Pulses" + ], + "Yours Truly": [ + "yours truly", + "Yours Truly" + ], + "Baby I": [ + "Baby I", + "baby i" + ], + "Supreet Reddy": [ + "Supreet Reddy" + ], + "Sujeeth": [ + "Sujeeth" + ], + "Beautiful Now": [ + "Beautiful Now" + ], + "Zedd": [ + "Zedd" + ], + "True Colors": [ + "True Colors" + ], + "Ving Rhames": [ + "Ving Rhames" + ], + "Story": [ + "Story" + ], + "Fiona Reid": [ + "Fiona Reid" + ], + "Cold": [ + "Cold" + ], + "Korn": [ + "Korn" + ], + "The Nothing": [ + "The Nothing" + ], + "Lawrence Bender": [ + "Lawrence Bender" + ], + "Tu Larka Hai Bihari": [ + "Tu Larka Hai Bihari" + ], + "Ravi Raj Surendra": [ + "Ravi Raj Surendra" + ], + "Benjamin Naishtat": [ + "Benjamin Naishtat" + ], + "My Heart Goes Boom": [ + "My Heart Goes Boom" + ], + "Miss Li": [ + "Miss Li" + ], + "Tangerine Dream": [ + "Tangerine Dream" + ], + "Yuri Lowenthal": [ + "Yuri Lowenthal" + ], + "Jagan Shakti": [ + "Jagan Shakti" + ], + "C.J. Rush": [ + "C.J. Rush" + ], + "Danny John-Jules": [ + "Danny John-Jules" + ], + "Tattooed Heart": [ + "Tattooed Heart" + ], + "Come Over": [ + "Come Over", + "come over" + ], + "Kenny Chesney": [ + "Kenny Chesney" + ], + "Welcome To The Fishbowl": [ + "Welcome To the Fishbowl", + "Welcome to the Fishbowl", + "Welcome To The Fishbowl" + ], + "Zach Woods": [ + "Zach Woods" + ], + "Merrill Connally": [ + "Merrill Connally" + ], + "Great War": [ + "Great War" + ], + "Gwendoline Christie": [ + "Gwendoline Christie" + ], + "Josh Cooley": [ + "Josh Cooley" + ], + "Always Hate Me": [ + "Always Hate Me" + ], + "James Blunt": [ + "James Blunt" + ], + "Moon Landing": [ + "Moon Landing" + ], + "Josh Barclay Caras": [ + "Josh Barclay Caras" + ], + "Sanjay Kapoor": [ + "Sanjay Kapoor" + ], + "Greenlight": [ + "Greenlight" + ], + "Krewella": [ + "Krewella" + ], + "Get Wet": [ + "Get Wet" + ], + "Sushant Singh Rajput": [ + "Sushant Singh Rajput" + ], + "Franklin Pangborn": [ + "Franklin Pangborn" + ], + "Nick Nolte": [ + "Nick Nolte" + ], + "Doug Erholtz": [ + "Doug Erholtz" + ], + "Paradise": [ + "Paradise" + ], + "Bazzi": [ + "Bazzi" + ], + "Soul Searching": [ + "Soul Searching" + ], + "Gene Rader": [ + "Gene Rader" + ], + "Matt Smith": [ + "Matt Smith" + ], + "Rockabye": [ + "Rockabye" + ], + "Caitlin De Ville": [ + "Caitlin De Ville" + ], + "Covers Collection": [ + "Covers Collection" + ], + "Madisen Beaty": [ + "Madisen Beaty" + ], + "Lord Huron": [ + "Lord Huron" + ], + "Strange Trails": [ + "Strange Trails" + ], + "Louise Peterhoff": [ + "Louise Peterhoff" + ], + "Ryan Kiera Armstrong": [ + "Ryan Kiera Armstrong" + ], + "Celebrate": [ + "Celebrate" + ], + "Gale J. Odom": [ + "Gale J. Odom" + ], + "You Need To Calm Down": [ + "You Need To Calm Down", + "You Need to Calm Down", + "You Need to calm down" + ], + "Lover": [ + "Lover" + ], + "Chief": [ + "Chief" + ], + "Springsteen": [ + "Springsteen" + ], + "Darren Eisnor": [ + "Darren Eisnor" + ], + "Insideeus": [ + "Insideeus", + "insideeus" + ], + "Ecstasy": [ + "ecstasy", + "Ecstasy" + ], + "Ecstacy": [ + "Ecstacy", + "ecstacy" + ], + "Warwick Davis": [ + "Warwick Davis" + ], + "Shaun Dooley": [ + "shaun dooley" + ], + "Dylan McDermott": [ + "Dylan McDermott" + ], + "Cecil Parker": [ + "Cecil Parker" + ], + "Batuka": [ + "Batuka" + ], + "Madame X": [ + "Madame X" + ], + "God Control": [ + "God Control" + ], + "Lil Rel Howery": [ + "Lil Rel Howery" + ], + "Kirk Raymond": [ + "Kirk Raymond" + ], + "Monica Dolan": [ + "Monica Dolan" + ], + "Cy Young": [ + "Cy Young" + ], + "Rainbow": [ + "Rainbow", + "rainbow" + ], + "Praying": [ + "Praying", + "praying" + ], + "Judas": [ + "Judas" + ], + "Honeymoon Avenue": [ + "Honeymoon Avenue" + ], + "Grady Sutton": [ + "Grady Sutton" + ], + "Adam Sietz": [ + "Adam Sietz" + ], + "John Travolta": [ + "John Travolta" + ], + "Under Your Scars": [ + "Under your scars", + "Under Your Scars", + "under your scars" + ], + "Godsmack": [ + "Godsmack" + ], + "When Legends Rise": [ + "When Legends Rise" + ], + "Fuckability": [ + "Fuckability" + ], + "Sexability": [ + "Sexability" + ], + "Brad Parker": [ + "Brad parker" + ], + "Michelle Phillips": [ + "Michelle Phillips" + ], + "Julia Stiles": [ + "Julia Stiles" + ], + "Tyrant": [ + "Tyrant" + ], + "Kali Uchis": [ + "Kali Uchis" + ], + "Isolation": [ + "Isolation" + ], + "Piper Perabo": [ + "Piper Perabo" + ], + "Southbound": [ + "Southbound" + ], + "Katie Johnson": [ + "Katie Johnson" + ], + "Brandon Keener": [ + "Brandon Keener" + ], + "Long Live": [ + "Long Live" + ], + "Trace Lysette": [ + "Trace Lysette" + ], + "Deer Valley": [ + "Deer Valley" + ], + "Franciscan Manor": [ + "Franciscan Manor" + ], + "201 D Street": [ + "201 D Street" + ], + "1850000": [ + "$1,850,000" + ], + "415-720-6977": [ + "415-720-6977" + ], + "Dentist": [ + "dentist", + "Dentist" + ], + "Boynton Brooks Apartments": [ + "Boynton Brooks Apartments" + ], + "416 Boynton Avenue": [ + "416 Boynton Avenue" + ], + "408-246-5509": [ + "408-246-5509" + ], + "Event": [ + "Event" + ], + "3600000": [ + "$3,600,000" + ], + "Errands": [ + "Errands", + "errands" + ], + "Emerald Pointe Apartments": [ + "Emerald Pointe Apartments" + ], + "8670 Camino Colegio": [ + "8670 Camino Colegio" + ], + "3250000": [ + "$3,250,000" + ], + "3850000": [ + "$3,850,000" + ], + "Commute": [ + "Commute", + "commute" + ], + "1600000": [ + "$1,600,000" + ], + "Piano time": [ + "Piano Time", + "piano time", + "Piano time" + ], + "Call": [ + "call", + "Call" + ], + "Get up": [ + "get up", + "Get Up", + "Get up" + ], + "Meeting": [ + "Meeting", + "meeting" + ], + "3350000": [ + "$3,350,000" + ], + "Catch bus": [ + "catch bus", + "Catch Bus", + "Catch bus" + ], + "408-395-1222": [ + "408-395-1222" + ], + "4400000": [ + "$4,400,000" + ], + "4550000": [ + "$4,550,000" + ], + "Shopping": [ + "Shopping", + "shopping" + ], + "Lafayette Highlands Apartments": [ + "Lafayette Highlands Apartments" + ], + "1076 Carol Lane": [ + "1076 carol Lane" + ], + "Jogging": [ + "Jogging", + "jogging" + ], + "Exercise": [ + "Exercise" + ], + "Lincoln Glen": [ + "Lincoln Glen" + ], + "510-656-8200": [ + "510-656-8200" + ], + "2650000": [ + "$2,650,000" + ], + "Dana Garden Apartments": [ + "Dana Garden Apartments" + ], + "200 East Dana Street": [ + "200 East Dana Street" + ], + "650-967-3870": [ + "650-967-3870" + ], + "Catch train": [ + "catch train", + "Catch train" + ], + "Summerhill Place Apartments": [ + "Summerhill Place Apartments" + ], + "3900 Horner Street": [ + "3900 Horner Street" + ], + "3150000": [ + "$3,150,000" + ], + "510-489-2220": [ + "510-489-2220" + ], + "2350000": [ + "$2,350,000" + ], + "Coffee": [ + "coffee", + "Coffee" + ], + "Deer Park Apartments": [ + "Deer Park Apartments" + ], + "99 Professional Center Parkway": [ + "99 Professional Center Parkway" + ], + "415-472-6644": [ + "415-472-6644" + ], + "Badminton": [ + "Badminton" + ], + "650-390-9450": [ + "650-390-9450" + ], + "Study": [ + "Study" + ], + "Mosher Kathy A": [ + "Mosher Kathy A" + ], + "Baker Patricia L": [ + "Baker Patricia L" + ], + "20833 Stevens Creek Boulevard": [ + "20833 Stevens Creek Boulevard" + ], + "408-342-0617": [ + "408-342-0617" + ], + "845 El Camino Real": [ + "845 El Camino Real" + ], + "Mahendra T. Bhati": [ + "Mahendra T. Bhati" + ], + "Withington Deborah": [ + "Withington Deborah" + ], + "925-824-2555": [ + "925-824-2555" + ], + "2400 Old Crow Canyon Road": [ + "2400 Old Crow Canyon Road" + ], + "415-339-8814": [ + "415-339-8814" + ], + "630 Drake Avenue": [ + "630 Drake Avenue" + ], + "925-284-1599": [ + "925-284-1599" + ], + "415-346-2356": [ + "415-346-2356" + ], + "100 Masonic Avenue": [ + "100 Masonic Avenue" + ], + "2240 North Texas Street": [ + "2240 NOrth Texas Street", + "2240 north Texas Street", + "2240 North Texas Street" + ], + "Family Solutions Inc": [ + "Family Solutions Inc" + ], + "2550 Hilborn Road": [ + "2550 Hilborn Road" + ], + "707-631-0276": [ + "707-631-0276" + ], + "915-646-5102": [ + "915-646-5102" + ], + "Perez Linda M": [ + "Perez Linda M" + ], + "100 Masonic Avenue, San Francisco, CA 94118": [ + "100 Masonic Avenue, San Francisco, CA 94118" + ], + "415-567-8370": [ + "415-567-8370" + ], + "650-592-8750": [ + "650-592-8750" + ], + "Center For Learning": [ + "Center For Learning", + "Center for Learning" + ], + "20823 Stevens Creek Boulevard # C3": [ + "20823 Stevens Creek Boulevard # C3" + ], + "408-973-9332": [ + "408-973-9332" + ], + "650-595-5855": [ + "650-595-5855" + ], + "Culberson Couple Counseling": [ + "Culberson Couple Counseling" + ], + "2672 Bayshore Parkway # 1045": [ + "2672 Bayshore Parkway # 1045" + ], + "650-988-1915": [ + "650-988-1915" + ], + "4460 Black Avenue g": [ + "4460 Black Avenue g" + ], + "925-998-3392": [ + "925-998-3392" + ], + "Keith-Davies Joan": [ + "Keith-Davies Joan" + ], + "43 Quail Court # 203B": [ + "43 Quail Court # 203B" + ], + "925-937-6247": [ + "925-937-6247" + ], + "1833 Ygnacio Valley Road": [ + "1833 Ygnacio Valley Road" + ], + "925-679-0279": [ + "925-679-0279" + ], + "Hyatt Regency Long Beach": [ + "Hyatt Regency Long Beach" + ], + "+1 916-929-7900": [ + "+1 916-929-7900" + ], + "Doubletree Suites By Hilton Hotel Anaheim Resort - Convention Center": [ + "Doubletree Suites By Hilton Hotel Anaheim Resort - Convention Center" + ], + "+1 714-750-3000": [ + "+1 714-750-3000" + ], + "2085 South Harbor Boulevard": [ + "2085 South Harbor Boulevard" + ], + "Green Tortoise Hostel San Francisco": [ + "Green Tortoise Hostel San Francisco" + ], + "+1 714-635-8070": [ + "+1 714-635-8070" + ], + "1140 West Katella Avenue": [ + "1140 West Katella Avenue" + ], + "2011 North Highland Avenue, Hollywood, CA 90068, USA": [ + "2011 North Highland Avenue, Hollywood, CA 90068, USA" + ], + "Best Western Los Angeles Worldport Hotel": [ + "Best Western Los Angeles Worldport Hotel" + ], + "1402 West Pacific Coast Highway, Wilmington, CA 90744, USA": [ + "1402 West Pacific COast Highway, Wilmington CA 90744, USA" + ], + "ShareLocation": [ + "ShareLocation" + ], + "Kelly": [ + "Kelly" + ], + "Olivia": [ + "Olivia" + ], + "Alice": [ + "Alice" + ], + "Jennifer": [ + "Jennifer" + ], + "Brenda": [ + "Brenda" + ], + "Kathryn": [ + "Kathryn" + ], + "Louis": [ + "Louis" + ], + "Class": [ + "Class" + ], + "Emily": [ + "Emily" + ], + "Vincent": [ + "Vincent" + ], + "Jason": [ + "Jason" + ], + "Theatre Deli - Deli Bar & Rehearsal Studios": [ + "Theatre Deli - Deli Bar & Rehearsal Studios" + ], + "Lori": [ + "Lori" + ], + "Big Apple Circus": [ + "Big Apple Circus", + "Big Apple circus" + ], + "Bruce": [ + "Bruce" + ], + "Steven": [ + "Steven" + ], + "Tyler": [ + "Tyler" + ], + "Sutro Baths": [ + "Sutro Baths" + ], + "Lauren": [ + "Lauren" + ], + "Running": [ + "running", + "Running" + ], + "Joseph": [ + "Joseph" + ], + "Carl": [ + "Carl" + ], + "Covington Way": [ + "Covington Way" + ], + "James": [ + "James" + ], + "Madison": [ + "Madison" + ], + "Joe": [ + "Joe", + "joe" + ], + "Patricia": [ + "Patricia" + ], + "Melissa": [ + "Melissa" + ], + "2589 Main Street": [ + "2589 Main Street" + ], + "Sharon": [ + "Sharon", + "sharon" + ], + "Tao Tao": [ + "Tao Tao" + ], + "Benjamin": [ + "Benjamin" + ], + "Randy": [ + "Randy" + ], + "Julie": [ + "Julie" + ], + "Donald": [ + "Donald" + ], + "Hannah": [ + "Hannah" + ], + "Christina": [ + "Christina" + ], + "German Spy Museum": [ + "German Spy Museum" + ], + "Donna": [ + "Donna" + ], + "Elizabeth": [ + "Elizabeth" + ], + "Edward": [ + "Edward" + ], + "Albert": [ + "Albert", + "albert" + ], + "Robert": [ + "Robert" + ], + "2305 Camino Ramon #202": [ + "2305 Camino Ramon #202" + ], + "Sean": [ + "Sean", + "sean" + ], + "Johnny": [ + "Johnny" + ], + "Jeremy": [ + "Jeremy" + ], + "Amanda": [ + "Amanda" + ], + "Rich Mix": [ + "Rich Mix" + ], + "Joyce": [ + "Joyce" + ], + "Dennis": [ + "Dennis" + ], + "Richard": [ + "Richard" + ], + "Betty": [ + "Betty" + ], + "Jessica": [ + "Jessica" + ], + "Daniel": [ + "Daniel" + ], + "Raymond": [ + "Raymond" + ], + "Bobby": [ + "Bobby", + "bobby" + ], + "Inspire Hair": [ + "Inspire Hair" + ], + "15824 Hesperian Blvd": [ + "15824 Hesperian Blvd" + ], + "Andrew": [ + "Andrew" + ], + "Dylan": [ + "Dylan" + ], + "255 North 1st Street": [ + "255 North 1st Street" + ], + "Nicole": [ + "Nicole" + ], + "Denise": [ + "Denise" + ], + "Plumed Horse": [ + "Plumed Horse" + ], + "Brandon": [ + "Brandon" + ], + "Gerald": [ + "Gerald" + ], + "Jack": [ + "Jack" + ], + "Marie": [ + "MArie", + "Marie" + ], + "Lawrence": [ + "Lawrence" + ], + "Abigail": [ + "Abigail" + ], + "Thomas": [ + "Thomas" + ], + "Park Lane Apartments": [ + "Park Lane Apartments" + ], + "Terry": [ + "Terry" + ], + "4550 Tassajara Road": [ + "4550 Tassajara Road" + ], + "Linda": [ + "Linda" + ], + "Deborah": [ + "Deborah" + ], + "Nancy": [ + "Nancy" + ], + "Kimberly": [ + "Kimberly" + ], + "Paper": [ + "Paper" + ], + "John": [ + "John" + ], + "Christopher": [ + "christopher", + "Christopher" + ], + "Joshua": [ + "Joshua" + ], + "925-228-2010": [ + "925-228-2010" + ], + "Megan": [ + "Megan" + ], + "Jeffrey": [ + "Jeffrey" + ], + "3734 West Belmont Avenue": [ + "3734 west belmont avenue", + "3734 West Belmont Avenue" + ], + "Douglas": [ + "Douglas" + ], + "Sarah": [ + "Sarah" + ], + "Evelyn": [ + "Evelyn" + ], + "Sara": [ + "Sara" + ], + "Alan": [ + "Alan" + ], + "Billy": [ + "Billy" + ], + "643": [ + "$643" + ], + "651": [ + "$651" + ], + "10601 North 56th Street, Scottsdale, Arizona 85254, United States": [ + "10601 North 56th street, Scottsdale, Arizona 85254, United States", + "10601 North 56th Street, Scottsdale, Arizona 85254, united states", + "10601 North 56th Street, Scottsdale, Arizona 85254, United States" + ], + "1007 1st Avenue": [ + "1007 1st Avenue", + "1007 1st avenue" + ], + "03:57": [ + "3:57 am" + ], + "15:06": [ + "3:06 pm" + ], + "01:01": [ + "1:01 am" + ], + "LATAM Brasil": [ + "LATAM Brasil" + ], + "11:14": [ + "11:14 am" + ], + "51.00": [ + "$51.00" + ], + "00:14": [ + "0:14 am" + ], + "09:12": [ + "9:12 am" + ], + "12:17": [ + "12:17 pm" + ], + "22.00": [ + "$22.00" + ], + "South African Airways": [ + "South African Airways" + ], + "53.00": [ + "$53.00" + ], + "43.29": [ + "$43.29" + ], + "707-651-4451": [ + "707-651-4451" + ], + "Montes Jorge L": [ + "Montes Jorge L" + ], + "408-846-2125": [ + "408-846-2125" + ], + "32.72": [ + "$32.72" + ], + "28.91": [ + "$28.91" + ], + "8.73": [ + "$8.73" + ], + "32.68": [ + "$32.68" + ], + "21.57": [ + "$21.57" + ], + "650-299-4734": [ + "650-299-4734" + ], + "8.69": [ + "$8.69" + ], + "6.48": [ + "$6.48" + ], + "10.02": [ + "$10.02" + ], + "34.05": [ + "$34.05" + ], + "25.41": [ + "$25.41" + ], + "20.83": [ + "$20.83" + ], + "15.63": [ + "$15.63" + ], + "17.53": [ + "$17.53" + ], + "30.05": [ + "$30.05" + ], + "Edelstein Mary R": [ + "Edelstein Mary R" + ], + "9310 Kearny Mesa Road": [ + "9310 Kearny Mesa Road" + ], + "+1 858-578-6600": [ + "+1 858-578-6600" + ], + "Cape Diamond Hotel": [ + "Cape Diamond Hotel" + ], + "Cape Town Lodge Hotel": [ + "Cape town Lodge Hotel", + "Cape Town Lodge Hotel" + ], + "Holiday Inn Express & Suites Atlanta Downtown": [ + "Holiday Inn Express & Suites Atlanta Downtown" + ], + "Blues Point Hotel": [ + "Blues Point Hotel" + ], + "+1 215-825-7000": [ + "+1 215-825-7000" + ], + "Sussex Gardens": [ + "Sussex Gardens" + ], + "Ceria Hotel Bukit Bintang": [ + "Ceria Hotel Bukit Bintang" + ], + "270, Jalan Changkat Thambi Dollah, Pudu, 55100 Wilayah Persekutuan, Wilayah Persekutuan": [ + "270, Jalan Changkat Thambi Dollah, Pudu, 55100 Wilayah Persekutuan, Wilayah Persekutuan" + ], + "+60 3-2143 1111": [ + "+60 3-2143 1111" + ], + "21.04": [ + "$21.04" + ], + "3284 El Camino Real": [ + "3284 El Camino Real" + ], + "716 Magnolia Avenue": [ + "716 Magnolia Avenue" + ], + "23.94": [ + "$23.94" + ], + "27.11": [ + "$27.11" + ], + "2377 Shattuck Avenue": [ + "2377 Shattuck Avenue" + ], + "3782 Bohemian Highway": [ + "3782 Bohemian Highway" + ], + "2150 Chestnut Street": [ + "2150 Chestnut Street" + ], + "17.96": [ + "$17.96" + ], + "Izakaya Kou": [ + "Izakaya Kou" + ], + "415-441-9294": [ + "415-441-9294" + ], + "1560 Fillmore Street": [ + "1560 Fillmore Street" + ], + "16.64": [ + "$16.64" + ], + "Thai Tamarind Restaurant": [ + "Thai Tamarind Restaurant" + ], + "1316 El Camino Real": [ + "1316 El Camino Real" + ], + "Prabh Indian Kitchen": [ + "Prabh Indian Kitchen" + ], + "24 Sunnyside Avenue": [ + "24 Sunnyside Avenue" + ], + "34.49": [ + "$34.49" + ], + "17.41": [ + "$17.41" + ], + "199 Seawall Drive": [ + "199 Seawall Drive" + ], + "55.11": [ + "$55.11" + ], + "30.69": [ + "$30.69" + ], + "600 Redwood Highway": [ + "600 Redwood Highway" + ], + "10.55": [ + "$10.55" + ], + "18.52": [ + "$18.52" + ], + "43.50": [ + "$43.50" + ], + "134 Castro Street": [ + "134 Castro Street" + ], + "15475 Los Gatos Boulevard": [ + "15475 Los Gatos Boulevard" + ], + "26.82": [ + "$26.82" + ], + "Porterhouse": [ + "Porterhouse" + ], + "60 East 3rd Avenue": [ + "60 East 3rd Avenue" + ], + "28.35": [ + "$28.35" + ], + "Stone Korean Kitchen": [ + "Stone Korean Kitchen" + ], + "415-839-4070": [ + "415-839-4070" + ], + "408-423-0001": [ + "408-423-0001" + ], + "Korean Spring": [ + "Korean Spring" + ], + "1062 Kiely Boulevard": [ + "1062 Kiely Boulevard" + ], + "27.65": [ + "$27.65" + ], + "925-825-3277": [ + "925-825-3277" + ], + "1825 Sutter Street #C": [ + "1825 Sutter Street #C" + ], + "4239 Park Boulevard": [ + "4239 Park Boulevard" + ], + "39.60": [ + "$39.60" + ], + "Johnny's": [ + "Johnny's" + ], + "1457 Lincoln Avenue": [ + "1457 Lincoln Avenue" + ], + "45.59": [ + "$45.59" + ], + "1261 Folsom Street": [ + "1261 Folsom Street" + ], + "17.97": [ + "$17.97" + ], + "23:33": [ + "11:33 pm" + ], + "Renault Clio": [ + "renault clio", + "Renault Clio" + ], + "26.00": [ + "$26.00" + ], + "12:11": [ + "12:11 pm" + ], + "Suzuki Grand Vitara": [ + "Suzuki Grand Vitara" + ], + "22:44": [ + "10:44 pm" + ], + "Mitsubishi Outlander": [ + "Mitsubishi Outlander" + ], + "SEAT Leon": [ + "SEAT Leon" + ], + "The Armando Diaz Experience": [ + "The Armando Diaz Experience" + ], + "Third Annual Diversity Festival": [ + "Third Annual Diversity Festival" + ], + "The Good Soldier Schwejk": [ + "The Good Soldier Schwejk" + ], + "Sands Films Studio": [ + "Sands Films Studio" + ], + "Newton Faulkner": [ + "Newton Faulkner" + ], + "Ghosts": [ + "Ghosts" + ], + "Twelfth Night": [ + "Twelfth Night" + ], + "305 Harrison Street": [ + "305 Harrison Street" + ], + "Good People": [ + "Good People" + ], + "The Blues Kitchen Brixton": [ + "The Blues Kitchen Brixton" + ], + "Mxmtoon": [ + "Mxmtoon" + ], + "185 Orchard Street": [ + "185 Orchard Street" + ], + "Frances Ruffelle": [ + "Frances Ruffelle" + ], + "Improv And Acting": [ + "Improv and Acting", + "Improv And Acting" + ], + "Vimbly": [ + "Vimbly" + ], + "71.00": [ + "$71.00" + ], + "Toddler Drama Classes": [ + "Toddler Drama Classes" + ], + "The Lion King": [ + "the Lion King", + "The Lion King" + ], + "Christopher's": [ + "Christopher's" + ], + "Maritess Zurbano Hypnotist": [ + "Maritess Zurbano Hypnotist" + ], + "Every Brilliant Thing": [ + "Every Brilliant Thing" + ], + "Twin Peaks": [ + "Twin Peaks" + ], + "Counterparts": [ + "Counterparts" + ], + "Louis The Child": [ + "Louis The Child" + ], + "Palo Alto Caltrain Station": [ + "Palo Alto Caltrain Station" + ], + "Murder In The Cathedral": [ + "Murder In The Cathedral" + ], + "Poetry Foundation": [ + "Poetry Foundation" + ], + "Boston Symphony Orchestra": [ + "Boston Symphony Orchestra" + ], + "Raphael": [ + "Raphael" + ], + "Ohtli": [ + "Ohtli" + ], + "Calle Sor Juana Ines de la Cruz 114, Santa Maria la Ribera, 06400 Cuauhtemoc, Ciudad de Mexico, Mexico": [ + "Calle Sor Juana Ines de La Cruz 114, Santa Maria la Ribera, 06400 Cuauhtemoc, Ciudad de Mexico, Mexico" + ], + "TEATRO Sergio Magana": [ + "TEATRO Sergio Magana" + ], + "West Side Story": [ + "West Side Story" + ], + "Broken English": [ + "Broken English" + ], + "The Honor Oak Pub": [ + "the honor oak pub" + ], + "La Cage Aux Folles": [ + "La Cage Aux Folles" + ], + "Philadelphia Orchestra": [ + "Philadelphia Orchestra" + ], + "Dead End Comedy Show": [ + "Dead End Comedy Show" + ], + "Murphy and Evelyn": [ + "Murphy and Evelyn" + ], + "Subaru Impreza": [ + "subaru impreza", + "Subaru Impreza" + ], + "Drunk Shakespeare": [ + "Drunk Shakespeare" + ], + "Cinderella Kids": [ + "Cinderella Kids" + ], + "Nellie Mckay": [ + "Nellie Mckay" + ], + "Shakespeare In Love": [ + "Shakespeare In Love" + ], + "1695 Whyte Avenue": [ + "1695 Whyte Avenue" + ], + "Walnut Creek BART Station": [ + "Walnut Creek BART Station", + "Walnut Creek Bart Station" + ], + "Digi Boi The Musical": [ + "Digi Boi The Musical" + ], + "8312 Greenwood Avenue North": [ + "8312 Greenwood Avenue North" + ], + "Knives In Hens": [ + "Knives in Hens" + ], + "1454 Danforth Avenue": [ + "1454 Danforth Avenue" + ], + "The Coal Mine Theatre": [ + "The Coal Mine Theatre" + ], + "Sad Summer Festival": [ + "Sad Summer Festival" + ], + "Melanie Martinez": [ + "Melanie Martinez" + ], + "+61 2 9011 5757": [ + "+61 2 9011 5757" + ], + "Capri By Fraser Kuala Lumpur": [ + "Capri By Fraser Kuala Lumpur" + ], + "Dream Hollywood": [ + "Dream Hollywood" + ], + "Volvo S90": [ + "Volvo S90" + ], + "Harbor Court Hotel": [ + "Harbor Court Hotel" + ], + "165 Steuart Street": [ + "165 Steuart Street" + ], + "Schoenefeld Airport": [ + "Schoenefeld Airport", + "schoenefeld airport" + ], + "+49 30 498830": [ + "+49 30 498830" + ], + "Am Borsigturm 1, 13507": [ + "Am Borsigturm 1, 13507" + ], + "1128 Alberni Street": [ + "1128 alberni Street" + ], + "+1 714-774-7600": [ + "+1 714-774-7600" + ], + "1 Suffolk Place": [ + "1 Suffolk Place" + ], + "110 Marietta Street NorthWest": [ + "110 Marietta Street NorthWest" + ], + "+27 21 415 4000": [ + "+27 21 415 4000" + ], + "Avenida Embaixador Abelardo Bueno, 1511 - Barra da Tijuca": [ + "Avenida Embaixador Abelardo Bueno, 1511 - Barra da Tijuca" + ], + "1128 West Georgia Street": [ + "1128 West Georgia Street" + ], + "+1 604-689-1120": [ + "+1 604-689-1120" + ], + "1236 South Las Vegas Boulevard": [ + "1236 South Las Vegas Boulevard" + ], + "129 North 8th Street": [ + "129 North 8th Street" + ], + "+55 21 3478-4100": [ + "+55 21 3478-4100" + ], + "Air And Space Museum": [ + "Air And Space Museum", + "Air and Space Museum" + ], + "21 2157-2895": [ + "21 2157-2895" + ], + "+91 11 3090 8000": [ + "+91 11 3090 8000" + ], + "+44 20 8371 6060": [ + "+44 20 8371 6060" + ], + "20 7638 8891": [ + "20 7638 8891" + ], + "+60 3-2143 7001": [ + "+60 3-2143 7001" + ], + "Federal Territory Mosque": [ + "Federal Territory Mosque" + ], + "+44 20 3908 5000": [ + "+44 20 3908 5000" + ], + "10 Thomas Circle Northwest, Washington, District of Columbia 20005, United States": [ + "10 Thomas Circle Northwest, Washington District of Columbia 20005, United States" + ], + "+1 202-842-1300": [ + "+1 202-842-1300" + ], + "1009 11th Street Northwest, Washington, District of Columbia 20001, United States": [ + "1009 11th Street Northwest, Washington, District of Columbia 20001, United States" + ], + "+1 202-737-2333": [ + "+1 202-737-2333" + ], + "Franklin Delano Roosevelt Memorial": [ + "Franklin Delano Roosevelt Memorial" + ], + "1 Waal Straat": [ + "1 Waal Straat" + ], + "+27 21 819 2000": [ + "+27 21 819 2000" + ], + "Bo-Kaap": [ + "Bo-Kaap" + ], + "9/11 Tribute Museum": [ + "9/11 Tribute Museum", + "9/11 tribute Museum", + "9/11 tribute museum" + ], + "+61 2 8272 0900": [ + "+61 2 8272 0900" + ], + "+1 310-215-1000": [ + "+1 310-215-1000" + ], + "Central Market Kuala Lumpur": [ + "central market kuala lumpur" + ], + "+1 503-281-2500": [ + "+1 503-281-2500" + ], + "2205": [ + "$2,205" + ], + "+1 602-220-4400": [ + "+1 602-220-4400" + ], + "684": [ + "$684" + ], + "Legendary": [ + "Legendary" + ], + "Victorious": [ + "Victorious" + ], + "La Casita 2": [ + "La Casita 2" + ], + "35.82": [ + "$35.82" + ], + "The Archer": [ + "The Archer" + ], + "National Museum of Natural History": [ + "National Museum of Natural History" + ], + "46.58": [ + "$46.58" + ], + "Never Grow Up": [ + "Never Grow Up" + ], + "The Muzik": [ + "The Muzik" + ], + "Luis Alvarado": [ + "Luis Alvarado" + ], + "I Feel The Muzik": [ + "I Feel The Muzik" + ], + "3236 Grand Avenue": [ + "3236 Grand Avenue" + ], + "Cascades Apartments": [ + "Cascades Apartments" + ], + "22.83": [ + "$22.83" + ], + "Cool": [ + "Cool" + ], + "503 West San Carlos Street": [ + "503 West San Carlos Street" + ], + "21.81": [ + "$21.81" + ], + "Find U Again": [ + "Find U Again" + ], + "Mark Ronson": [ + "Mark Ronson" + ], + "Late Night Feelings": [ + "Late Night Feelings" + ], + "Franchino": [ + "Franchino" + ], + "8.48": [ + "$8.48" + ], + "Park Branham Apartments": [ + "Park Branham Apartments" + ], + "540 El Camino Real": [ + "540 El Camino Real" + ], + "Mascara": [ + "Mascara" + ], + "Niykee Heaton": [ + "Niykee Heaton" + ], + "Starting Over": [ + "Starting Over" + ], + "Shaane Top Agavle": [ + "Shaane Top Agavle" + ], + "Vijay Prakash": [ + "Vijay Prakash" + ], + "Sinnga": [ + "Sinnga" + ], + "Tupper Ware Remix Party": [ + "Tupper Ware Remix Party" + ], + "Starlight Brigade": [ + "Starlight Brigade" + ], + "Together Through Time": [ + "Together Through Time" + ], + "The Garden Restaurant": [ + "The Garden Restaurant" + ], + "26.53": [ + "$26.53" + ], + "855 East Tabor Avenue": [ + "855 East Tabor Avenue" + ], + "Solway Firth": [ + "Solway Firth" + ], + "19.99": [ + "$19.99" + ], + "Wolf Totem": [ + "Wolf Totem" + ], + "The Hu": [ + "The Hu", + "the hu" + ], + "The Gereg": [ + "The Gereg", + "the Gereg" + ], + "40.46": [ + "$40.46" + ], + "421-b March Avenue": [ + "421-b March Avenue" + ], + "14.18": [ + "$14.18" + ], + "Cafe Gibraltar": [ + "Cafe Gibraltar" + ], + "26.06": [ + "$26.06" + ], + "The San Diego Museum of Art": [ + "The San Diego Museum of Art" + ], + "Free Wired": [ + "Free Wired" + ], + "Rocketeer": [ + "Rocketeer" + ], + "Far East Movement": [ + "Far East Movement" + ], + "4067 Transport Street b": [ + "4067 Transport Street b" + ], + "Hunan Home's Restaurant": [ + "Hunan Home's Restaurant" + ], + "3945 24th Street": [ + "3945 24th street", + "3945 24th Street" + ], + "16.44": [ + "$16.44" + ], + "222 Great Mall Drive": [ + "222 Great Mall Drive" + ], + "34.93": [ + "$34.93" + ], + "The Way": [ + "The Way" + ], + "National Maritime Museum": [ + "national maritime museum" + ], + "28.47": [ + "$28.47" + ], + "Captured": [ + "Captured" + ], + "Cool It": [ + "Cool It" + ], + "Planet Loop": [ + "Planet Loop" + ], + "Nayutalien": [ + "Nayutalien" + ], + "Nayutan Sei Kara No Buttai Y": [ + "Nayutan Sei Kara No Buttai Y" + ], + "Everyday Is Christmas": [ + "Everyday Is Christmas", + "Everyday is Christmas" + ], + "Snowman": [ + "Snowman" + ], + "After The Storm": [ + "After The Storm", + "After the Storm" + ], + "Bread Winner": [ + "Bread Winner" + ], + "Prince Swanny": [ + "Prince Swanny" + ], + "Breadwinner": [ + "Breadwinner" + ], + "Reincarnation": [ + "Reincarnation" + ], + "Top Shotta": [ + "Top Shotta" + ], + "Tommy Lee Sparta": [ + "Tommy Lee Sparta" + ], + "Run": [ + "Run" + ], + "Running After You": [ + "Running After You" + ], + "Matthew Mole": [ + "Matthew Mole" + ], + "Mine": [ + "Mine", + "mine" + ], + "Faster": [ + "Faster" + ], + "Within Temptation": [ + "Within Temptation" + ], + "The Unforgiving": [ + "The Unforgiving" + ], + "24.15": [ + "$24.15" + ], + "562-590-3100": [ + "562-590-3100" + ], + "Earl Burns Miller Japanese Garden": [ + "Earl Burns MIller Japanese Garden", + "earl burns miller japanese garden", + "Earl Burns Miller Japanese Garden" + ], + "32.86": [ + "$32.86" + ], + "Khan Market": [ + "Khan Market" + ], + "21.14": [ + "$21.14" + ], + "Blackbeard's Family Entertainment": [ + "Blackbeard's family entertainment", + "Blackbeard's Family Entertainment" + ], + "559-292-9000": [ + "559-292-9000" + ], + "2 9298 3777": [ + "2 9298 3777" + ], + "Bill Speidel's Underground Tour": [ + "Bill speidel's Underground Tour", + "Bill Speidel's Underground Tour" + ], + "34.79": [ + "$34.79" + ], + "206-685-3861": [ + "206-685-3861" + ], + "16.80": [ + "$16.80" + ], + "27.80": [ + "$27.80" + ], + "6.56": [ + "$6.56" + ], + "Al-Farooq Masjid": [ + "Al-Farooq Masjid" + ], + "24.80": [ + "$24.80" + ], + "Philadelphia Museum of Art": [ + "Philadelphia museum of art" + ], + "47.38": [ + "$47.38" + ], + "678-886-3457": [ + "678-886-3457" + ], + "13.00": [ + "$13.00" + ], + "13.38": [ + "$13.38" + ], + "Madame Tussauds Washington DC": [ + "Madame Tussauds Washington DC" + ], + "202-942-7300": [ + "202-942-7300" + ], + "Broadway Brunch": [ + "Broadway Brunch" + ], + "Engine Room New York": [ + "Engine Room New York" + ], + "707 8th Avenue": [ + "707 8th Avenue" + ], + "+1 323-844-6417": [ + "+1 323-844-6417" + ], + "6417 Selma Avenue, Hollywood, CA 90028, USA": [ + "6417 Selma Avenue, Hollywood, CA 90028, USA" + ], + "21:43": [ + "9:43 pm" + ], + "10:47": [ + "10:47 am" + ], + "Palace Theatre": [ + "Palace theatre" + ], + "10:59": [ + "10:59 am" + ], + "Above Ground Festival": [ + "Above Ground Festival" + ], + "As You Like It": [ + "As You Like It", + "As You Like it" + ], + "Main Post Lawn": [ + "Main Post Lawn" + ], + "Montgomery Street": [ + "Montgomery Street" + ], + "16:23": [ + "4:23 pm" + ], + "00:41": [ + "0:41 am" + ], + "Rodeway Inn Center City": [ + "Rodeway Inn Center City" + ], + "20:01": [ + "8:01 PM" + ], + "471": [ + "$471" + ], + "260 West 40th Street": [ + "260 West 40th Street" + ], + "1750 29th Avenue": [ + "1750 29th Avenue" + ], + "14:26": [ + "2:26 pm" + ], + "Broadway International Hotel & Hostel": [ + "Broadway International Hotel & Hostel" + ], + "Exchange Hotel Vancouver": [ + "Exchange Hotel Vancouver" + ], + "+1 604-563-4693": [ + "+1 604-563-4693" + ], + "Adam London": [ + "Adam London" + ], + "The D Casino & Hotel": [ + "The D Casino & Hotel" + ], + "200 University Street": [ + "200 University Street" + ], + "01:05": [ + "1:05 am" + ], + "Brockhampton": [ + "Brockhampton" + ], + "15:51": [ + "3:51 pm" + ], + "06:13": [ + "6:13 am" + ], + "15:08": [ + "3:08 pm" + ], + "00:38": [ + "0:38 am" + ], + "408-725-1686": [ + "408-725-1686" + ], + "707-571-1082": [ + "707-571-1082" + ], + "611 Gregory Lane": [ + "611 Gregory Lane" + ], + "2915 El Camino Real": [ + "2915 El Camino Real" + ], + "650-365-7777": [ + "650-365-7777" + ], + "Mill Valley Beerworks": [ + "Mill Valley Beerworks" + ], + "Great China Garden": [ + "Great China Garden" + ], + "Pineapple Village": [ + "Pineapple Village" + ], + "408-842-2888": [ + "408-842-2888" + ], + "Boca Pizzeria": [ + "Boca Pizzeria" + ], + "454 Ignacio Boulevard": [ + "454 Ignacio Boulevard" + ], + "408-225-9101": [ + "408-225-9101" + ], + "650-235-9339": [ + "650-235-9339" + ], + "Campo Di Bocce Of Fremont": [ + "Campo Di Bocce Of Fremont" + ], + "61 Main Street": [ + "61 Main Street" + ], + "925-934-8121": [ + "925-934-8121" + ], + "1315 North Main Street": [ + "1315 North Main Street" + ], + "650-323-3665": [ + "650-323-3665" + ], + "1512 North Main Street": [ + "1512 North Main Street" + ], + "751 East El Camino Real": [ + "751 East El Camino Real" + ], + "Campbell, California 95008, United States": [ + "Campbell, California 95008, United States" + ], + "408-850-9418": [ + "408-850-9418" + ], + "Clausen June": [ + "Clausen June" + ], + "621 East Campbell Avenue # 7": [ + "621 East Campbell Avenue # 7" + ], + "408-271-5996": [ + "408-271-5996" + ], + "925-705-7066": [ + "925-705-7066" + ], + "707-967-1200": [ + "707-967-1200" + ], + "900 Meadowood Lane": [ + "900 Meadowood Lane" + ], + "Lowe Richard": [ + "Lowe Richard" + ], + "250 Bel Marin Keys Blvd # D4": [ + "250 Bel Marin Keys Blvd # D4" + ], + "510-623-8500": [ + "510-623-8500" + ], + "911 Main Street": [ + "911 Main Street" + ], + "650-995-7500": [ + "650-995-7500" + ], + "137 North Santa Cruz Avenue": [ + "137 North Santa Cruz Avenue" + ], + "Kirmil-Gray Kathleen": [ + "Kirmil-Gray Kathleen" + ], + "430 Monterey Avenue # 1B": [ + "430 Monterey Avenue # 1B" + ], + "408-358-8650": [ + "408-358-8650" + ], + "Ephesus": [ + "Ephesus" + ], + "650-625-8155": [ + "650-625-8155" + ], + "185 Castro Street": [ + "185 Castro Street" + ], + "Chez Sovan Restaurant": [ + "Chez Sovan Restaurant" + ], + "408-371-7711": [ + "408-371-7711" + ], + "Susan Bernadett-Shapiro": [ + "Susan Bernadett-Shapiro" + ], + "650-948-7292": [ + "650-948-7292" + ], + "4546 El Camino Real Suite 242": [ + "4546 El Camino Real Suite 242" + ], + "Rick's Cafe": [ + "Rick's Cafe" + ], + "124 Plaza Drive": [ + "124 Plaza Drive" + ], + "Betsy Widhalm": [ + "Betsy Widhalm" + ], + "Frank Oz": [ + "Frank Oz" + ], + "Michelle Caspar": [ + "Michelle Caspar" + ], + "Alley Pond Park": [ + "Alley Pond Park" + ], + "Purab Kohli": [ + "Purab Kohli" + ], + "Alte Nationalgalerie": [ + "Alte Nationalgalerie" + ], + "Maya Hawke": [ + "Maya Hawke" + ], + "Madge Brindley": [ + "Madge Brindley" + ], + "Crust Fm": [ + "Crust Fm" + ], + "Crystal Dolphin": [ + "Crystal Dolphin" + ], + "Engelwood": [ + "Engelwood" + ], + "Mette Towley": [ + "Mette Towley" + ], + "Her World Or Mine": [ + "Her World Or Mine" + ], + "Madeline Brewer": [ + "Madeline Brewer" + ], + "My World Untouched": [ + "My World Untouched" + ], + "All I Want": [ + "All I want" + ], + "Emma Bale": [ + "Emma Bale" + ], + "Phil LaMarr": [ + "Phil LaMarr" + ], + "Botanical Garden and Botanical Museum": [ + "Botanical Garden and Botanical Museum" + ], + "Ula Tabari": [ + "Ula Tabari" + ], + "Donnie Keshawarz": [ + "Donnie Keshawarz" + ], + "Ana de Armas": [ + "Ana de Armas" + ], + "Arty Hearty": [ + "Arty Hearty" + ], + "Baby Genius": [ + "Baby Genius" + ], + "Anthropology": [ + "Anthropology" + ], + "Roberts Blossom": [ + "Roberts Blossom" + ], + "Florence Pugh": [ + "Florence Pugh" + ], + "Helena Holmes": [ + "helena holmes" + ], + "Samuel S. Hinds": [ + "Samuel S. Hinds" + ], + "Cairo Knife Fight": [ + "Cairo Knife Fight" + ], + "Rezlord": [ + "Rezlord" + ], + "The Colossus": [ + "The Colossus" + ], + "So Long": [ + "So Long" + ], + "Nadia Batson": [ + "Nadia Batson" + ], + "The Purple Heart Riddim": [ + "The Purple Heart Riddim" + ], + "Michael Hordern": [ + "Michael Hordern" + ], + "Blake Clark": [ + "Blake Clark" + ], + "Camilla Rutherford": [ + "Camilla Rutherford" + ], + "22 831 02 89": [ + "22 831 02 89" + ], + "Bjorn Andresen": [ + "Bjorn Andresen" + ], + "I Prevail": [ + "I Prevail" + ], + "Scars": [ + "Scars" + ], + "Lifelines": [ + "Lifelines" + ], + "James Ransone": [ + "James Ransone" + ], + "Debbie McCann": [ + "Debbie McCann" + ], + "Cape Town Stadium": [ + "Cape Town Stadium" + ], + "District Six Museum": [ + "District Six Museum" + ], + "Brianne Tju": [ + "Brianne Tju" + ], + "Lee Eisenberg": [ + "Lee Eisenberg" + ], + "Emilio Cuaik": [ + "Emilio Cuaik" + ], + "Plume": [ + "Plume" + ], + "Caravan Palace": [ + "Caravan Palace" + ], + "Chronologic": [ + "Chronologic" + ], + "Stro": [ + "Stro" + ], + "Center for Contemporary Art Ujazdowski Castle": [ + "Center for Contemporary Art Ujazdowski Castle" + ], + "Copernicus Science Centre": [ + "Copernicus Science Centre" + ], + "22 596 41 00": [ + "22 596 41 00" + ], + "Mikey Madison": [ + "Mikey Madison" + ], + "David Shaughnessy": [ + "David Shaughnessy" + ], + "Tragedy": [ + "tragic drama" + ], + "La Da Dee": [ + "La Da Dee" + ], + "Cody Simpson": [ + "Cody Simpson" + ], + "Surfers Paradise": [ + "Surfers Paradise" + ], + "Hanssel Casillas": [ + "Hanssel Casillas" + ], + "Mahesh Manjrekar": [ + "Mahesh Manjrekar" + ], + "Anri Katsu": [ + "anri katsu", + "Anri Katsu" + ], + "Ani Sava": [ + "Ani Sava" + ], + "Pharrell Williams": [ + "Pharrell Williams" + ], + "Come Get It Bae": [ + "Come Get It Bae" + ], + "G I R L": [ + "G I R L" + ], + "Noah": [ + "Noah" + ], + "The Government Inspector": [ + "The Government Inspector", + "The government inspector" + ], + "California Arts Academy": [ + "California Arts Academy", + "california arts academy" + ], + "Laura": [ + "laura" + ], + "Larry": [ + "Larry", + "larry" + ], + "Kyle": [ + "Kyle" + ], + "Virginia": [ + "Virginia" + ], + "Helen": [ + "Helen" + ], + "Jesus Christ Superstar": [ + "Jesus Christ Superstar" + ], + "Stage Door Repertory Theatre": [ + "STage Door Repertory Theatre", + "Stage Door Repertory Theatre" + ], + "Jose": [ + "Jose" + ], + "Chaos Comedy Improv Show": [ + "chaos comedy improv show", + "Chaos Comedy Improv Show" + ], + "Teresa": [ + "Teresa", + "teresa" + ], + "Nicholas": [ + "Nicholas", + "nicholas" + ], + "Katherine": [ + "Katherine" + ], + "Charlotte Lawrence": [ + "Charlotte Lawrence" + ], + "Keith": [ + "Keith" + ], + "Sophia": [ + "sophia", + "Sophia" + ], + "Eugene": [ + "Eugene" + ], + "Ethan": [ + "Ethan" + ], + "Scott": [ + "Scott" + ], + "Jacob": [ + "Jacob" + ], + "Judy": [ + "Judy" + ], + "Rainbow Ballroom": [ + "Rainbow Ballroom", + "Rainbow ballroom" + ], + "1725 Broadway Street": [ + "1725 Broadway Street" + ], + "Andrea": [ + "Andrea" + ], + "Natalie": [ + "Natalie" + ], + "Dorothy": [ + "Dorothy" + ], + "Nathan": [ + "Nathan" + ], + "Brittany": [ + "Brittany" + ], + "Austin": [ + "Austin" + ], + "Ann": [ + "Ann" + ], + "Dreamers": [ + "dreamers", + "Dreamers" + ], + "Walter": [ + "walter", + "Walter" + ], + "Pamela": [ + "Pamela" + ], + "Beverly": [ + "Beverly" + ], + "Cynthia": [ + "Cynthia" + ], + "Jesse": [ + "Jesse" + ], + "Conor Maynard": [ + "conor maynard", + "Conor Maynard" + ], + "Bryan": [ + "Bryan" + ], + "Eric": [ + "Eric" + ], + "Doris": [ + "Doris" + ], + "Kathleen": [ + "Kathleen" + ], + "Ralph": [ + "Ralph" + ], + "Barbara": [ + "Barbara" + ], + "Mark": [ + "Mark" + ], + "21:10": [ + "9:10 pm" + ], + "19:36": [ + "7:36 pm" + ], + "12:07": [ + "12:07 pm" + ], + "729": [ + "$729" + ], + "10:43": [ + "10:43 am" + ], + "619": [ + "$619" + ], + "16:46": [ + "4:46 pm" + ], + "22:14": [ + "10:14 pm" + ], + "11:19": [ + "11:19 am" + ], + "13:14": [ + "1:14 pm" + ], + "Genghix Asian Fusion": [ + "Genghix", + "Genghix Asian Fusion" + ], + "Chabot Cinema": [ + "Chabot Cinema" + ], + "Sushi 29": [ + "Sushi 29" + ], + "Regal UA Berkeley": [ + "Regal UA Berkeley" + ], + "Orinda Theatre": [ + "Orinda Theatre" + ], + "Gio's Pizza And Bocce": [ + "gio's pizza and bocce", + "gio's pizza" + ], + "Priya Indian Cuisine": [ + "Priya", + "priya", + "priya Indian Cuisine", + "Priya Indian Cuisine", + "priya Indian cuisine" + ], + "2072 San Pablo Avenue": [ + "2072 San pablo Avenue", + "2072 San Pablo Avenue" + ], + "San Jose Original Joe's": [ + "San Jose Original Joe's" + ], + "408-292-7030": [ + "408-292-7030" + ], + "Spoonbar": [ + "spoonbar" + ], + "707-473-9078": [ + "707-473-9078" + ], + "Izzy's Steaks & Chops": [ + "Izzy's Steaks & chops", + "Izzy's Steaks" + ], + "Royal Oak Steak & Seafood": [ + "Royal Oak Steak & Seafood", + "Royal Oak" + ], + "Brenden Theatres": [ + "Brenden Theatres" + ], + "Little Hong Kong": [ + "Little Hong Kong" + ], + "510-644-3977": [ + "510-644-3977" + ], + "The Old Spaghetti Factory": [ + "The Old Spaghetti Factory" + ], + "Century Redwood City Downtown 20 and XD": [ + "Century Redwood City Downtown 20 and XD" + ], + "Osteria Toscana": [ + "Osteria Toscana" + ], + "Century at Pacific Commons and XD": [ + "Century at Pacific Commons and XD" + ], + "408-782-5151": [ + "408-782-5151" + ], + "415-454-6450": [ + "415-454-6450" + ], + "Original Joe's": [ + "Original Joe's" + ], + "415-775-4877": [ + "415-775-4877" + ], + "AMC Kabuki 8": [ + "amc kabuki 8", + "AMC Kabuki 8" + ], + "Baci | Cafe & Wine Bar": [ + "Baci", + "Baci | Cafe & Wine Bar" + ], + "The Brass Rabbit": [ + "The Brass Rabbit", + "Brass Rabbit" + ], + "707-824-1800": [ + "707-824-1800" + ], + "2565 Springs Road": [ + "2565 Springs Road" + ], + "1875 South Bascom Avenue #405": [ + "1875 South Bascom Avenue #405" + ], + "The Melting Pot": [ + "The Melting Pot" + ], + "Century Northgate": [ + "Century Northgate" + ], + "Lavier Latin Fusion Restaurant": [ + "Lavier Latin Fusion Restaurant", + "Lavier" + ], + "Landmark's Aquarius Theatre": [ + "Landmark's Aquarius Theatre" + ], + "Yokohama": [ + "Yokohama" + ], + "Bobo's": [ + "Bobo's" + ], + "1450 Lombard Street": [ + "1450 Lombard Street" + ], + "415-441-8880": [ + "415-441-8880" + ], + "Chianti Osteria": [ + "Chianti Osteria" + ], + "Big T's Seafood Market Bar": [ + "Big T's Seafood Market Bar" + ], + "38 East 4th Avenue": [ + "38 East 4th Avenue" + ], + "650-581-7223": [ + "650-581-7223" + ], + "415-931-1475": [ + "415-931-1475" + ], + "510-653-8587": [ + "510-653-8587" + ], + "Monster Chef": [ + "Monster Chef" + ], + "8150 Cabrillo Highway": [ + "8150 Cabrillo Highway" + ], + "925-754-6114": [ + "925-754-6114" + ], + "Rickey's Restaurant": [ + "Rickey's Restaurant" + ], + "250 Entrada Drive": [ + "250 Entrada Drive" + ], + "Chicago Steak & Fish": [ + "Chicago Steak & Fish" + ], + "408-354-8858": [ + "408-354-8858" + ], + "510-250-9491": [ + "510-250-9491" + ], + "Half Moon Bay Joe's": [ + "Half Moon Bay Joe's" + ], + "Delage": [ + "Delage" + ], + "Forbes Mill Steakhouse": [ + "Forbes Mill Steakhouse" + ], + "Austrian": [ + "Austrian" + ], + "Leopold's": [ + "Leopold's" + ], + "Spin A Yarn": [ + "Spin A Yarn" + ], + "Believe": [ + "Believe" + ], + "Perfect Illusion": [ + "Perfect Illusion" + ], + "Domino": [ + "Domino" + ], + "Centipede": [ + "Centipede" + ], + "Knife Party": [ + "Knife Party" + ], + "Rage Valley": [ + "Rage Valley" + ], + "The Red Baron": [ + "The Red Baron" + ], + "Lose My Mind": [ + "Lose My Mind" + ], + "Illinois": [ + "Illinois" + ], + "Irish": [ + "Irish" + ], + "Johnny Foley's Irish House": [ + "Johnny Foley's Irish House" + ], + "243 O'Farrell Street": [ + "243 O'Farrell Street" + ], + "Limon Rotisserie Burlingame": [ + "Limon Rotisserie Burlingame" + ], + "1101 Burlingame Avenue": [ + "1101 Burlingame Avenue" + ], + "408-719-8200": [ + "408-719-8200" + ], + "4390 Telegraph Avenue A": [ + "4390 Telegraph Avenue A" + ], + "Kenneth": [ + "Kenneth" + ], + "925-606-7222": [ + "925-606-7222" + ], + "2180 Third Street": [ + "2180 Third Street" + ], + "William": [ + "William" + ], + "925-378-7924": [ + "925-378-7924" + ], + "1690 Locust Street": [ + "1690 Locust Street" + ], + "Charles": [ + "Charles" + ], + "55.00": [ + "$55.00" + ], + "Logan": [ + "Logan" + ], + "Sunnyvale Caltrain Station": [ + "Sunnyvale Caltrain Station" + ], + "Anthony": [ + "Anthony" + ], + "Lawrence Station": [ + "Lawrence station", + "Lawrence Station" + ], + "Skoda Octavia": [ + "Skoda Octavia" + ], + "Juan": [ + "Juan" + ], + "510-823-2050": [ + "510-823-2050" + ], + "443 Emerson Street": [ + "443 Emerson Street" + ], + "Heather": [ + "Heather" + ], + "Harold": [ + "Harold" + ], + "1 Vivian Street": [ + "1 Vivian Street" + ], + "Carol": [ + "Carol" + ], + "Divino Ristorante": [ + "Divino Ristorante" + ], + "968 Ralston Avenue": [ + "968 Ralston Avenue" + ], + "3912 MacArthur Boulevard": [ + "3912 MacArthur Boulevard" + ], + "415-859-7111": [ + "415-859-7111" + ], + "Seoul Garden": [ + "Seoul Garden" + ], + "1655 Post Street": [ + "1655 Post Street" + ], + "Michael": [ + "Michael" + ], + "Jack's Restaurant And Bar - San Bruno": [ + "Jack's Restaurant and Bar - San Bruno" + ], + "1050 Admiral Court A": [ + "1050 Admiral Court A" + ], + "Stephen": [ + "Stephen" + ], + "Jean": [ + "Jean" + ], + "2203 Loveridge Road": [ + "2203 Loveridge Road" + ], + "Angry Fish": [ + "Angry Fish" + ], + "16250 East 14th Street": [ + "16250 East 14th Street" + ], + "Roger": [ + "Roger" + ], + "Matthew": [ + "Matthew" + ], + "Vauxhaull Astra": [ + "Vauxhaull Astra" + ], + "Samuel": [ + "Samuel" + ], + "Peugeot 208": [ + "Peugeot 208" + ], + "Henry": [ + "Henry" + ], + "Betto's Bistro": [ + "Betto's Bistro" + ], + "Maurizio's": [ + "Maurizio's" + ], + "25 East 1st Street": [ + "25 East 1st Street" + ], + "Karen": [ + "Karen" + ], + "Theresa": [ + "Theresa" + ], + "9900 Sonoma Highway": [ + "9900 Sonoma Highway" + ], + "Kaiseki": [ + "Kaiseki" + ], + "Wakuriya": [ + "Wakuriya" + ], + "650-286-0410": [ + "650-286-0410" + ], + "115 De Anza Boulevard": [ + "115 De Anza Boulevard" + ], + "Catherine": [ + "Catherine" + ], + "3950 Middlefield Road": [ + "3950 Middlefield Road" + ], + "Swad Indian Cuisine": [ + "Swad Indian Cuisine" + ], + "960 Moraga Road #1": [ + "960 Moraga Road #1" + ], + "Golden Sun Palace": [ + "Golden Sun Palace" + ], + "Roy": [ + "Roy" + ], + "Market Broiler Fremont": [ + "Market Broiler Fremont" + ], + "2190 Bancroft Way": [ + "2190 Bancroft Way" + ], + "707-874-0301": [ + "707-874-0301" + ], + "139 South B Street": [ + "139 South B Street" + ], + "Frank": [ + "Frank" + ], + "Norman Y. Mineta Airport": [ + "Norman Y. Mineta Airport" + ], + "56.00": [ + "$56.00" + ], + "Anna": [ + "Anna" + ], + "17385 Monterey Road": [ + "17385 Monterey Road" + ], + "61.00": [ + "$61.00" + ], + "Rebecca": [ + "Rebecca" + ], + "Shirley": [ + "Shirley" + ], + "The Point Restaurant": [ + "The Point Restaurant" + ], + "120 Marina Drive": [ + "120 Marina Drive" + ], + "Carolyn": [ + "Carolyn" + ], + "Willie": [ + "Willie" + ], + "4100 Montgomery Drive C": [ + "4100 Montgomery Drive C" + ], + "Alexis": [ + "Alexis" + ], + "6582 Mission Street": [ + "6582 Mission Street" + ], + "Ronald": [ + "Ronald" + ], + "Staten Island Children's Museum": [ + "Staten Island Children's Museum" + ], + "Judith": [ + "Judith" + ], + "+1 404-876-8888": [ + "+1 404-876-8888" + ], + "493": [ + "$493" + ], + "00:00": [ + "midnight" + ], + "+1 416-675-9444": [ + "+1 416-675-9444" + ], + "486": [ + "$486" + ], + "784": [ + "$784" + ], + "+1 818-980-8000": [ + "+1 818-980-8000" + ], + "+1 415-834-1000": [ + "+1 415-834-1000" + ], + "+61 2 9224 6400": [ + "+61 2 9224 6400" + ], + "557": [ + "$557" + ], + "547": [ + "$547" + ], + "16:03": [ + "4:03 pm" + ], + "+1 312-930-0000": [ + "+1 312-930-0000" + ], + "877-285-4796": [ + "877-285-4796" + ], + "02:37": [ + "2:37 am" + ], + "+44 20 3642 2000": [ + "+44 20 3642 2000" + ], + "04:16": [ + "4:16 am" + ], + "02:11": [ + "2:11 am" + ], + "18:42": [ + "6:42 pm" + ], + "08:27": [ + "8:27 am" + ], + "404-581-4000": [ + "404-581-4000" + ], + "13:48": [ + "1:48 pm" + ], + "18:18": [ + "6:18 pm" + ], + "+33 1 43 87 10 10": [ + "+33 1 43 87 10 10" + ], + "+1 818-821-8031": [ + "+1 818-821-8031" + ], + "521": [ + "$521" + ], + "+1 415-771-3000": [ + "+1 415-771-3000" + ], + "+1 312-776-2509": [ + "+1 312-776-2509" + ], + "545": [ + "$545" + ], + "21:01": [ + "9:01 pm" + ], + "22:47": [ + "10:47 pm" + ], + "18:56": [ + "6:56 pm" + ], + "495": [ + "$495" + ], + "07:27": [ + "7:27 am" + ], + "10:16": [ + "10:16 am" + ], + "00:22": [ + "0:22 am" + ], + "08:06": [ + "8:06 am" + ], + "+1 415-788-5604": [ + "+1 415-788-5604" + ], + "1 Mountain Road, Chapmans Peak": [ + "1 Mountain Road, Chapmans Peak" + ], + "3480": [ + "$3,480" + ], + "+27 21 406 5000": [ + "+27 21 406 5000" + ], + "21 481 3938": [ + "21 481 3938" + ], + "626": [ + "$626" + ], + "+49 30 399200": [ + "+49 30 399200" + ], + "30 266424242": [ + "30 266424242" + ], + "2151 Avenue of the Stars": [ + "2151 Avenue of the Stars" + ], + "+1 310-284-6500": [ + "+1 310-284-6500" + ], + "+1 213-443-9200": [ + "+1 213-443-9200" + ], + "+1 404-237-2700": [ + "+1 404-237-2700" + ], + "206-682-4646": [ + "206-682-4646" + ], + "Bruce Lee and Brandon Lee Grave Sites": [ + "Bruce Lee and Brandon Lee Grave Sites" + ], + "458": [ + "$458" + ], + "05:11": [ + "5:11 am" + ], + "+49 30 2000320": [ + "+49 30 2000320" + ], + "558": [ + "$558" + ], + "+1 312-787-6000": [ + "+1 312-787-6000" + ], + "2040": [ + "$2,040" + ], + "591": [ + "$591" + ], + "+1 323-600-5396": [ + "+1 323-600-5396" + ], + "Central Park Carousel": [ + "Central Park Carousel" + ], + "212-439-6900": [ + "212-439-6900" + ], + "602-867-7117": [ + "602-867-7117" + ], + "18:11": [ + "6:11 pm" + ], + "+1 206-624-4844": [ + "+1 206-624-4844" + ], + "500 J Street": [ + "500 J Street" + ], + "Duster": [ + "Duster" + ], + "Sleeping Village": [ + "sleeping village" + ], + "Fox Theatre": [ + "Fox Theatre" + ], + "Crocker Art Museum": [ + "Crocker Art Museum" + ], + "Dave Alvin Oregon": [ + "Dave Alvin Oregon" + ], + "St. Johns Bridge": [ + "St. Johns Bridge" + ], + "Bats Improv Comedy": [ + "Bats Improv Comedy" + ], + "BATS Improv Theatre": [ + "BATS Improv Theatre" + ], + "Old Sacramento Waterfront District": [ + "Old Sacramento Waterfront District" + ], + "916-970-5226": [ + "916-970-5226" + ], + "1510 Southwest Harbor Way": [ + "1510 Southwest harbor way" + ], + "15 East Monroe Street": [ + "15 East Monroe Street" + ], + "Martin Luther King, Jr. National Historical Park": [ + "Martin Luther King, Jr. National Historical Park" + ], + "866-737-1184": [ + "866-737-1184" + ], + "Nick Jr Live": [ + "Nick Jr Live" + ], + "721": [ + "$721" + ], + "Dear Evan Hansen": [ + "Dear Evan Hansen" + ], + "+1 916-545-7100": [ + "+1 916-545-7100" + ], + "1401 North Wishon Avenue": [ + "1401 North Wishon Avenue" + ], + "Carkeek Park": [ + "Carkeek Park", + "carkeek park" + ], + "2700 Capitol Avenue": [ + "2700 Capitol Avenue" + ], + "Samuel L. Jackson": [ + "Samuel L. Jackson" + ], + "SFMOMA - Phyllis Wattis Theater": [ + "SFMOMA - Phyllis Wattis Theater" + ], + "David Aston": [ + "David Aston" + ], + "Roman Reigns": [ + "Roman Reigns" + ], + "Aliza Vellani": [ + "Aliza Vellani" + ], + "Constance Wu": [ + "Constance Wu" + ], + "Pavle Cemerikic": [ + "Pavle Cemerikic" + ], + "Kate McKinnon": [ + "Kate McKinnon" + ], + "Christopher Walken": [ + "christopher walken" + ], + "415-227-8666": [ + "415-227-8666" + ], + "Eric Clark": [ + "Eric Clark" + ], + "Norman Bartold": [ + "Norman Bartold" + ], + "Regal UA Stonestown Twin": [ + "Regal UA Stonestown Twin" + ], + "Peter Greene": [ + "Peter Greene" + ], + "Sean Astin": [ + "Sean Astin" + ], + "Graham Nash": [ + "Graham Nash" + ], + "Edie Martin": [ + "Edie Martin" + ], + "Caroline Catz": [ + "Caroline Catz" + ], + "Ari Cohen": [ + "Ari Cohen" + ], + "Alexandre Bourgeois": [ + "Alexandre Bourgeois" + ], + "Javier Botet": [ + "Javier Botet" + ], + "Roger McGuinn": [ + "Roger McGuinn" + ], + "Dennis Price": [ + "Dennis Price" + ], + "Joseph Millson": [ + "Joseph Millson" + ], + "Ian Holm": [ + "Ian Holm" + ], + "Ed Sheeran": [ + "Ed Sheeran" + ], + "Daryl Hannah": [ + "Daryl Hannah" + ], + "Tom Hanks": [ + "Tom Hanks" + ], + "Anthony Jackson": [ + "Anthony Jackson" + ], + "Isabelle Grill": [ + "Isabelle Grill" + ], + "Francis Wright": [ + "Francis Wright" + ], + "Century San Francisco Centre 9 and XD": [ + "Century San Francisco Centre 9 and XD" + ], + "Daniel Veronese": [ + "Daniel Veronese" + ], + "Alessandro Nivola": [ + "Alessandro Nivola" + ], + "Maisa Abd Elhadi": [ + "Maisa Abd Elhadi" + ], + "Ashraf Farah": [ + "Ashraf Farah" + ], + "Kristen Schaal": [ + "Kristen Schaal" + ], + "Frankie Fox": [ + "Frankie Fox" + ], + "Oasis At Gold Spike": [ + "Oasis At Gold Spike" + ], + "Museum of Latin American Art (MOLAA)": [ + "Museum of Latin American Art (MOLAA)" + ], + "562-437-1689": [ + "562-437-1689" + ], + "323-469-8311": [ + "323-469-8311" + ], + "El Dorado Nature Center": [ + "El Dorado Nature Center" + ], + "562-570-3100": [ + "562-570-3100" + ], + "212-415-5500": [ + "212-415-5500" + ], + "Anaheim Executive Inn": [ + "Anaheim Executive Inn" + ], + "Grand Park": [ + "Grand Park" + ], + "213-972-8080": [ + "213-972-8080" + ], + "Jason Burkey": [ + "Jason Burkey" + ], + "Sunita Mani": [ + "Sunita Mani" + ], + "459 Castro Street": [ + "459 Castro Street" + ], + "650-965-2944": [ + "650-965-2944" + ], + "2.00": [ + "2.0" + ], + "510-549-8585": [ + "510-549-8585" + ], + "Red Chili Thai Vietnamese Noodle Restaurant": [ + "Red Chili Thai Vietnamese Noodle Restaurant" + ], + "510-881-8593": [ + "510-881-8593" + ], + "3314 Piedmont Avenue": [ + "3314 Piedmont Avenue" + ], + "510-645-1912": [ + "510-645-1912" + ], + "650-347-7672": [ + "650-347-7672" + ], + "5391 Prospect Road": [ + "5391 Prospect Road" + ], + "Lorene Scafaria": [ + "Lorene Scafaria" + ], + "Duarte's Tavern": [ + "Duarte's Tavern" + ], + "Gavin Brocker": [ + "Gavin Brocker" + ], + "Eric Stoltz": [ + "eric stoltz" + ], + "408-225-8001": [ + "408-225-8001" + ], + "K K Chinese": [ + "K K Chinese" + ], + "Martin Kove": [ + "Martin Kove" + ], + "200 Sycamore Valley Rd W": [ + "200 Sycamore Valley Rd W" + ], + "Jennifer Connelly": [ + "Jennifer Connelly" + ], + "408-779-7422": [ + "408-779-7422" + ], + "Vincent Andriano": [ + "Vincent Andriano" + ], + "Dolly Parton": [ + "Dolly Parton" + ], + "Barn Thai": [ + "Barn Thai" + ], + "Kathy Griffin": [ + "Kathy Griffin" + ], + "La Strada Italian Cuisine": [ + "La Strada Italian Cuisine" + ], + "Chris Reilly": [ + "Chris Reilly" + ], + "22 Miller Avenue": [ + "22 miller avenue" + ], + "Christopher Malcolm": [ + "Christopher Malcolm" + ], + "Issa Lopez": [ + "Issa Lopez" + ], + "Le Cheval": [ + "Le Cheval" + ], + "Lisa Tharps": [ + "Lisa Tharps" + ], + "556 E El Camino Real": [ + "556 E El Camino Real" + ], + "Joey Fatone": [ + "Joey Fatone" + ], + "Zoe Margaret Colletti": [ + "Zoe Margaret Colletti" + ], + "Bursa Restaurant": [ + "Bursa Restaurant" + ], + "415-564-4006": [ + "415-564-4006" + ], + "Hattie Morahan": [ + "Hattie Morahan" + ], + "Chef Zhao Bistro": [ + "Chef Zhao Bistro" + ], + "10690 North De Anza Boulevard": [ + "10690 North De Anza Boulevard" + ], + "Dominic Monaghan": [ + "Dominic Monaghan" + ], + "2397 Broadway": [ + "2397 Broadway" + ], + "James Shapkoff III": [ + "James Shapkoff III" + ], + "Las Guitarras Restaurant": [ + "Las Guitarras Restaurant" + ], + "415-892-3171": [ + "415-892-3171" + ], + "1017 Reichert Avenue": [ + "1017 Reichert Avenue" + ], + "3500 Golden Gate Way": [ + "3500 Golden Gate Way" + ], + "Camila Sosa": [ + "Camila Sosa" + ], + "Lucrecia Martel": [ + "Lucrecia Martel" + ], + "Josef Sommer": [ + "Josef Sommer" + ], + "650-755-0614": [ + "650-755-0614" + ], + "Chao Praya": [ + "Chao praya" + ], + "415-892-9303": [ + "415-892-9303" + ], + "1553 South Novato Boulevard G": [ + "1553 south novato Boulevard G" + ], + "650-960-1000": [ + "650-960-1000" + ], + "1 40 27 07 21": [ + "1 40 27 07 21" + ], + "Kevin": [ + "Kevin" + ], + "59.00": [ + "$59.00" + ], + "Ryan": [ + "Ryan" + ], + "Ashley": [ + "Ashley" + ], + "Lisa": [ + "Lisa" + ], + "Janet": [ + "Janet" + ], + "Jordan": [ + "Jordan" + ], + "Julia": [ + "julia" + ], + "Madison Square Park": [ + "Madison Square Park" + ], + "Lake Terrace Apartments": [ + "Lake Terrace Apartments" + ], + "Jacqueline": [ + "Jacqueline" + ], + "20.00": [ + "$20.00" + ], + "Aaron": [ + "Aaron" + ], + "Timothy": [ + "Timothy" + ], + "330 223 3233": [ + "330 223 3233" + ], + "212-344-7220": [ + "212-344-7220" + ], + "Central Park Zoo": [ + "Central Park Zoo" + ], + "Kayla": [ + "Kayla" + ], + "Rose": [ + "Rose" + ], + "Danielle": [ + "Danielle" + ], + "8 Kenneth Rexroth Place": [ + "8 Kenneth Rexroth Place" + ], + "Paul": [ + "Paul" + ], + "5920 Hollywood Boulevard, Hollywood, California 90028, United States": [ + "5920 Hollywood Boulevard, Hollywood, California 90028, United States" + ], + "575": [ + "$575" + ], + "Banyan Tree Kuala Lumpur": [ + "banyan tree kuala lumpur" + ], + "2, Jalan Conlay, 50450 Kuala Lumpur, Wilayah Persekutuan": [ + "2, jalan conlay, 50450 kuala lumpur, wilayah persekutuan" + ], + "+60 3-2113 1888": [ + "+60 3-2113 1888" + ], + "498": [ + "$498" + ], + "Container Hotel": [ + "Container Hotel" + ], + "599": [ + "$599" + ], + "Four Seasons Hotel London At Ten Trinity Square": [ + "Four Seasons Hotel London at Ten Trinity Square" + ], + "10 Trinity Square": [ + "10 Trinity Square" + ], + "02:15": [ + "2:15 am" + ], + "+44 20 3297 9200": [ + "+44 20 3297 9200" + ], + "08:16": [ + "8:16 am" + ], + "Cira Green": [ + "Cira Green" + ], + "267-295-9565": [ + "267-295-9565" + ], + "22:54": [ + "10:54 pm" + ], + "625": [ + "$625" + ], + "National Art Gallery": [ + "National Art Gallery", + "national Art Gallery" + ], + "12:52": [ + "12:52 pm" + ], + "11:47": [ + "11:47 am" + ], + "20:51": [ + "8:51 pm" + ], + "598": [ + "$598" + ], + "Brockwell Park": [ + "Brockwell Park" + ], + "697": [ + "$697" + ], + "The Concourse": [ + "The Concourse" + ], + "918": [ + "$918" + ], + "541": [ + "$541" + ], + "6151 West Century Boulevard": [ + "6151 West Century Boulevard" + ], + "+1 310-215-3300": [ + "+1 310-215-3300" + ], + "12:43": [ + "12:43 pm" + ], + "+1 773-288-5800": [ + "+1 773-288-5800" + ], + "4900B South Lake Shore Drive #3250": [ + "4900B South Lake Shore Drive #3250" + ], + "683": [ + "$683" + ], + "701": [ + "$701" + ], + "685": [ + "$685" + ], + "Lantana Road, Kenya": [ + "Lantana Road, Kenya" + ], + "622": [ + "$622" + ], + "619-557-5450": [ + "619-557-5450" + ], + "484": [ + "$484" + ], + "13:04": [ + "1:04 pm" + ], + "15:22": [ + "3:22 pm" + ], + "+1 602-852-6500": [ + "+1 602-852-6500" + ], + "05:51": [ + "5:51 am" + ], + "21:22": [ + "9:22 pm" + ], + "588": [ + "$588" + ], + "587": [ + "$587" + ], + "Thean Hou Temple": [ + "Thean Hou Temple" + ], + "08:42": [ + "8:42 am" + ], + "Aquario Marinho do Rio de Janeiro": [ + "Aquario Marinho do Rio de Janeiro" + ], + "516": [ + "$516" + ], + "+1 323-851-1800": [ + "+1 323-851-1800" + ], + "723": [ + "$723" + ], + "23:08": [ + "11:08 pm" + ], + "50 Norfinch Drive, North York, Ontario M3N 1X1, Canada": [ + "50 Norfinch Drive, North York, Ontario M3N 1X1, Canada" + ], + "15 On Orange Hotel, Autograph Collection": [ + "15 On Orange Hotel, Autograph Collection" + ], + "Camps Bay Retreat Boutique Hotel": [ + "Camps Bay Retreat Boutique Hotel" + ], + "7 Chilworth Road, Camps Bay": [ + "7 Chilworth Road, Camps Bay" + ], + "+27 21 437 8300": [ + "+27 21 437 8300" + ], + "301 Fremont Street": [ + "301 Fremont Street" + ], + "Blks": [ + "Blks" + ], + "The Robert W. Wilson MCC Theater Space": [ + "The Robert W. Wilson MCC Theater Space" + ], + "511 West 52nd Street": [ + "511 West 52nd Street" + ], + "Dance Nation": [ + "Dance Nation" + ], + "Moxie Theatre": [ + "Moxie Theatre" + ], + "SFU Gallery": [ + "SFU Gallery" + ], + "149 West Hastings Street": [ + "149 West Hastings Street" + ], + "+1 604-669-5060": [ + "+1 604-669-5060" + ], + "+1 212-768-0007": [ + "+1 212-768-0007" + ], + "130 West 44th Street": [ + "130 West 44th Street" + ], + "1150 Fairview Avenue North": [ + "1150 Fairview Avenue North" + ], + "Pal Music Festival": [ + "Pal Music Festival" + ], + "Courthouse Square": [ + "Courthouse Square" + ], + "Young Frankenstein": [ + "Young Frankenstein" + ], + "Summerlin Library": [ + "Summerlin Library" + ], + "349 5th Avenue": [ + "349 5th Avenue" + ], + "The Green Room 42": [ + "The Green Room 42" + ], + "Tom Foster": [ + "Tom Foster" + ], + "Weill Recital Hall": [ + "Weill Recital Hall" + ], + "The Infinite Wrench": [ + "The Infinite Wrench" + ], + "Ruth Bader Ginsburg": [ + "Ruth Bader Ginsburg" + ], + "Improv For Content Creators": [ + "improv for content creators" + ], + "3509 Fremont Avenue North": [ + "3509 fremont avenue north" + ], + "Yacht Rock Revue": [ + "Yacht Rock Revue" + ], + "Raveena": [ + "Raveena" + ], + "The Armando": [ + "The Armando" + ], + "Collective Soul": [ + "Collective Soul" + ], + "America": [ + "America" + ], + "No More Toys": [ + "No More Toys" + ], + "1157 North McCadden Place": [ + "1157 North McCadden Place" + ], + "Arsenic And Old Lace": [ + "Arsenic And Old Lace", + "Arsenic and Old Lace" + ], + "Shooting Star": [ + "Shooting Star" + ], + "The Hudson Theatres": [ + "The Hudson Theatres" + ], + "Musiq Soulchild": [ + "Musiq Soulchild" + ], + "City Winery": [ + "City Winery" + ], + "990 Filbert Street": [ + "990 Filbert Street" + ], + "Calliope Musicals At Alphaville": [ + "Calliope Musicals At Alphaville" + ], + "140 Wilson Avenue, Brooklyn": [ + "140 Wilson Avenue, Brooklyn" + ], + "Seattle Theatresports Improv Comedy": [ + "seattle theatresports improv comedy" + ], + "Unexpected Productions Improv": [ + "unexpected productions improv" + ], + "The Blue Room": [ + "The Blue Room" + ], + "Jamaica": [ + "Jamaica" + ], + "Weirdass": [ + "Weirdass" + ], + "Famous Adjacent": [ + "Famous Adjacent" + ], + "Crabbe And Goyle": [ + "Crabbe and Goyle" + ], + "Write About Now": [ + "Write About Now" + ], + "Broadway Buddy Mentorship Cabaret": [ + "Broadway Buddy Mentorship Cabaret" + ], + "Leonard Nimoy Thalia at Symphony Space": [ + "Leonard Nimoy Thalia at Symphony Space" + ], + "Chaos Theory": [ + "Chaos Theory" + ], + "21 A Clinton Street": [ + "21 A Clinton Street" + ], + "Mandy Picks A Husband": [ + "Mandy Picks a Husband" + ], + "Read The Tempest": [ + "Read The Tempest" + ], + "154 West 57th Street": [ + "154 West 57th Street" + ], + "Mamma Mia": [ + "Mamma Mia" + ], + "120 Judge John Aiso Street": [ + "120 Judge John Aiso Street" + ], + "Mimosas Cabaret": [ + "Mimosas Cabaret" + ], + "Unicorn": [ + "Unicorn" + ], + "Teatro Intimo Del Flamenco": [ + "Teatro Intimo Del Flamenco" + ], + "Mason Jennings": [ + "Mason Jennings" + ], + "Evergreen Ridge Apartments": [ + "Evergreen Ridge Apartments" + ], + "Cherry Creek Apartments": [ + "Cherry Creek Apartments" + ], + "Catalina Crest Apartment Homes": [ + "Catalina Crest Apartment Homes" + ], + "408-649-7906": [ + "408-649-7906" + ], + "Riverwood Grove": [ + "RIverwood Grove", + "Riverwood Grove" + ], + "Washington Creek Apartments": [ + "Washington Creek Apartments" + ], + "Chateau Chillon Apartments": [ + "Chateau Chillon Apartments" + ], + "Golf Club Manor Apartments": [ + "Golf Club Manor Apartments" + ], + "Dixon Apartments": [ + "Dixon Apartments" + ], + "Shorebreeze Apartments": [ + "Shorebreeze apartments", + "shorebreeze apartments" + ], + "650-966-1328": [ + "650-966-1328" + ], + "Sunnyhills Apartments": [ + "Sunnyhills Apartments" + ], + "1724 Sunnyhills Court": [ + "1724 Sunnyhills Court" + ], + "510-782-8753": [ + "510-782-8753" + ], + "Village Lake Apartments": [ + "Village Lake Apartments" + ], + "650-961-0948": [ + "650-961-0948" + ], + "Orange Tree Apartments": [ + "Orange Tree Apartments" + ], + "Maplewood": [ + "Maplewood" + ], + "Orchard Glen Apartments": [ + "Orchard Glen Apartments" + ], + "Santa Familia Apartments": [ + "Santa Familia Apartments" + ], + "The Hamptons Apartment Homes": [ + "The Hamptons Apartment Homes" + ], + "Foothill - Twin Creeks": [ + "Foothill - Twin Creeks" + ], + "Rutherford Townhomes": [ + "Rutherford Townhomes" + ], + "1624 Pueblo Avenue": [ + "1624 Pueblo Avenue" + ], + "Westwood Townhouse Apartments": [ + "Westwood Townhouse Apartments" + ], + "Park Manor Apartments": [ + "Park Manor Apartments" + ], + "San Marcos": [ + "San Marcos" + ], + "Villas Papillon": [ + "Villas Papillon" + ], + "Waterstone Fremont": [ + "Waterstone Fremont" + ], + "Pinecrest Apartments": [ + "Pinecrest Apartments" + ], + "837 Hancock Street": [ + "837 Hancock Street" + ], + "Chatelaine Apartments": [ + "Chatelaine Apartments" + ], + "707-575-5123": [ + "707-575-5123" + ], + "Sport Clips Haircuts Of San Ramon": [ + "Sport Clips Haircuts of San Ramon" + ], + "120 Market Place": [ + "120 Market Place" + ], + "925-866-2887": [ + "925-866-2887" + ], + "Cotati Barbershop": [ + "Cotati Barbershop" + ], + "Salon Method": [ + "salon method", + "Salon Method" + ], + "145 1st Street": [ + "145 1st Street", + "145 1st street" + ], + "707-981-8469": [ + "707-981-8469" + ], + "200 Siesta Way #4451": [ + "200 Siesta Way #4451" + ], + "511 Coleman Avenue": [ + "511 Coleman Avenue" + ], + "408-284-4260": [ + "408-284-4260" + ], + "Barber Lane Marin": [ + "Barber Lane Marin" + ], + "415-419-5260": [ + "415-419-5260" + ], + "Taiwanese": [ + "Taiwanese" + ], + "13808 Skyline Boulevard": [ + "13808 Skyline Boulevard" + ], + "1295 East Dunne Avenue": [ + "1295 East Dunne Avenue" + ], + "925-238-0519": [ + "925-238-0519" + ], + "415-982-5608": [ + "415-982-5608" + ], + "415-388-0224": [ + "415-388-0224" + ], + "3620 Fallon Road": [ + "3620 Fallon Road" + ], + "925-452-1155": [ + "925-452-1155" + ], + "Sport Clips Haircuts Of Morgan Hill": [ + "Sport Clips Haircuts Of Morgan Hill" + ], + "650-286-9386": [ + "650-286-9386" + ], + "Din Tai Fung": [ + "Din Tai Fung" + ], + "2855 Stevens Creek Boulevard #1259": [ + "2855 Stevens Creek Boulevard #1259" + ], + "441 Cambridge Avenue": [ + "441 Cambridge Avenue" + ], + "211 Primrose Road": [ + "211 Primrose Road" + ], + "650-343-8579": [ + "650-343-8579" + ], + "6400 Hembree Lane #300": [ + "6400 Hembree Lane #300" + ], + "707-657-4717": [ + "707-657-4717" + ], + "Kin Windsor": [ + "Kin Windsor" + ], + "New Florence Salon": [ + "New Florence Salon" + ], + "510-547-5000": [ + "510-547-5000" + ], + "1195 65th Street": [ + "1195 65th Street" + ], + "3199 Powell Street": [ + "3199 Powell Street" + ], + "Terrain Cafe": [ + "Terrain Cafe" + ], + "Egyptian": [ + "Egyptian" + ], + "Al-masri Egyptian Restaurant": [ + "Al-masri Egyptian restaurant" + ], + "4031 Balboa Street": [ + "4031 Balboa Street" + ], + "198 Dobbins Street": [ + "198 Dobbins Street" + ], + "Riverview Lodge": [ + "Riverview Lodge" + ], + "Kobe Japanese Restaurant": [ + "Kobe Japanese Restaurant" + ], + "2086 El Camino Real": [ + "2086 El Camino Real" + ], + "408-984-5623": [ + "408-984-5623" + ], + "510-526-2552": [ + "510-526-2552" + ], + "408-605-6261": [ + "408-605-6261" + ], + "Bella Saratoga": [ + "Bella Saratoga" + ], + "14503 Big Basin Way": [ + "14503 Big Basin way" + ], + "Taurinus Brazilian Steak House": [ + "Taurinus Brazilian Steak House" + ], + "855-586-9288": [ + "855-586-9288" + ], + "Tofu": [ + "Tofu" + ], + "I Love Sushi & Tofu": [ + "I Love Sushi & Tofu", + "I Love sushi & Tofu" + ], + "650-327-2222": [ + "650-327-2222" + ], + "265 Grand Avenue": [ + "265 Grand Avenue" + ], + "Salon Mia Bella": [ + "Salon Mia Bella" + ], + "650-808-9828": [ + "650-808-9828" + ], + "650-737-9899": [ + "650-737-9899" + ], + "Rosy's At The Beach": [ + "Rosy's At The Beach" + ], + "1802, 2001 Larkspur Landing Circle": [ + "1802, 2001 Larkspur Landing Circle" + ], + "435 Magnolia Avenue": [ + "435 Magnolia Avenue" + ], + "925-212-7483": [ + "925-212-7483" + ], + "Ognjen Glavonic": [ + "Ognjen Glavonic" + ], + "Lena Dunham": [ + "Lena Dunham" + ], + "Max Pava": [ + "Max Pava" + ], + "Michael P. Healy": [ + "Michael P. Healy" + ], + "800 Pollard Road": [ + "800 Pollard Road" + ], + "408-379-7747": [ + "408-379-7747" + ], + "Lucia Oskerova": [ + "Lucia Oskerova" + ], + "Kelvin Harrison Jr.": [ + "Kelvin Harrison Jr." + ], + "Aoi Mizuhara": [ + "Aoi Mizuhara" + ], + "510-287-5845": [ + "510-287-5845" + ], + "11100 San Pablo Ave # 209": [ + "11100 San Pablo Ave # 209" + ], + "Robert R. Morgan": [ + "Robert R. Morgan" + ], + "Enid-Raye Adams": [ + "Enid-Raye Adams" + ], + "Allied Medical And Consultation Services": [ + "Allied Medical and Consultation Services", + "Allied Medical And Consultation Services" + ], + "510-509-7236": [ + "510-509-7236" + ], + "3701 Lone Tree Way suite-5": [ + "3701 Lone Tree Way suite-5" + ], + "Rob Brydon": [ + "Rob Brydon" + ], + "Sophia Di Martino": [ + "Sophia Di Martino" + ], + "Mel Brooks": [ + "Mel Brooks" + ], + "Timothy Dalton": [ + "Timothy Dalton" + ], + "415-883-1088": [ + "415-883-1088" + ], + "Michael Gilden": [ + "Michael Gilden" + ], + "Devan Richardson": [ + "Devan Richardson" + ], + "Justin Dreyfuss": [ + "Justin Dreyfuss" + ], + "Brad Pitt": [ + "Brad Pitt" + ], + "Kumiko Izumi": [ + "Kumiko Izumi" + ], + "Robert Coote": [ + "Robert Coote" + ], + "Harumi Shuhama": [ + "Harumi Shuhama" + ], + "Rebecca Rittenhouse": [ + "Rebecca Rittenhouse" + ], + "Tom Hodges": [ + "Tom Hodges" + ], + "Mikey Day": [ + "mikey day" + ], + "Vladislav Galard": [ + "Vladislav Galard" + ], + "Holiday": [ + "Holiday" + ], + "Bill Thurman": [ + "Bill Thurman" + ], + "Julia Roberts": [ + "Julia Roberts" + ], + "Black Magic": [ + "Black Magic" + ], + "Shishir Sharma": [ + "Shishir Sharma" + ], + "Soul Provider": [ + "Soul Provider" + ], + "Silly Walks Movement": [ + "Silly Walks Movement" + ], + "Silly Walks Discotheque Presents Brighter Days Riddim": [ + "Silly Walks Discotheque Presents Brighter Days Riddim" + ], + "Brenda Vaccaro": [ + "Brenda Vaccaro" + ], + "Diggy Diggy Hole": [ + "Diggy Diggy Hole" + ], + "Wind Rose": [ + "Wind Rose" + ], + "Wintersaga": [ + "Wintersaga" + ], + "Milo O'Shea": [ + "Milo O'Shea" + ], + "Starboy": [ + "Starboy" + ], + "I Feel It Coming": [ + "I feel It Coming", + "I Feel It Coming" + ], + "The Weeknd": [ + "The Weeknd" + ], + "Disco": [ + "disco" + ], + "Kulvinder Ghir": [ + "Kulvinder Ghir" + ], + "Micah Stock": [ + "Micah Stock" + ], + "Leslie Jones": [ + "Leslie Jones" + ], + "Patch Darragh": [ + "Patch Darragh" + ], + "Jeremy Ray Taylor": [ + "Jeremy Ray Taylor" + ], + "Natalie Finland": [ + "Natalie Finland" + ], + "25.15": [ + "$25.15" + ], + "3200000": [ + "$3,200,000" + ], + "510-538-0995": [ + "510-538-0995" + ], + "Frances": [ + "Frances" + ], + "20.04": [ + "$20.04" + ], + "Russell": [ + "Russell" + ], + "Jonathan": [ + "Jonathan" + ], + "2850000": [ + "$2,850,000" + ], + "30.82": [ + "$30.82" + ], + "Willow Creek Apartments": [ + "Willow Creek Apartments" + ], + "611 Enterprise Drive": [ + "611 Enterprise Drive" + ], + "707-584-3520": [ + "707-584-3520" + ], + "27.26": [ + "$27.26" + ], + "3750000": [ + "$3,750,000" + ], + "45.04": [ + "$45.04" + ], + "Adam": [ + "Adam" + ], + "21.26": [ + "$21.26" + ], + "17.91": [ + "$17.91" + ], + "707-265-9373": [ + "707-265-9373" + ], + "32.74": [ + "$32.74" + ], + "Park Lake At Walnut Creek": [ + "Park Lake at Walnut Creek" + ], + "260 Park Lake Circle B": [ + "260 Park Lake Circle B" + ], + "Del Nido Apartments": [ + "Del Nido Apartments" + ], + "850 Russell Avenue": [ + "850 Russell Avenue" + ], + "707-542-2883": [ + "707-542-2883" + ], + "Montecito Pines Apartments": [ + "Montecito Pines Apartments" + ], + "Leasing Office, 6600 Montecito Boulevard": [ + "Leasing Office, 6600 Montecito Boulevard" + ], + "707-538-1516": [ + "707-538-1516" + ], + "Sandra": [ + "Sandra" + ], + "12.58": [ + "$12.58" + ], + "2250000": [ + "$2,250,000" + ], + "Janice": [ + "Janice" + ], + "19.74": [ + "$19.74" + ], + "Patrick": [ + "Patrick", + "patrick" + ], + "30.15": [ + "$30.15" + ], + "5005 Montoya Avenue": [ + "5005 Montoya Avenue" + ], + "510-235-6341": [ + "510-235-6341" + ], + "650-493-2424": [ + "650-493-2424" + ], + "Devon Apartments": [ + "Devon Apartments" + ], + "100 Devon Avenue": [ + "100 Devon Avenue" + ], + "925-930-9630": [ + "925-930-9630" + ], + "925-372-8078": [ + "925-372-8078" + ], + "Samantha": [ + "Samantha" + ], + "15.18": [ + "$15.18" + ], + "24.69": [ + "$24.69" + ], + "Ruth": [ + "Ruth" + ], + "8.07": [ + "$8.07" + ], + "3950000": [ + "$3,950,000" + ], + "28.18": [ + "$28.18" + ], + "Strawberry Shores Apartments": [ + "Strawberry Shores Apartments" + ], + "111 Seminary Drive": [ + "111 Seminary Drive" + ], + "48.25": [ + "$48.25" + ], + "David": [ + "David" + ], + "16.32": [ + "$16.32" + ], + "46.82": [ + "$46.82" + ], + "29.27": [ + "$29.27" + ], + "12.33": [ + "$12.33" + ], + "925-439-5655": [ + "925-439-5655" + ], + "30.03": [ + "$30.03" + ], + "5214B Diamond Heights Boulevard": [ + "5214B Diamond Heights Boulevard" + ], + "415-285-8852": [ + "415-285-8852" + ], + "650-328-4855": [ + "650-328-4855" + ], + "510-477-4782": [ + "510-477-4782" + ], + "17.19": [ + "$17.19" + ], + "Tristan Bates Theatre": [ + "tristan bates theatre" + ], + "1A Tower Street": [ + "1a tower street" + ], + "15.47": [ + "$15.47" + ], + "23.28": [ + "$23.28" + ], + "35.75": [ + "$35.75" + ], + "32.23": [ + "$32.23" + ], + "Ingrid Michaelson": [ + "Ingrid Michaelson" + ], + "37.67": [ + "$37.67" + ], + "26 Wesley Street, Observatory": [ + "26 Wesley Street, Observatory" + ], + "24.82": [ + "$24.82" + ], + "27.99": [ + "$27.99" + ], + "29.60": [ + "$29.60" + ], + "45.38": [ + "$45.38" + ], + "Rocky Steps": [ + "Rocky Steps" + ], + "13:28": [ + "1:28 pm" + ], + "647": [ + "$647" + ], + "Altes Museum": [ + "Altes Museum" + ], + "Berggruen Museum": [ + "Berggruen Museum" + ], + "Playland / PNE Events": [ + "Playland / PNE Events" + ], + "+44 871 984 6290": [ + "+44 871 984 6290" + ], + "Ashbridge's Bay": [ + "Ashbridge's Bay" + ], + "Centennial Park": [ + "Centennial Park" + ], + "416-394-8750": [ + "416-394-8750" + ], + "488": [ + "$488" + ], + "Banqueting House": [ + "Banqueting House" + ], + "594": [ + "$594" + ], + "20 7638 4141": [ + "20 7638 4141" + ], + "01:08": [ + "1:08 am" + ], + "15 Rue Boissy d'Anglas, 75008": [ + "15 Rue Boissy d'Anglas, 75008" + ], + "18 Rue du Cirque, 75008": [ + "18 Rue du Cirque, 75008" + ], + "Amora Hotel Jamison Sydney": [ + "Amora Hotel Jamison Sydney" + ], + "Aloft Harlem": [ + "Aloft Harlem" + ], + "+1 212-749-4000": [ + "+1 212-749-4000" + ], + "Clissold Park": [ + "Clissold Park" + ], + "Best Western Plus Copacabana Design Hotel": [ + "Best Western Plus Copacabana Design hotel" + ], + "Rua Domingos Ferreira, 71 - Copacabana": [ + "Rua Domingos Ferreira, 71 - Copacabana" + ], + "Play City": [ + "Play City" + ], + "21 2753-9489": [ + "21 2753-9489" + ], + "Brach Paris": [ + "Brach Paris", + "Brach paris" + ], + "1-7 Rue Jean Richepin, 75016": [ + "1-7 Rue Jean Richepin, 75016" + ], + "+33 1 44 30 10 00": [ + "+33 1 44 30 10 00" + ], + "Madinah Masjid": [ + "Madinah Masjid" + ], + "619-487-9346": [ + "619-487-9346" + ], + "3-2333 1888": [ + "3-2333 1888" + ], + "Hotel Fairmont Grand Del Mar": [ + "Hotel Fairmont Grand Del Mar" + ] +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_gnn_dataset/dataset_dict.json b/data/sgd_ontology_relation_gnn_dataset/dataset_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..9195703312e22d2b9b9fe14951aa733949480a2d --- /dev/null +++ b/data/sgd_ontology_relation_gnn_dataset/dataset_dict.json @@ -0,0 +1 @@ +{"splits": ["train", "validation", "test"]} \ No newline at end of file diff --git a/data/sgd_ontology_relation_gnn_dataset/test/data-00000-of-00001.arrow b/data/sgd_ontology_relation_gnn_dataset/test/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..78db91c4cf11fde84361dcbe377c2f2f1a853f6a Binary files /dev/null and b/data/sgd_ontology_relation_gnn_dataset/test/data-00000-of-00001.arrow differ diff --git a/data/sgd_ontology_relation_gnn_dataset/test/dataset_info.json b/data/sgd_ontology_relation_gnn_dataset/test/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..682f559f2daf50c241bdb295d7f8a244d0e75ebe --- /dev/null +++ b/data/sgd_ontology_relation_gnn_dataset/test/dataset_info.json @@ -0,0 +1,47 @@ +{ + "citation": "", + "description": "", + "features": { + "input_text": { + "dtype": "string", + "_type": "Value" + }, + "edge_indices": { + "feature": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "node_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "multiedge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "binary_edge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_gnn_dataset/test/state.json b/data/sgd_ontology_relation_gnn_dataset/test/state.json new file mode 100644 index 0000000000000000000000000000000000000000..ec265ccff517f0186e5f46cdc23c6d94fac10a01 --- /dev/null +++ b/data/sgd_ontology_relation_gnn_dataset/test/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "2b8418551244950f", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_gnn_dataset/train/data-00000-of-00001.arrow b/data/sgd_ontology_relation_gnn_dataset/train/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..d3bfdeec684fcef7893aa95cc2781a699a386df3 Binary files /dev/null and b/data/sgd_ontology_relation_gnn_dataset/train/data-00000-of-00001.arrow differ diff --git a/data/sgd_ontology_relation_gnn_dataset/train/dataset_info.json b/data/sgd_ontology_relation_gnn_dataset/train/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..682f559f2daf50c241bdb295d7f8a244d0e75ebe --- /dev/null +++ b/data/sgd_ontology_relation_gnn_dataset/train/dataset_info.json @@ -0,0 +1,47 @@ +{ + "citation": "", + "description": "", + "features": { + "input_text": { + "dtype": "string", + "_type": "Value" + }, + "edge_indices": { + "feature": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "node_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "multiedge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "binary_edge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_gnn_dataset/train/state.json b/data/sgd_ontology_relation_gnn_dataset/train/state.json new file mode 100644 index 0000000000000000000000000000000000000000..3d2d55cf9e5cca415c04e3bd013fc28a45283f5a --- /dev/null +++ b/data/sgd_ontology_relation_gnn_dataset/train/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "c99dd2fe8da5e342", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_gnn_dataset/validation/data-00000-of-00001.arrow b/data/sgd_ontology_relation_gnn_dataset/validation/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..11980fe817a5258933625d7f129faaba1b6d636c Binary files /dev/null and b/data/sgd_ontology_relation_gnn_dataset/validation/data-00000-of-00001.arrow differ diff --git a/data/sgd_ontology_relation_gnn_dataset/validation/dataset_info.json b/data/sgd_ontology_relation_gnn_dataset/validation/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..682f559f2daf50c241bdb295d7f8a244d0e75ebe --- /dev/null +++ b/data/sgd_ontology_relation_gnn_dataset/validation/dataset_info.json @@ -0,0 +1,47 @@ +{ + "citation": "", + "description": "", + "features": { + "input_text": { + "dtype": "string", + "_type": "Value" + }, + "edge_indices": { + "feature": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "node_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "multiedge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "binary_edge_labels": { + "feature": { + "dtype": "int64", + "_type": "Value" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_gnn_dataset/validation/state.json b/data/sgd_ontology_relation_gnn_dataset/validation/state.json new file mode 100644 index 0000000000000000000000000000000000000000..b39893275cb311767c0c97c17d202a3a4034ddbc --- /dev/null +++ b/data/sgd_ontology_relation_gnn_dataset/validation/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "81506b0bf000f037", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_sft_dataset/dataset_dict.json b/data/sgd_ontology_relation_sft_dataset/dataset_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..9195703312e22d2b9b9fe14951aa733949480a2d --- /dev/null +++ b/data/sgd_ontology_relation_sft_dataset/dataset_dict.json @@ -0,0 +1 @@ +{"splits": ["train", "validation", "test"]} \ No newline at end of file diff --git a/data/sgd_ontology_relation_sft_dataset/test/data-00000-of-00001.arrow b/data/sgd_ontology_relation_sft_dataset/test/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..ae85d150bd1455cc8ea34c2a51460540a932ca46 Binary files /dev/null and b/data/sgd_ontology_relation_sft_dataset/test/data-00000-of-00001.arrow differ diff --git a/data/sgd_ontology_relation_sft_dataset/test/dataset_info.json b/data/sgd_ontology_relation_sft_dataset/test/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..5c6563906594a64e4715ec8a16acd298c65aaf8d --- /dev/null +++ b/data/sgd_ontology_relation_sft_dataset/test/dataset_info.json @@ -0,0 +1,26 @@ +{ + "citation": "", + "description": "", + "features": { + "instruction": { + "dtype": "string", + "_type": "Value" + }, + "output": { + "feature": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_sft_dataset/test/state.json b/data/sgd_ontology_relation_sft_dataset/test/state.json new file mode 100644 index 0000000000000000000000000000000000000000..9cc8d7b70dff427efebc38326c2828ccdade1230 --- /dev/null +++ b/data/sgd_ontology_relation_sft_dataset/test/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "4a617ef166835282", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_sft_dataset/train/data-00000-of-00001.arrow b/data/sgd_ontology_relation_sft_dataset/train/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..f52f076d1f9e22330fd88072037a8e5999b7362e Binary files /dev/null and b/data/sgd_ontology_relation_sft_dataset/train/data-00000-of-00001.arrow differ diff --git a/data/sgd_ontology_relation_sft_dataset/train/dataset_info.json b/data/sgd_ontology_relation_sft_dataset/train/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..5c6563906594a64e4715ec8a16acd298c65aaf8d --- /dev/null +++ b/data/sgd_ontology_relation_sft_dataset/train/dataset_info.json @@ -0,0 +1,26 @@ +{ + "citation": "", + "description": "", + "features": { + "instruction": { + "dtype": "string", + "_type": "Value" + }, + "output": { + "feature": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_sft_dataset/train/state.json b/data/sgd_ontology_relation_sft_dataset/train/state.json new file mode 100644 index 0000000000000000000000000000000000000000..8f9ed2bc068f2a089e7406488c154ea790e059b1 --- /dev/null +++ b/data/sgd_ontology_relation_sft_dataset/train/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "ba33cebdf439db54", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_sft_dataset/validation/data-00000-of-00001.arrow b/data/sgd_ontology_relation_sft_dataset/validation/data-00000-of-00001.arrow new file mode 100644 index 0000000000000000000000000000000000000000..bceba2db60a079c76615a0bbbc4b1feffd73fe23 Binary files /dev/null and b/data/sgd_ontology_relation_sft_dataset/validation/data-00000-of-00001.arrow differ diff --git a/data/sgd_ontology_relation_sft_dataset/validation/dataset_info.json b/data/sgd_ontology_relation_sft_dataset/validation/dataset_info.json new file mode 100644 index 0000000000000000000000000000000000000000..5c6563906594a64e4715ec8a16acd298c65aaf8d --- /dev/null +++ b/data/sgd_ontology_relation_sft_dataset/validation/dataset_info.json @@ -0,0 +1,26 @@ +{ + "citation": "", + "description": "", + "features": { + "instruction": { + "dtype": "string", + "_type": "Value" + }, + "output": { + "feature": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + }, + "_type": "Sequence" + }, + "dialogue_id": { + "dtype": "string", + "_type": "Value" + } + }, + "homepage": "", + "license": "" +} \ No newline at end of file diff --git a/data/sgd_ontology_relation_sft_dataset/validation/state.json b/data/sgd_ontology_relation_sft_dataset/validation/state.json new file mode 100644 index 0000000000000000000000000000000000000000..5faf616d5b7f8c9ff7723eb57c9827f3da09b9c5 --- /dev/null +++ b/data/sgd_ontology_relation_sft_dataset/validation/state.json @@ -0,0 +1,13 @@ +{ + "_data_files": [ + { + "filename": "data-00000-of-00001.arrow" + } + ], + "_fingerprint": "f999b5d010ab4843", + "_format_columns": null, + "_format_kwargs": {}, + "_format_type": null, + "_output_all_columns": false, + "_split": null +} \ No newline at end of file diff --git a/experiments/.DS_Store b/experiments/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..84e75920d9c6e8460be55b95d8bb719a22fdb85c Binary files /dev/null and b/experiments/.DS_Store differ diff --git a/experiments/CoT_decoder.py b/experiments/CoT_decoder.py new file mode 100644 index 0000000000000000000000000000000000000000..70aa952297a057ff206cc9316e02e869b3d08b77 --- /dev/null +++ b/experiments/CoT_decoder.py @@ -0,0 +1,265 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#class for handling cod decoding after having the predictions with the top 2 logits for each token in each branch + +from abc import ABC, abstractmethod +from typing import Union +import torch +from transformers import AutoTokenizer + +from evaluation_functions import * + +class CoTDecoder(ABC): + aggregation_strategy: str + tokenizer: AutoTokenizer + + def __init__(self, tokenizer: AutoTokenizer, aggregation_strategy: str,): + self.aggregation_strategy = aggregation_strategy + self.tokenizer = tokenizer + + + @abstractmethod + def decode(self, + branch_prediction_ids: list[torch.Tensor], + branch_prediction_top_logits: list[torch.Tensor], + ) -> set[tuple[str]]: + #input are the predicted ids of the response branches and the top 2 logits for each token in each branch + #branch_prediction_ids.shape = [num_branches, seq_len, 1] + #branch_prediction_top_logits.shape = [num_branches, seq_len, 2] + #output is the decoded response based on the respective disparity aggregation strategy of the relations + pass + + #function that get the token ids and the logits as input and should decide on the decoding + #this function just calculates the disparities for all the answers in the different barnches + def branch_disparities(self, branch_token_ids: list[torch.Tensor], + branch_token_top2_logits: list[torch.Tensor], + answer_start_token="[", + answer_end_token="]", + answer_separator_token=",") -> list[torch.Tensor]: + + #get the disparity measures for the answer tokens, which is everything between the start and end token except the separator token + #the disparity measure is the difference between the first and second highest logit for each token + #for each relation take the average disparity measure across tokens + + + #initialise the start, end and separator token ids + answer_start_token_id = self.tokenizer(answer_start_token).input_ids[-1] + answer_start_token_id2 = self.tokenizer("\n"+answer_start_token).input_ids[-1] + answer_start_token_id3 = self.tokenizer(" "+answer_start_token).input_ids[-1] + answer_start_token_ids = [answer_start_token_id, answer_start_token_id2, answer_start_token_id3] + + + answer_end_token_id = self.tokenizer(answer_end_token).input_ids[-1] + answer_end_token_id2 = self.tokenizer("\n"+answer_end_token).input_ids[-1] + answer_end_token_id3 = self.tokenizer(" "+answer_end_token).input_ids[-1] + answer_end_token_ids = [answer_end_token_id, answer_end_token_id2, answer_end_token_id3] + + + answer_separator_token_id = self.tokenizer(answer_separator_token).input_ids[-1] + answer_separator_token_id2 = self.tokenizer("\n"+answer_separator_token).input_ids[-1] + answer_separator_token_id3 = self.tokenizer(" "+answer_separator_token).input_ids[-1] + answer_separator_token_ids = [answer_separator_token_id, answer_separator_token_id2, answer_separator_token_id3] + + branch_answer_disparities = [] + branch_answer_relations = [] + branch_answer_strings = [] + + for token_ids, token_top2_logits in zip(branch_token_ids, branch_token_top2_logits): + current_branch_answer_disparities = [] + current_branch_answer_strings = [] + current_branch_answer_relations = [] + start_token_set = False + for token, top2_logit in zip(token_ids, token_top2_logits): + #if the start token is found, gather the tokens until the end token is found to form the answer + #calculate the disparity for the answer term tokens without the separator token and start and end token + #add the disparity to the list of disparities + #add the answer string to the list of answer strings + + + #for token, top2_logit in zip(tokens, top2_logits): + if token.item() in answer_start_token_ids and not start_token_set: + answer_term_tokens = [] + answer_term_logits = [] + start_token_set = True + current_term_logits = [] + current_term_tokens = [] + answer_term_string = [token] + elif start_token_set and token.item() not in answer_end_token_ids: + answer_term_string.append(token) + if token.item() not in answer_separator_token_ids: + current_term_tokens.append(token) + current_term_logits.append(top2_logit) + else: + answer_term_tokens.append(current_term_tokens) + answer_term_logits.append(current_term_logits) + current_term_tokens = [] + current_term_logits = [] + + elif start_token_set and token.item() in answer_end_token_ids: + answer_term_tokens.append(current_term_tokens) + answer_term_logits.append(current_term_logits) + current_term_tokens = [] + current_term_logits = [] + start_token_set = False + if type(answer_term_string) == str: #this means something is wrong with the formatting of the predicted relation + continue + answer_term_string.append(token) + answer_term_string = self.tokenizer.decode(answer_term_string, skip_special_tokens=False) + #check that there are exactly 3 terms/relations in the answer term tokens + if len(answer_term_tokens) != 3: + continue + current_branch_answer_strings.append(answer_term_string) + current_branch_answer_relations.append(self.tokenizer.batch_decode(answer_term_tokens)) + #average the disparities of the tokens for each term in the answer_term_logits + try: + answer_term_disparities = [torch.stack([logit[0]-logit[1] for logit in term_logits]) for term_logits in answer_term_logits] + except: + continue + #average over each list of disparities for each term in the answer + answer_term_disparities = [torch.mean(disparities) for disparities in answer_term_disparities] + current_branch_answer_disparities.append(answer_term_disparities) + + + + + branch_answer_disparities.append(current_branch_answer_disparities) + branch_answer_strings.append(current_branch_answer_strings) + branch_answer_relations.append(current_branch_answer_relations) + + + #only keep those branches where relations were predicted in the right format, i.e. remove empty branches + branch_answer_disparities = [disparities for disparities in branch_answer_disparities if disparities] + branch_answer_strings = [strings for strings in branch_answer_strings if strings] + branch_answer_relations = [relations for relations in branch_answer_relations if relations] + + return branch_answer_disparities, branch_answer_strings, branch_answer_relations + + + #for each relation get all the disparities for the different branches and dialogues + def get_relation_disparities(self, dialogues_with_branches: dict, + token_index=1, + logit_index=2, + num_branches=5, + ) -> dict[tuple[str]]: + relation_disparities = {} + for split, dialogue_responses in dialogues_with_branches.items(): + relation_disparities[split] = {} + for dialogue_id, branches in dialogue_responses.items(): + branch_token_ids = branches[token_index] + branch_logits = branches[logit_index] + branch_answer_disparities, branch_answer_strings, branch_answer_relations = self.branch_disparities(branch_token_ids, branch_logits) + for i in range(len(branch_answer_disparities)): + for disparities, strings, relations in zip(branch_answer_disparities[i], branch_answer_strings[i], branch_answer_relations[i]): + if tuple(relations) not in relation_disparities[split]: + relation_disparities[split][tuple(relations)] = [] + relation_disparities[split][tuple(relations)].append(disparities) + + + + return relation_disparities + + def get_disparities_per_relation(self, + branch_answer_disparities: list[torch.Tensor], + branch_answer_relations: list[list[str]], + token_index=1, + logit_index=2, + ) -> dict[tuple[str]]: + relation_disparities = {} + for i in range(len(branch_answer_disparities)): + for disparities, relations in zip(branch_answer_disparities[i], branch_answer_relations[i]): + if tuple(relations) not in relation_disparities: + relation_disparities[tuple(relations)] = [] + relation_disparities[tuple(relations)].append(disparities) + + + + return relation_disparities + + + def get_relations_above_threshold(self, + branch_prediction_ids: list[torch.Tensor], + branch_prediction_top_logits: list[torch.Tensor], + disparity_threshold: float = 0.5, + aggregation_function = torch.mean, + ) -> set[tuple[str]]: + #input are the predicted ids of the response branches and the top 2 logits for each token in each branch + #output is the decoded response based on the max disparity aggregation strategy of the relations + branch_answer_disparities, branch_answer_strings, branch_answer_relations = self.branch_disparities(branch_prediction_ids, branch_prediction_top_logits) + + #aggregate the disparities of each relation in each branch + aggregated_disparities = [] + for i in range(len(branch_answer_disparities)): + disparities = aggregation_function(torch.stack([torch.stack(disparity) for disparity in branch_answer_disparities[i]]), dim=-1) + if aggregation_function != torch.mean: + disparities = disparities.values + aggregated_disparities.append(disparities) + + #based on the aggregated disparities choose which relation to keep + #also average the occurences of the same relation in different branches + relation_disparities = self.get_disparities_per_relation(aggregated_disparities, branch_answer_relations) + #average the disparities of the same relation in different branches + for key in relation_disparities: + relation_disparities[key] = torch.mean(torch.stack(relation_disparities[key])) + + #choose the relation with the highest disparity over threshold + relations_to_keep = set() + for key in relation_disparities: + if relation_disparities[key] > disparity_threshold: + relations_to_keep.add(key) + + return relations_to_keep, relation_disparities + + + def relation_aggregation(self, relation_disparity_tuple: tuple[torch.Tensor], aggregation = "mean") -> torch.Tensor: + assert aggregation in ["mean", "median", "max", "min"], "Aggregation method not supported" + if aggregation == "mean": + return torch.mean(torch.stack(relation_disparity_tuple)) + elif aggregation == "median": + return torch.median(torch.stack(relation_disparity_tuple)) + elif aggregation == "max": + return torch.max(torch.stack(relation_disparity_tuple)) + elif aggregation == "min": + return torch.min(torch.stack(relation_disparity_tuple)) + + #aggregate the disparities for each relation and get a dict with the bin as key and the relations with disparities in that bin as value + def aggregate_disparities(self, relation_disparities: dict[tuple[str]], aggregation = "mean") -> dict[tuple[str]]: + assert aggregation in ["mean", "median", "max", "min"], "Aggregation method not supported" + aggregated_disparity_dict = {} + for split, relations in relation_disparities.items(): + aggregated_disparity_dict[split] = {} + for relation, disparities in relations.items(): + #aggregate the disparities for each relation + aggregated_disparities = [self.relation_aggregation(disparity, aggregation) for disparity in disparities] + #take the mean of the aggregated disparities of the different occurences + aggregated_disparities = torch.mean(torch.stack(aggregated_disparities)) + #add the relation to the aggregated_disparities dict + aggregated_disparity_dict[split][relation] = aggregated_disparities + + return aggregated_disparity_dict + + diff --git a/experiments/CoT_decoder_instances.py b/experiments/CoT_decoder_instances.py new file mode 100644 index 0000000000000000000000000000000000000000..464b931c3284ec1443e0ca3554a66c1ad4c58af7 --- /dev/null +++ b/experiments/CoT_decoder_instances.py @@ -0,0 +1,156 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#class for generating prompts for LLM for zero shot ontology relation extraction +import torch +from transformers import AutoTokenizer +from CoT_decoder import CoTDecoder + + +#getter method for getting the right prompt generator class based on the config +def get_CoTDecoder(tokenizer: AutoTokenizer, aggregation_strategy: str = "mean") -> CoTDecoder: + #return the right prompt generator class based on the config + if aggregation_strategy == "max": + return MaxCoTDecoder(tokenizer, aggregation_strategy) + elif aggregation_strategy == "min": + return MinCoTDecoder(tokenizer, aggregation_strategy) + elif aggregation_strategy == "mean": + return MeanCoTDecoder(tokenizer, aggregation_strategy) + elif aggregation_strategy == "median": + return MedianCoTDecoder(tokenizer, aggregation_strategy) + # elif config.aggregation_strategy == "random": + # return RandomCoTDecoder(config.aggregation_strategy) + elif aggregation_strategy == "highest-disparity-branch": + return HighestDisparityBranchCoTDecoder(tokenizer, aggregation_strategy) + else: + raise ValueError("Invalid config for prompt generator") + + +#classes that implement the decode method for the different aggregation strategies + +class MaxCoTDecoder(CoTDecoder): + def decode(self, + branch_prediction_ids: list[torch.Tensor], + branch_prediction_top_logits: list[torch.Tensor], + disparity_threshold: float = 0.5, + k=None, #add k to take less than the branches that were computed for analysis + ) -> set[tuple[str]]: + #input are the predicted ids of the response branches and the top 2 logits for each token in each branch + #output is the decoded response based on the max disparity aggregation strategy of the relations + + relations_to_keep, _ = self.get_relations_above_threshold(branch_prediction_ids, branch_prediction_top_logits, disparity_threshold=disparity_threshold, aggregation_function=torch.max) + + return relations_to_keep + + + +class MinCoTDecoder(CoTDecoder): + def decode(self, + branch_prediction_ids: list[torch.Tensor], + branch_prediction_top_logits: list[torch.Tensor], + disparity_threshold: float = 0.5, + k=None, #add k to take less than the branches that were computed for analysis + ) -> set[tuple[str]]: + #input are the predicted ids of the response branches and the top 2 logits for each token in each branch + #output is the decoded response based on the min disparity aggregation strategy of the relations + + relations_to_keep, _ = self.get_relations_above_threshold(branch_prediction_ids, branch_prediction_top_logits, disparity_threshold=disparity_threshold, aggregation_function=torch.min) + + return relations_to_keep + +class MeanCoTDecoder(CoTDecoder): + def decode(self, + branch_prediction_ids: list[torch.Tensor], + branch_prediction_top_logits: list[torch.Tensor], + disparity_threshold: float = 0.5, + k=None, #add k to take less than the branches that were computed for analysis + ) -> set[tuple[str]]: + #input are the predicted ids of the response branches and the top 2 logits for each token in each branch + #output is the decoded response based on the mean disparity aggregation strategy of the relations + + relations_to_keep, _ = self.get_relations_above_threshold(branch_prediction_ids, branch_prediction_top_logits, disparity_threshold=disparity_threshold, aggregation_function=torch.mean) + + return relations_to_keep + + +class MedianCoTDecoder(CoTDecoder): + def decode(self, + branch_prediction_ids: list[torch.Tensor], + branch_prediction_top_logits: list[torch.Tensor], + disparity_threshold: float = 0.5, + k=None, #add k to take less than the branches that were computed for analysis + ) -> set[tuple[str]]: + #input are the predicted ids of the response branches and the top 2 logits for each token in each branch + #output is the decoded response based on the median disparity aggregation strategy of the relations + + relations_to_keep, _ = self.get_relations_above_threshold(branch_prediction_ids, branch_prediction_top_logits, disparity_threshold=disparity_threshold, aggregation_function=torch.median) + + return relations_to_keep + + +class HighestDisparityBranchCoTDecoder(CoTDecoder): #only choose one branch with the highest disparity instead of considering all the relations in all branches + def decode(self, + branch_prediction_ids: list[torch.Tensor], + branch_prediction_top_logits: list[torch.Tensor], + aggregation_function = torch.mean, + disparity_threshold: float = 0.5, + k=None, #add k to take less than the branches that were computed for analysis + return_branch_number=False, + ) -> set[tuple[str]]: + #input are the predicted ids of the response branches and the top 2 logits for each token in each branch + #output is the decoded response based on the highest disparity relations disparity aggregation strategy of the relations + + #get the relation dict for each branch and then choose the branch with the highest average disparity across all relations + branch_relation_dicts = {} + iterate_over = len(branch_prediction_ids) if k is None else k + for i in range(iterate_over): + _, relation_dict = self.get_relations_above_threshold([branch_prediction_ids[i]], [branch_prediction_top_logits[i]], aggregation_function=aggregation_function) + branch_relation_dicts[i] = relation_dict + + #get the average disparity for each branch + branch_disparities = {} + for branch, relation_dict in branch_relation_dicts.items(): + if relation_dict: + branch_disparities[branch] = sum(relation_dict.values())/len(relation_dict) + else: + branch_disparities[branch] = 0 + + #get the branch with the highest average disparity + highest_disparity_branch = max(branch_disparities, key=branch_disparities.get) + + if return_branch_number: + return branch_relation_dicts[highest_disparity_branch].keys(), highest_disparity_branch + + #return the relations of the branch with the highest disparity + return branch_relation_dicts[highest_disparity_branch].keys() + + + + + + + diff --git a/experiments/LLM_prediction_config_class.py b/experiments/LLM_prediction_config_class.py new file mode 100644 index 0000000000000000000000000000000000000000..7deb144a551a17a6e6fa6e7c902c41cb9e640768 --- /dev/null +++ b/experiments/LLM_prediction_config_class.py @@ -0,0 +1,89 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#define the LLM zeroshot prediction config with parameters + +class LLM_prediction_config(): + + model_name: str #name of the model + dataset: str #name of the dataset + splits: list[str] #list of splits to be used for the prediction + max_model_length: int #maximum length of the model + max_new_tokens: int #maximum number of new tokens to be generated by the model + steps: int #number of steps to be used for the prediction prompt + subset_size: int #size of the subset to be used for the prediction + only_hasslot: bool #whether to only use the hasslot relation in the prompt + only_hasvalue: bool #whether to only use the hasvalue relation in the prompt + only_hasdomain: bool #whether to only use the hasdomain relation in the prompt + only_equivalence: bool #whether to only use the equivalence relation in the prompt + oneshot: bool #whether to use the oneshot prompt + finetuned_model: bool #whether to use a finetuned model for the prediction + constrain_generation: bool #whether to constrain the generation with custom constraints for the relation prediction + predict_for_cot_decoding: bool #whether to predict for the CoT decoding, i.e. add the input ids and the top 2 logits for each token in each branch + analyse_top_k_tokens: bool #whether to analyse the top k tokens in the prompt + entropy_branching_threshold: float #threshold for the entropy branching in cot decoding + instruction_prefix: str #prefix for the instruction in the prompt + answer_prefix: str #prefix for the answer in the prompt + seed: int #random seed for the prediction + + def __init__(self, model_name, dataset, splits, max_model_length=4096, max_new_tokens=1000, steps=1, subset_size=None, only_hasslot=False, only_hasvalue=False, only_hasdomain=False, only_equivalence=False, oneshot=False, exemplar_from_sgd=False, finetuned_model=False, constrain_generation=False, predict_for_cot_decoding=False, analyse_top_k_tokens=False, entropy_branching_threshold=0., instruction_prefix="prompt", answer_prefix="completion", seed=None): + self.model_name = model_name + self.dataset = dataset + self.splits = splits + self.max_model_length = max_model_length + self.max_new_tokens = max_new_tokens + self.steps = steps + + self.subset_size = subset_size + + self.only_hasslot = only_hasslot + self.only_hasvalue = only_hasvalue + self.only_hasdomain = only_hasdomain + self.only_equivalence = only_equivalence + + self.oneshot = oneshot + self.exemplar_from_sgd = exemplar_from_sgd + + self.finetuned_model = finetuned_model + + self.constrain_generation = constrain_generation + + self.predict_for_cot_decoding = predict_for_cot_decoding + + self.analyse_top_k_tokens = analyse_top_k_tokens + + self.entropy_branching_threshold = entropy_branching_threshold + + self.instruction_prefix = instruction_prefix + self.answer_prefix = answer_prefix + + self.seed = seed + + #method for returning the config params as a dict for saving as json + def to_dict(self): + return vars(self) + \ No newline at end of file diff --git a/experiments/LLM_predictor.py b/experiments/LLM_predictor.py new file mode 100644 index 0000000000000000000000000000000000000000..24236b47ea34f1423381642e834a9031ab137bd3 --- /dev/null +++ b/experiments/LLM_predictor.py @@ -0,0 +1,725 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#predictor class for LLM that takes different LLM models as input and does predictions for a given prompt + +from transformers import AutoModelForCausalLM, AutoTokenizer +import torch +from LLM_prediction_config_class import LLM_prediction_config +from typing import Union +from tqdm import tqdm + +class LLM_predictor: + config: LLM_prediction_config + device: torch.device + hugginfcae_auth_token: str + + def __init__(self, config, device): + self.model_name = config.model_name + self.device = device + #if there is a gpu use torch dtype float16 + if torch.cuda.is_available(): + #torch.set_default_tensor_type(torch.cuda.HalfTensor) + #if it is a funetuned model merge it with the adapter for faster inference + self.model = AutoModelForCausalLM.from_pretrained(self.model_name, + torch_dtype=torch.float16,) + else: + self.model = AutoModelForCausalLM.from_pretrained(self.model_name) + self.tokenizer = AutoTokenizer.from_pretrained(self.model_name, add_prefix_space=True) + self.tokenizer.truncation_side = "left" + + + + self.model.eval() + self.model.to(self.device) + self.max_new_tokens = config.max_new_tokens + self.max_model_length = min(config.max_model_length, self.tokenizer.model_max_length) #4096 is the max length of the llama model, however the output for model_max_length is some random number + + + + + def predict(self, prompt: str, constrain_generation=False, constrained_beamsearch=False, predict_for_cot_decoding=False, analyse_top_k_tokens=False, entropy_branching_threshold=0., term_list=None, relation_list=["has slot", "has value", "has domain", "refers to same concept as"]): + #if constrain_generation=True constrain the model on only generating the terms in the list on the first and third position of a tuple and generating a relation on the second position of the tuple + + if constrain_generation and predict_for_cot_decoding: + branch_strings, branch_tokens, branch_logits, entropy = self.constrained_cot_decoding(prompt, k=5, temperature=1., max_length=self.max_model_length-self.max_new_tokens, batch_size=1, entropy_branching_threshold=entropy_branching_threshold, term_list=term_list, relation_list=relation_list) + + return branch_strings, branch_tokens, branch_logits, entropy + + elif constrain_generation: + + outputs = self.constrained_generation(prompt, term_list=term_list, max_length=self.max_model_length-self.max_new_tokens, relation_list=relation_list) + return outputs + + elif predict_for_cot_decoding: + branch_strings, branch_tokens, branch_logits, entropy, branch_length = self.predict_for_cot_decoding(prompt, k=5, temperature=1., max_length=self.max_model_length-self.max_new_tokens, batch_size=1, entropy_branching_threshold=entropy_branching_threshold) + + return branch_strings, branch_tokens, branch_logits, entropy, branch_length + + elif analyse_top_k_tokens: + top_k_token_ids, top_k_token_logits, entropies = self.top_k_token_analysis(prompt, k=20, temperature=1., max_length=self.max_model_length-self.max_new_tokens) + + return top_k_token_ids, top_k_token_logits, entropies + + + #truncate the input such that the output does not exceed the max model length + inputs = self.tokenizer(prompt, return_tensors="pt", truncation=True, max_length=self.max_model_length-self.max_new_tokens) + prompt_length = len(self.tokenizer.decode( + inputs["input_ids"][0], + skip_special_tokens=True, + clean_up_tokenization_spaces=True, + ) + ) + + #generate the output + output = self.model.generate(inputs["input_ids"].to(self.device), + attention_mask=inputs["attention_mask"].to(self.device), + num_return_sequences=1, + pad_token_id=self.tokenizer.eos_token_id, + eos_token_id=self.tokenizer.eos_token_id, + #do_sample=False, + num_beams=1, + max_new_tokens=self.max_new_tokens) + #decode the output + output = self.tokenizer.decode(output[0], skip_special_tokens=True, clean_up_tokenization_spaces=True) + #only return the generated text + outputs = output[prompt_length:] + + + return outputs + + + def constrained_generation(self, + input_text: str = "", + term_list=None, + relation_list=["has slot", "has value", "has domain", "refers to same concept as"], + start_token="[", end_token="]", + separator_token=",", + max_length=100, + temperature=1., + do_sample=False, + compare_greedy_to_constrained_logits=False, + ): + + input_ids = self.tokenizer(input_text, return_tensors="pt", truncation=True, max_length=max_length).input_ids[0] + + current_token_id = input_ids[-1].item() + + #also add the token ids with new lines or any other token right in front of the token without space as they lead to different token ids + #these are also used by the model normally + start_token_id = self.tokenizer("\n" + start_token).input_ids[-1] + end_token_id = self.tokenizer("\n" + end_token).input_ids[-1] + separator_token_id = self.tokenizer("\n" + separator_token).input_ids[-1] + + #get the token ids of the start and end tokens, separator token and the term and relation lists + start_token_id2 = self.tokenizer(start_token).input_ids[-1] + end_token_id2 = self.tokenizer(end_token).input_ids[-1] + separator_token_id2 = self.tokenizer(separator_token).input_ids[-1] + + #for gemma the token ids are different if there is a whitespace in front of the token + start_token_id3 = self.tokenizer(" " + start_token).input_ids[-1] + end_token_id3 = self.tokenizer(" " + end_token).input_ids[-1] + separator_token_id3 = self.tokenizer(" " + separator_token).input_ids[-1] + + + + start_token_ids = [start_token_id, start_token_id2, start_token_id3] + end_token_ids = [end_token_id, end_token_id2, end_token_id3] + separator_token_ids = [separator_token_id, separator_token_id2, separator_token_id3] + + + if term_list: + term_list_ids = self.tokenizer(term_list).input_ids + if relation_list: + relation_list_ids = self.tokenizer(relation_list).input_ids + + + k_initial = 0 + #if there is a bos token at the start of each tokenized term and relation, set the initial k to 1, so that it is skipped + if self.tokenizer.bos_token_id in term_list_ids[0]: + #print("bos token found") + k_initial = 1 + + #get the length of the input text + prompt_length = len(self.tokenizer.decode( + input_ids, + skip_special_tokens=True, + clean_up_tokenization_spaces=True, + ) + ) + + + if compare_greedy_to_constrained_logits: + #TODO compare the logits of the greedy generation to the constrained generation to see whether the logits are off in constrained generation in terms of absolute values + #i.e. compute the difference of the average highest logits of next tokens in normal generation to the average logits in constrained generation in one or several predictions + pass + + i = 0 + start_token_set = False + first_separator = False + term_id_to_pop = None + while i < self.max_new_tokens: + #for i in tqdm(range(self.max_new_tokens)): + with torch.no_grad(): + outputs = self.model(input_ids.unsqueeze(0).to(self.device)) + + #apply softmax with temperature to the logits + soft_temp_logits = torch.softmax(outputs.logits[0, -1, :] / temperature, dim=-1).to("cpu") + + input_ids.to("cpu") + #if the start token is set, find the highest probability token from the term list + if current_token_id in start_token_ids: + input_ids, i, current_token_id, start_token_set, first_separator, term_list_ids, term_id_to_pop = self.do_constrained_generation(logits=soft_temp_logits, input_ids=input_ids, current_token_id=current_token_id, i=i, k_initial=k_initial, term_list_ids=term_list_ids, start_token_id=start_token_id, end_token_id=end_token_id, separator_token_id=separator_token_id, start_token_set=start_token_set, first_separator=first_separator, popped_term_id=term_id_to_pop, compare_greedy_to_constrained_logits=compare_greedy_to_constrained_logits) + + + elif current_token_id in separator_token_ids and start_token_set: + if first_separator: + input_ids, i, current_token_id, start_token_set, first_separator, _, term_id_to_pop = self.do_constrained_generation(logits=soft_temp_logits, input_ids=input_ids, current_token_id=current_token_id, i=i, k_initial=k_initial, term_list_ids=relation_list_ids, start_token_id=start_token_id, end_token_id=end_token_id, separator_token_id=separator_token_id, start_token_set=start_token_set, first_separator=first_separator, popped_term_id=term_id_to_pop, compare_greedy_to_constrained_logits=compare_greedy_to_constrained_logits) + + + else: #get another term and put the end token + input_ids, i, current_token_id, start_token_set, first_separator, term_list_ids, term_id_to_pop = self.do_constrained_generation(logits=soft_temp_logits, input_ids=input_ids, current_token_id=current_token_id, i=i, k_initial=k_initial, term_list_ids=term_list_ids, start_token_id=start_token_id, end_token_id=end_token_id, separator_token_id=separator_token_id, start_token_set=start_token_set, first_separator=first_separator, popped_term_id=term_id_to_pop, compare_greedy_to_constrained_logits=compare_greedy_to_constrained_logits) + + + elif do_sample: + #TODO: implement speculative sampling as in the huggingface code, as only with sampling temperature makes a difference + pass + + else: + #get the highest probability token for the last token in the input and add it to the input + highest_prob_index = torch.argmax(soft_temp_logits) + input_ids = torch.cat([input_ids, highest_prob_index.unsqueeze(0)], dim=0) + current_token_id = highest_prob_index.item() + + + if current_token_id == self.tokenizer.eos_token_id: + break + + i += 1 + + + #decode the input ids, only take what is after the prompt + decoded_text = self.tokenizer.decode(input_ids, skip_special_tokens=True, clean_up_tokenization_spaces=True) + + return decoded_text[prompt_length:] + + + + + def do_constrained_generation(self, logits, input_ids, current_token_id, i, k_initial, term_list_ids, start_token_id, end_token_id, separator_token_id, start_token_set=False, first_separator=False, popped_term_id=None, compare_greedy_to_constrained_logits=False): + k=k_initial + #set same token indices to all indices in the term list + same_token_indices = list(range(len(term_list_ids))) + while True: + #find the highest probability token from the term list first tokens, but only consider the indices that are in the same_token_indices + current_term_token_ids = [ids[k] for i, ids in enumerate(term_list_ids) if i in same_token_indices and len(ids) > k] + current_term_token_indices = [i for i in range(len(term_list_ids)) if i in same_token_indices and len(term_list_ids[i]) > k] + + term_list_probs = logits[current_term_token_ids] + highest_prob_index = torch.argmax(term_list_probs).item() + #in case of a term being part of another term check if the separator token is possibly more probable + #first check if there are nested terms + current_terms = [self.tokenizer.decode(ids) for i, ids in enumerate(term_list_ids) if i in same_token_indices] + #check if there is a term that is not in the current term token ids but present in other terms + shorter_terms = [self.tokenizer.decode(ids) for i, ids in enumerate(term_list_ids) if i in same_token_indices and len(ids) <= k] + nested_terms = False + if any([shorter_term in term for term in current_terms for shorter_term in shorter_terms]): + nested_terms = True + if logits[separator_token_id] > term_list_probs[highest_prob_index] and nested_terms: + #set the separator token as the next token + input_ids = torch.cat([input_ids, torch.tensor([separator_token_id])], dim=0) + current_token_id = separator_token_id + first_separator = True + break + current_token_id = current_term_token_ids[highest_prob_index] + input_ids = torch.cat([input_ids, torch.tensor([current_token_id])], dim=0) + + + same_token_indices = [i for i in same_token_indices if len(term_list_ids[i]) > k and all([term_list_ids[i][j] == term_list_ids[current_term_token_indices[highest_prob_index]][j] for j in range(k+1)])] + + k+=1 + if len(same_token_indices) < 2: + #if the number of tokens for the chosen term is more than k then add the rest of the tokens + while len(term_list_ids[current_term_token_indices[highest_prob_index]]) > k: + current_token_id = term_list_ids[current_term_token_indices[highest_prob_index]][k] + input_ids = torch.cat([input_ids, torch.tensor([current_token_id])], dim=0) + k+=1 + i+=1 + + + if not start_token_set: + #remove the term from the term list ids in the first step in order to mitigate two same terms in a relation + popped_term_id = term_list_ids.pop(current_term_token_indices[highest_prob_index]) + #set the separator token as the next token + input_ids = torch.cat([input_ids, torch.tensor([separator_token_id])], dim=0) + current_token_id = separator_token_id + start_token_set = True + first_separator = True + i+=1 + break + + else: + if first_separator: + #set the separator token as the next token + input_ids = torch.cat([input_ids, torch.tensor([separator_token_id])], dim=0) + current_token_id = separator_token_id + first_separator = False + i+=1 + break + else: + #add the first term token ids that were removed at the start back into the term list ids + if popped_term_id is not None: + term_list_ids.append(popped_term_id) + #reset the popped term id + popped_term_id = None + #set the end token as the next token + input_ids = torch.cat([input_ids, torch.tensor([end_token_id])], dim=0) + current_token_id = end_token_id + i+=1 + start_token_set = False + break + + i+=1 + + return input_ids, i, current_token_id, start_token_set, first_separator, term_list_ids, popped_term_id + + + def predict_for_cot_decoding(self, + input_text, + k=2, + temperature=1., + max_length=100, + batch_size=1, + entropy_branching_threshold=0., + ) -> Union[list[str], list[torch.Tensor], list[torch.Tensor], torch.Tensor]: + #CoT resaoning without prompting by Wang and Zhou 2024 + #In this function just get the logits for the top 2 tokens for each of the k branches after the first token + #both lists have length k + #the output are the chosen token ids decoded and not decoded for each of the k branches plus the top 2 logits for each token of the k branches + #the resulting list of strings has length k + #the resulting token id tensor has shape (k, longest_branch_length, 1) + #the resulting logits tensor has shape (k, longest_branch_length, 2) + #the shorter branches that contain the eos token are padded with more eos tokens until the longest branch length is reached + + input_ids = self.tokenizer(input_text, return_tensors="pt", truncation=True, max_length=max_length).input_ids[0] + #current_token_id = input_ids[-1].item() + + + #do predictions until the entropy threshold for branching is surpassed + branch_length = 0 + tokens_until_branch = [] + for i in range(max_length): + with torch.no_grad(): + outputs = self.model(input_ids.unsqueeze(0).to(self.device)) + #apply softmax with temperature to the logits + soft_temp_logits = torch.softmax(outputs.logits[0, -1, :] / temperature, dim=-1).to("cpu") + #also save the entropy of the first token + entropy = -torch.sum(soft_temp_logits * torch.log(soft_temp_logits)) + + #check if the entropy is below the threshold + if entropy < entropy_branching_threshold: + #add the highest probability token to the input ids + current_token_id = torch.argmax(soft_temp_logits).item() + tokens_until_branch.append(current_token_id) + input_ids = torch.cat([input_ids, torch.tensor([current_token_id])], dim=0) + else: + branch_length = i + break + + tokens_until_branch = torch.tensor(tokens_until_branch) + #now branch out from the input ids + + #get the top k token ids for continuation + top_k_token_ids = torch.topk(soft_temp_logits, k).indices + + #initialise the list of branches with the input ids plus the first token for each branch + branches = [torch.cat([input_ids, torch.tensor([token_id])], dim=0) for token_id in top_k_token_ids] + + #initialise the list of logits for each branch + branch_logits = [torch.tensor([[soft_temp_logits[token_id], 0]]) for token_id in top_k_token_ids] #for the first token the second highest logit is 0 because it was already taken from the top k + branch_tokens = [torch.tensor([token_id]) for token_id in top_k_token_ids] + + + #make branch batches of size batch_size + branch_batches = [branches[i:i+batch_size] for i in range(0, len(branches), batch_size)] + #make a list of whether the eos token was reached for each branch in each batch + eos_reached = [[False for _ in range(len(branch_batches[i]))] for i in range(len(branch_batches))] + + + #run each batch separately until its end + #then run the next batch until its end + #print(f"run on {len(branch_batches)} batches of size {batch_size}") + for i, branch_batch in enumerate(branch_batches): + #run the model for the batch of branches + for j in range(self.max_new_tokens - branch_length): + #run the model for the batch of branches + with torch.no_grad(): + outputs = self.model(torch.stack(branch_batch).to(self.device)) + + #apply softmax with temperature to the logits + softmax_logits = torch.softmax(outputs.logits[:, -1, :] / temperature, dim=-1).to("cpu") + + #print(softmax_logits.shape) + + #get the top 2 logits for each branch token and also the highest logit token for the continuation of each branch + top_k_logits = [torch.topk(logits, 2).values for logits in softmax_logits] + + #print(len(top_k_logits)) + #now get the top tokens for each branch, i.e. argmax for each branch + branch_top_tokens = [torch.argmax(logits, dim=-1) for logits in softmax_logits] + + #print(branch_top_tokens) + + #add the top tokens to the branches + for branch_index, branch in enumerate(branch_batch): + current_branch_index = i * batch_size + branch_index + branch = torch.cat([branch, branch_top_tokens[branch_index].unsqueeze(0)], dim=0) + branch_batch[branch_index] = branch + #add the top token to the branch tokens if the eos token was not reached + if not eos_reached[i][branch_index]: + branch_tokens[current_branch_index] = torch.cat([branch_tokens[current_branch_index], branch_top_tokens[branch_index].unsqueeze(0)], dim=0) + branch_logits[current_branch_index] = torch.cat([branch_logits[current_branch_index], top_k_logits[branch_index].unsqueeze(0)], dim=0) + #check if the end token is the next token in any of the branches + #if that is the case do not add the tokens to the branch tokens and the logits anymore in later steps + if branch_top_tokens[branch_index].item() == self.tokenizer.eos_token_id: + eos_reached[i][branch_index] = True + + #check if all branches have reached the eos token + if all(eos_reached[i]): + break + + + #return the branches as strings and as token ids and also add the tokens_until_branch before the branches + branch_strings = [self.tokenizer.decode(torch.cat([tokens_until_branch, branch_tokens[i]], dim=0).int()) for i in range(len(branch_tokens))] + + + return branch_strings, branch_tokens, branch_logits, entropy, branch_length + + + + ### analyse the semantics of different branching point top k tokens and compare to entropy + def top_k_token_analysis(self, + input_text, + k=2, + temperature=1., + max_length=100, + ) -> Union[list[torch.Tensor], list[torch.Tensor], list[torch.Tensor]]: + #return the top k token ids for the next token in the sequence and the entropy for each token, also return the top k token logits + + input_ids = self.tokenizer(input_text, return_tensors="pt", truncation=True, max_length=max_length).input_ids[0] + #current_token_id = input_ids[-1].item() + + entropies = [] + top_k_token_id_list = [] + top_k_token_logits = [] + + for i in range(self.max_new_tokens): + + with torch.no_grad(): + outputs = self.model(input_ids.unsqueeze(0).to(self.device)) + + #apply softmax with temperature to the logits + soft_temp_logits = torch.softmax(outputs.logits[0, -1, :] / temperature, dim=-1).to("cpu") + + #get the top k token ids for continuation + top_k_token_ids = torch.topk(soft_temp_logits, k).indices + top_k_token_id_list.append(top_k_token_ids) + + #get the top k token logits + top_k_token_logits.append(torch.topk(soft_temp_logits, k).values) + + #add the top 1 token to the input_ids + input_ids = torch.cat([input_ids, top_k_token_ids[0].unsqueeze(0)], dim=0) + + #also save the entropy of the first token + entropy = torch.sum(-soft_temp_logits * torch.log(soft_temp_logits)) + entropies.append(entropy) + + #check if eos token was reached + if top_k_token_ids[0].item() == self.tokenizer.eos_token_id: + break + + + + + + + + return top_k_token_id_list, top_k_token_logits, entropies + + + + #function for cot decoding plus constrained generation + def constrained_cot_decoding(self, + input_text, + k=2, + temperature=1., + max_length=100, + batch_size=1, + entropy_branching_threshold=0., + term_list=None, + relation_list=["has slot", "has value", "has domain", "refers to same concept as"], + start_token="[", end_token="]", + separator_token=",", + do_sample=False, + compare_greedy_to_constrained_logits=False + ): + input_ids = self.tokenizer(input_text, return_tensors="pt", truncation=True, max_length=max_length).input_ids[0] + #current_token_id = input_ids[-1].item() + + current_token_id = input_ids[-1].item() + + #also add the token ids with new lines or any other token right in front of the token without space as they lead to different token ids + #these are also used by the model normally + start_token_id = self.tokenizer("\n" + start_token).input_ids[-1] + end_token_id = self.tokenizer("\n" + end_token).input_ids[-1] + separator_token_id = self.tokenizer("\n" + separator_token).input_ids[-1] + + #get the token ids of the start and end tokens, separator token and the term and relation lists + start_token_id2 = self.tokenizer(start_token).input_ids[-1] + end_token_id2 = self.tokenizer(end_token).input_ids[-1] + separator_token_id2 = self.tokenizer(separator_token).input_ids[-1] + + #for gemma the token ids are different if there is a whitespace in front of the token + start_token_id3 = self.tokenizer(" " + start_token).input_ids[-1] + end_token_id3 = self.tokenizer(" " + end_token).input_ids[-1] + separator_token_id3 = self.tokenizer(" " + separator_token).input_ids[-1] + + + start_token_ids = [start_token_id, start_token_id2, start_token_id3] + end_token_ids = [end_token_id, end_token_id2, end_token_id3] + separator_token_ids = [separator_token_id, separator_token_id2, separator_token_id3] + + # [hotel, has slot, price range] + + + if term_list: + term_list_ids = self.tokenizer(term_list).input_ids + if relation_list: + relation_list_ids = self.tokenizer(relation_list).input_ids + + + k_initial = 0 + #if there is a bos token at the start of each tokenized term and relation, set the initial k to 1, so that it is skipped + if self.tokenizer.bos_token_id in term_list_ids[0]: + #print("bos token found") + k_initial = 1 + + + with torch.no_grad(): + outputs = self.model(input_ids.unsqueeze(0).to(self.device)) + #apply softmax with temperature to the logits + soft_temp_logits = torch.softmax(outputs.logits[0, -1, :] / temperature, dim=-1).to("cpu") + #also save the entropy of the first token + entropy = -torch.sum(soft_temp_logits * torch.log(soft_temp_logits)) + + #get the top k token ids for continuation + top_k_token_ids = torch.topk(soft_temp_logits, k).indices + + #initialise the list of branches with the input ids plus the first token for each branch + branches = [torch.cat([input_ids, torch.tensor([token_id])], dim=0) for token_id in top_k_token_ids] + + #initialise the list of logits for each branch + branch_logits = [torch.tensor([[soft_temp_logits[token_id], 0]]) for token_id in top_k_token_ids] #for the first token the second highest logit is 0 because it was already taken from the top k + branch_tokens = [torch.tensor([token_id]) for token_id in top_k_token_ids] + + + + + #run each branch with constrained generation until its end + for branch_index, branch in enumerate(branches): + input_ids = branch + i = 0 + start_token_set = False + first_separator = False + term_id_to_pop = None + while i < self.max_new_tokens: + with torch.no_grad(): + outputs = self.model(input_ids.unsqueeze(0).to(self.device)) + + #apply softmax with temperature to the logits + soft_temp_logits = torch.softmax(outputs.logits[0, -1, :] / temperature, dim=-1).to("cpu") + + #also get the original logits for normalising over the set of term tokens for cot decoding disparity + original_logits = outputs.logits[0, -1, :].to("cpu") + + input_ids.to("cpu") + #if the start token is set, find the highest probability token from the term list + if current_token_id in start_token_ids: + input_ids, i, current_token_id, start_token_set, first_separator, term_list_ids, term_id_to_pop, top_2_logits, tokens_added = self.do_constrained_cot_generation(logits=soft_temp_logits, input_ids=input_ids, current_token_id=current_token_id, i=i, k_initial=k_initial, term_list_ids=term_list_ids, start_token_id=start_token_id, end_token_id=end_token_id, separator_token_id=separator_token_id, start_token_set=start_token_set, first_separator=first_separator, popped_term_id=term_id_to_pop, compare_greedy_to_constrained_logits=compare_greedy_to_constrained_logits, original_logits=original_logits) + + #turn the top 2 logit list into a tensor and append it to the branch logits + branch_logits[branch_index] = torch.cat([branch_logits[branch_index], torch.stack(top_2_logits)], dim=0) + branch_tokens[branch_index] = torch.cat([branch_tokens[branch_index], torch.tensor(tokens_added)], dim=0) + + + elif current_token_id in separator_token_ids and start_token_set: + if first_separator: + input_ids, i, current_token_id, start_token_set, first_separator, _, term_id_to_pop, top_2_logits, tokens_added = self.do_constrained_cot_generation(logits=soft_temp_logits, input_ids=input_ids, current_token_id=current_token_id, i=i, k_initial=k_initial, term_list_ids=relation_list_ids, start_token_id=start_token_id, end_token_id=end_token_id, separator_token_id=separator_token_id, start_token_set=start_token_set, first_separator=first_separator, popped_term_id=term_id_to_pop, compare_greedy_to_constrained_logits=compare_greedy_to_constrained_logits, original_logits=original_logits) + + #turn the top 2 logit list into a tensor and append it to the branch logits + branch_logits[branch_index] = torch.cat([branch_logits[branch_index], torch.stack(top_2_logits)], dim=0) + branch_tokens[branch_index] = torch.cat([branch_tokens[branch_index], torch.tensor(tokens_added)], dim=0) + + + else: #get another term and put the end token + input_ids, i, current_token_id, start_token_set, first_separator, term_list_ids, term_id_to_pop, top_2_logits, tokens_added = self.do_constrained_cot_generation(logits=soft_temp_logits, input_ids=input_ids, current_token_id=current_token_id, i=i, k_initial=k_initial, term_list_ids=term_list_ids, start_token_id=start_token_id, end_token_id=end_token_id, separator_token_id=separator_token_id, start_token_set=start_token_set, first_separator=first_separator, popped_term_id=term_id_to_pop, compare_greedy_to_constrained_logits=compare_greedy_to_constrained_logits, original_logits=original_logits) + + #turn the top 2 logit list into a tensor and append it to the branch logits + branch_logits[branch_index] = torch.cat([branch_logits[branch_index], torch.stack(top_2_logits)], dim=0) + branch_tokens[branch_index] = torch.cat([branch_tokens[branch_index], torch.tensor(tokens_added)], dim=0) + + + else: + #get the highest probability token for the last token in the input and add it to the input + highest_prob_index = torch.argmax(soft_temp_logits) + #get the top two tokens for the current prediction and add them + top_2_logits = torch.topk(soft_temp_logits, 2).values + branch_logits[branch_index] = torch.cat([branch_logits[branch_index], top_2_logits.unsqueeze(0)], dim=0) + input_ids = torch.cat([input_ids, highest_prob_index.unsqueeze(0)], dim=0) + branch_tokens[branch_index] = torch.cat([branch_tokens[branch_index], highest_prob_index.unsqueeze(0)], dim=0) + current_token_id = highest_prob_index.item() + + + if current_token_id == self.tokenizer.eos_token_id: + break + + + + i += 1 + + + #return the branches as strings and as token ids and also add the tokens_until_branch before the branches + branch_strings = [self.tokenizer.decode(branch_tokens[i]) for i in range(len(branch_tokens))] + + + return branch_strings, branch_tokens, branch_logits, entropy + + + + def do_constrained_cot_generation(self, logits, input_ids, current_token_id, i, k_initial, term_list_ids, start_token_id, end_token_id, separator_token_id, start_token_set=False, first_separator=False, popped_term_id=None, compare_greedy_to_constrained_logits=False, original_logits=None, temperature=1.0): + k=k_initial + #set same token indices to all indices in the term list + same_token_indices = list(range(len(term_list_ids))) + tokens_added = [] + while True: + #find the highest probability token from the term list first tokens, but only consider the indices that are in the same_token_indices + current_term_token_ids = [ids[k] for i, ids in enumerate(term_list_ids) if i in same_token_indices and len(ids) > k] + current_term_token_indices = [i for i in range(len(term_list_ids)) if i in same_token_indices and len(term_list_ids[i]) > k] + + term_list_probs = logits[current_term_token_ids] + highest_prob_index = torch.argmax(term_list_probs).item() + #in case of a term being part of another term check if the separator token is possibly more probable + #first check if there are nested terms + current_terms = [self.tokenizer.decode(ids) for i, ids in enumerate(term_list_ids) if i in same_token_indices] + #check if there is a term that is not in the current term token ids but present in other terms + shorter_terms = [self.tokenizer.decode(ids) for i, ids in enumerate(term_list_ids) if i in same_token_indices and len(ids) <= k] + nested_terms = False + if any([shorter_term in term for term in current_terms for shorter_term in shorter_terms]): + nested_terms = True + if logits[separator_token_id] > term_list_probs[highest_prob_index] and nested_terms: + #set the separator token as the next token + input_ids = torch.cat([input_ids, torch.tensor([separator_token_id])], dim=0) + current_token_id = separator_token_id + tokens_added.append(separator_token_id) + first_separator = True + break + current_token_id = current_term_token_ids[highest_prob_index] + input_ids = torch.cat([input_ids, torch.tensor([current_token_id])], dim=0) + tokens_added.append(current_token_id) + + + #get the term logits from the original logits, normalise them and get the top 2 logits + original_term_logits = original_logits[current_term_token_ids] + #normalise the logits + normalised_term_logits = torch.softmax(original_term_logits/temperature, dim=-1) + #get the top 2 logits if there is more than one token in the list + if len(current_term_token_ids) > 1: + top_2_logits = torch.topk(normalised_term_logits, 2).values + else: + #put the one token prob and 0 in a tensor + top_2_logits = torch.tensor([normalised_term_logits[0], 0.0]) + + + + + same_token_indices = [i for i in same_token_indices if len(term_list_ids[i]) > k and all([term_list_ids[i][j] == term_list_ids[current_term_token_indices[highest_prob_index]][j] for j in range(k+1)])] + + k+=1 + if len(same_token_indices) < 2: + #if the number of tokens for the chosen term is more than k then add the rest of the tokens + while len(term_list_ids[current_term_token_indices[highest_prob_index]]) > k: + current_token_id = term_list_ids[current_term_token_indices[highest_prob_index]][k] + tokens_added.append(current_token_id) + input_ids = torch.cat([input_ids, torch.tensor([current_token_id])], dim=0) + k+=1 + i+=1 + + + if not start_token_set: + #remove the term from the term list ids in the first step in order to mitigate two same terms in a relation + popped_term_id = term_list_ids.pop(current_term_token_indices[highest_prob_index]) + #set the separator token as the next token + input_ids = torch.cat([input_ids, torch.tensor([separator_token_id])], dim=0) + current_token_id = separator_token_id + tokens_added.append(separator_token_id) + start_token_set = True + first_separator = True + i+=1 + break + + else: + if first_separator: + #set the separator token as the next token + input_ids = torch.cat([input_ids, torch.tensor([separator_token_id])], dim=0) + current_token_id = separator_token_id + tokens_added.append(separator_token_id) + first_separator = False + i+=1 + break + else: + #add the first term token ids that were removed at the start back into the term list ids + if popped_term_id is not None: + term_list_ids.append(popped_term_id) + #reset the popped term id + popped_term_id = None + #set the end token as the next token + input_ids = torch.cat([input_ids, torch.tensor([end_token_id])], dim=0) + current_token_id = end_token_id + tokens_added.append(end_token_id) + i+=1 + start_token_set = False + break + + i+=1 + + #as there is always a separator token or an end token at the end, we have to include the logits for this token which is 1, as it is the only token that can be chose here + top_2_logits = [top_2_logits, torch.tensor([1.0, 0.0])] + + return input_ids, i, current_token_id, start_token_set, first_separator, term_list_ids, popped_term_id, top_2_logits, tokens_added + + diff --git a/experiments/TOD_ontology_evaluation.py b/experiments/TOD_ontology_evaluation.py new file mode 100644 index 0000000000000000000000000000000000000000..90c062eab04a1bf0df5770ed89efc11fd6ca64f2 --- /dev/null +++ b/experiments/TOD_ontology_evaluation.py @@ -0,0 +1,427 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#take as input the model name, and the data-set, either multiwoz or sgd and also with different splits as input +#for each dialogue there is a list of terms from the dialogue as input between which the ontology hierarchy relations should be predicted +import os +import sys +import json +from tqdm import tqdm +from pathlib import Path +import transformers +import torch +#from convlab.util import load_dataset, load_ontology, load_database +import argparse +import logging +import random +from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline +import os +import networkx as nx + +from handle_logging_config import setup_logging, get_git_info +from configs import * + +from evaluation_functions import * + +from CoT_decoder_instances import * + + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument('--config_name', type=str, default="bart_multiwoz_validation") + parser.add_argument('--config_name_list', nargs='*', type=str, default=None) + + #add the arguments for cot decoding, i.e. the aggregation strategy and the disparity threshold + parser.add_argument('--cot_aggregation_strategy', type=str, default="highest-disparity-branch") + parser.add_argument('--cot_disparity_threshold', type=float, default=0.5) + parser.add_argument('--k_branches_to_use', type=int, default=None) + + #argument for seeds + parser.add_argument('--seed', type=int, default=None) + + + args = parser.parse_args() + + #setup logging + if args.config_name_list is not None: + common_config_prefix = os.path.commonprefix(args.config_name_list) + common_config_suffix = os.path.commonprefix([c[::-1] for c in args.config_name_list])[::-1] + args.config_name = args.config_name_list[0] + "_" + "_plus_".join([text.removeprefix(common_config_prefix).removesuffix(common_config_suffix) for text in args.config_name_list[1:]]) + + logger = setup_logging("zeroshot_evaluation_" + args.config_name) + + + #load the config(s) + if args.config_name_list is not None: + print(args.config_name_list) + logger.info(f"Running with configs: {args.config_name_list}") + config_list = [get_config(config_name) for config_name in args.config_name_list] + config_param_dict_list = [config.to_dict() for config in config_list] + logger.info(f"Loaded configs: {config_param_dict_list}") + #set a main config for the evaluation + config = config_list[0] + config_param_dict = config_param_dict_list[0] + else: + logger.info(f"Running with config: {args.config_name}") + config = get_config(args.config_name) + config_param_dict = config.to_dict() + logger.info(f"Loaded config: {config_param_dict}") + + + logger.info("Loading dataset") + + with Path("../data/" + config.dataset + "_dialogue_" + "term_dict.json").open("r") as file: + dialogue_term_dict = json.load(file) + + logger.info(f"Loaded dataset with splits: {config.splits}") + + + map_to_ontology_values_via_groundtruth_equivalence = True + map_to_ontology_values = True + if map_to_ontology_values_via_groundtruth_equivalence: + logger.info("Mapping predicted values to ontology values via groundtruth refers to same concept relation predictions") + map_to_ontology_values = False + + if map_to_ontology_values: + logger.info("Mapping predicted values to ontology values via refers to same concept relation predictions") + + + #if prediction for cot decoding then set a tokenizer + if config.predict_for_cot_decoding: + logger.info(f"Loading tokenizer {config.model_name}") + tokenizer = AutoTokenizer.from_pretrained(config.model_name) + aggregation_strategy = args.cot_aggregation_strategy + disparity_threshold = args.cot_disparity_threshold + + + + result_filename = "results/" + result_filename += "config_" + result_filename += args.config_name + if args.seed and not "seed" in args.config_name: + result_filename += "_seed_" + str(args.seed) + result_filename += "_LLM_zeroshot_TOD_ontology_inference_results" + checkpoint_filename = result_filename + "_checkpoint" + if config.predict_for_cot_decoding: + result_filename += ".pt" + checkpoint_filename += ".pt" + else: + result_filename += ".json" + checkpoint_filename += ".json" + config_filename = "results/" + args.config_name + "_config.json" + + + if args.config_name_list is not None: + #load the different results and put them in a list of dictionaries + response_per_dialogue_list = [] + for config_name in args.config_name_list: + result_filename = "results/" + result_filename += "config_" + result_filename += config_name + if args.seed and not "seed" in config_name: + result_filename += "_seed_" + str(args.seed) + result_filename += "_LLM_zeroshot_TOD_ontology_inference_results.json" + checkpoint_filename = result_filename.replace(".json", "_checkpoint.json") + if config.predict_for_cot_decoding: + result_filename = result_filename.replace(".json", ".pt") + checkpoint_filename = checkpoint_filename.replace(".json", ".pt") + + if Path(result_filename).exists(): + logger.info(f"Loading results from {result_filename}") + if config.predict_for_cot_decoding: + response_per_dialogue = torch.load(result_filename) + else: + with Path(result_filename).open("r") as file: + response_per_dialogue = json.load(file) + response_per_dialogue_list.append(response_per_dialogue) + elif Path(checkpoint_filename).exists(): + logger.info(f"Loading results from checkpoint {checkpoint_filename}") + if config.predict_for_cot_decoding: + response_per_dialogue = torch.load(checkpoint_filename) + else: + with Path(checkpoint_filename).open("r") as file: + response_per_dialogue = json.load(file) + response_per_dialogue_list.append(response_per_dialogue) + else: + raise ValueError(f"Results file {result_filename} does not exist and checkpoint file {checkpoint_filename} does not exist.") + + logger.info(f"Loaded all {len(args.config_name_list)} results") + else: + logger.info(f"Loading results from {result_filename}") + #load the results if they exist + if Path(result_filename).exists(): + if config.predict_for_cot_decoding: + response_per_dialogue = torch.load(result_filename) + else: + with Path(result_filename).open("r") as file: + response_per_dialogue = json.load(file) + + elif Path(checkpoint_filename).exists(): + logger.info(f"Loading results from checkpoint {checkpoint_filename}") + if config.predict_for_cot_decoding: + response_per_dialogue = torch.load(checkpoint_filename) + else: + with Path(checkpoint_filename).open("r") as file: + response_per_dialogue = json.load(file) + + else: + raise ValueError(f"Results file {result_filename} does not exist and checkpoint file {checkpoint_filename} does not exist.") + + logger.info(f"Loaded results from {result_filename}") + + evaluation_dict = {} + + #store the relations of all splits that were considered and evaluate + all_groundtruth_relations = set() + #also check the relation present in dialogues separately + all_groundtruth_relations_present_in_dialogues = set() + all_predicted_relations = set() + + #first get all equivalence relations from the data + equivalence_relations = set() + #also get the ontology values for the mapping in the evaluation + ontology_values = set() + for split in config.splits: + dialogue_texts = dialogue_term_dict[split] + for dial_id, content_triplet in dialogue_texts.items(): + relations = content_triplet["relational triplets"] + for head, rel, tail in relations: + if rel == "refers to same concept as": + equivalence_relations.add((head, tail)) + else: + ontology_values.add(head) + ontology_values.add(tail) + + #put those term pairs that are connected by refers into the same set to results in a set of sets + G = nx.Graph() + G.add_edges_from(equivalence_relations) + #get the connected components + equivalence_connected_components = list(nx.connected_components(G)) + + + #store the dialogue level results for each split for signficance testing + dialogue_level_results_present_in_dialogues = {} + + for split in config.splits: + #only consider a subset of the data for faster inference and thus more experiments + if config.subset_size is not None: + logger.info(f"Only considering a subset of {config.subset_size} dialogues for evaluation") + #get the first subset_size dialogues + dialogue_texts = dict(list(dialogue_term_dict[split].items())[:config.subset_size]) + else: + #if it is a checkpoint use the dialogues up to checkpoint length + #dialogue_texts = dialogue_term_dict[split] + if args.config_name_list is not None: + smallest_length = min([len(response_per_dialogue[split]) for response_per_dialogue in response_per_dialogue_list]) + #set manual threshold at 1000 for faster inference + #smallest_length = min(smallest_length, 1000) + dialogue_texts = dict(list(dialogue_term_dict[split].items())[:smallest_length]) + else: + #set manual threshold at 1000 for faster inference + #length = min(len(response_per_dialogue[split]), 1000) + length = len(response_per_dialogue[split]) + dialogue_texts = dict(list(dialogue_term_dict[split].items())[:length]) + + logger.info(f"Run evaluation on {split} split with {len(dialogue_texts)} dialogues with model {config.model_name}") + #store the relations for the current split and evaluate + all_groundtruth_relations_this_split = set() + all_groundtruth_relations_this_split_present_in_dialogues = set() + all_predicted_relations_this_split = set() + not_parsable_count = 0 + not_in_the_right_format = set() + + dialogue_level_results_present_in_dialogues[split] = {} + + for dial_id, content_triplet in tqdm(dialogue_texts.items()): + text = content_triplet["text"] + terms = content_triplet["terms"] + relations = content_triplet["relational triplets"] + #turn relations to a set of tuples + relations = set((head, rel, tail) for head, rel, tail in relations) + all_groundtruth_relations_this_split.update(relations) + all_groundtruth_relations.update(relations) + #store the relations present in the dialogues + relations_present_in_dialogue = set((head, rel, tail) for head, rel, tail in relations if present_in_utterance(head, text) and present_in_utterance(tail, text)) + + #get those relations that are present in the dialogues via equivalence relation + relations_present_in_dialogue_via_equivalence = set() + for head, rel, tail in relations: + #first get the relations that are present in the dialogues + if present_in_utterance(head, text) and present_in_utterance(tail, text): + relations_present_in_dialogue_via_equivalence.add((head, rel, tail)) + continue + + if rel == "refers to same concept as": + continue + + equivalent_for_head_present = False + if present_in_utterance(head, text): + equivalent_for_head_present = True + equivalent_for_tail_present = False + if present_in_utterance(tail, text): + equivalent_for_tail_present = True + + for connected_component in equivalence_connected_components: + if head in connected_component: + for equivalent_head in connected_component: + if present_in_utterance(equivalent_head, text): + equivalent_for_head_present = True + break + if tail in connected_component: + for equivalent_tail in connected_component: + if present_in_utterance(equivalent_tail, text): + equivalent_for_tail_present = True + break + if equivalent_for_head_present and equivalent_for_tail_present: + break + + + if equivalent_for_head_present and equivalent_for_tail_present: + relations_present_in_dialogue_via_equivalence.add((head, rel, tail)) + + + #count the relations where the terms are present via equivalent terms as the ones that are present in the dialogues + all_groundtruth_relations_this_split_present_in_dialogues.update(relations_present_in_dialogue_via_equivalence) + all_groundtruth_relations_present_in_dialogues.update(relations_present_in_dialogue_via_equivalence) + + + if config.predict_for_cot_decoding: + if args.config_name_list is not None: + branch_answer_tokens = [] + branch_answer_logits = [] + for response_per_dialogue_dict in response_per_dialogue_list: + current_response = response_per_dialogue_dict[split][dial_id] + branch_answer_tokens = current_response[1] + branch_answer_logits = current_response[2] + + if not branch_answer_tokens or not branch_answer_logits: + continue + cot_decoder = get_CoTDecoder(tokenizer, aggregation_strategy) + predicted_relations = cot_decoder.decode(branch_prediction_ids=branch_answer_tokens, branch_prediction_top_logits=branch_answer_logits, disparity_threshold=disparity_threshold, k=args.k_branches_to_use) + predicted_relations = set(tuple(triplet) for triplet in predicted_relations if len(triplet) == 3) + predicted_relations = set((" ".join(tokenize(head)), " ".join(tokenize(rel)), " ".join(tokenize(tail)) ) for head, rel, tail in predicted_relations) + all_predicted_relations_this_split.update(predicted_relations) + all_predicted_relations.update(predicted_relations) + + else: + response = response_per_dialogue[split][dial_id] + response = response_per_dialogue[split][dial_id] + branch_answer_tokens = response[1] + branch_answer_logits = response[2] + if not branch_answer_tokens or not branch_answer_logits: + continue + cot_decoder = get_CoTDecoder(tokenizer, aggregation_strategy) + predicted_relations = cot_decoder.decode(branch_prediction_ids=branch_answer_tokens, branch_prediction_top_logits=branch_answer_logits, disparity_threshold=disparity_threshold, k=args.k_branches_to_use) + predicted_relations = set(tuple(triplet) for triplet in predicted_relations if len(triplet) == 3) + predicted_relations = set((" ".join(tokenize(head)), " ".join(tokenize(rel)), " ".join(tokenize(tail)) ) for head, rel, tail in predicted_relations) + all_predicted_relations_this_split.update(predicted_relations) + all_predicted_relations.update(predicted_relations) + + #get the results for the current dialogue and add them to the dialogue level results dictionary + current_dialogue_results = evaluate_term_relation_extraction_f1(predicted_relations, relations_present_in_dialogue_via_equivalence, map_terms_to_ontology_referrals=map_to_ontology_values, mapping_based_on_groundtruth=map_to_ontology_values_via_groundtruth_equivalence, ontology_values=ontology_values, groundtruth_equivalence_relations=equivalence_relations) + dialogue_level_results_present_in_dialogues[split][dial_id] = current_dialogue_results + + + else: + if args.config_name_list is not None: + predicted_relation_response = "" + for response_per_dialogue_dict in response_per_dialogue_list: + predicted_relation_response += response_per_dialogue_dict[split][dial_id] + "\n" + + else: + predicted_relation_response = response_per_dialogue[split][dial_id] + #extract the predicted relations from the response string + predicted_relations, not_parsable = extract_list_from_string(predicted_relation_response, return_not_parsable=True) + not_parsable_count += not_parsable + #turn predictions to a set of tuples + not_in_the_right_format.update(set([tuple(triplet) for triplet in predicted_relations if len(triplet) != 3])) + predicted_relations = set(tuple(triplet) for triplet in predicted_relations if len(triplet) == 3) + all_predicted_relations_this_split.update(predicted_relations) + all_predicted_relations.update(predicted_relations) + + #get the results for the current dialogue and add them to the dialogue level results dictionary + current_dialogue_results = evaluate_term_relation_extraction_f1(predicted_relations, relations_present_in_dialogue_via_equivalence, map_terms_to_ontology_referrals=map_to_ontology_values, mapping_based_on_groundtruth=map_to_ontology_values_via_groundtruth_equivalence, ontology_values=ontology_values, groundtruth_equivalence_relations=equivalence_relations) + dialogue_level_results_present_in_dialogues[split][dial_id] = current_dialogue_results + + + + logger.info(f"Number of all groundtruth relations: {len(all_groundtruth_relations)}") + logger.info(f"Number of all groundtruth relations present in dialogues: {len(all_groundtruth_relations_present_in_dialogues)}") + logger.info(f"Number of all predicted relations: {len(all_predicted_relations)}") + + + #evaluate the term relation extraction for relations present in dialogues + f1_dict = evaluate_term_relation_extraction_f1(all_predicted_relations, all_groundtruth_relations_present_in_dialogues, map_terms_to_ontology_referrals=map_to_ontology_values, mapping_based_on_groundtruth=map_to_ontology_values_via_groundtruth_equivalence, ontology_values=ontology_values, groundtruth_equivalence_relations=equivalence_relations) + evaluation_dict["all_present_in_dialogues"] = {"f1": f1_dict} + + logger.info(f"Finished evaluation on {config.dataset} with splits {config.splits} with model {config.model_name} for relations present in dialogues") + for rel in f1_dict: + logger.info(f"F1 score for relation {rel}: {f1_dict[rel]['f1']}") + logger.info(f"Recall for relation {rel}: {f1_dict[rel]['recall']}") + logger.info(f"Precision for relation {rel}: {f1_dict[rel]['precision']}") + + + + evaluation_dict["dialogue_level_results_present_in_dialogue"] = dialogue_level_results_present_in_dialogues + + logger.info(f"Finished evaluation on {config.dataset} with splits {config.splits} with model {config.model_name}") + + evaluation_filename = "evaluation/" + evaluation_filename += "config_" + evaluation_filename += args.config_name + if args.seed and "seed" not in args.config_name: + evaluation_filename += "_seed_" + str(args.seed) + if map_to_ontology_values_via_groundtruth_equivalence: + evaluation_filename += "_mapped_to_ontology_values_via_groundtruth_equivalence" + elif map_to_ontology_values: + evaluation_filename += "_terms_mapped_to_ontology_values" + if config.predict_for_cot_decoding: + if aggregation_strategy == "highest-disparity-branch": + aggregation_strategy = "hdb" + evaluation_filename += "_cot_" + aggregation_strategy + "_disp" + str(disparity_threshold) + if args.k_branches_to_use: + evaluation_filename += "_k_branches_" + str(args.k_branches_to_use) + evaluation_filename += "_LLM_zeroshot_TOD_ontology_evaluation_" + "results.json" + config_filename = "evaluation/" + args.config_name + "_config.json" + + logger.info("Saving evaluation results") + with Path(evaluation_filename).open("w", encoding="UTF-8") as file: + json.dump(evaluation_dict, file) + + logger.info(f"Saved results to {evaluation_filename}") + + #save the config as json file + logger.info("Saving config") + with Path(config_filename).open("w", encoding="UTF-8") as file: + json.dump(config_param_dict, file) + logger.info(f"Saved config to {config_filename}") + + + +if __name__ == "__main__": + main() \ No newline at end of file diff --git a/experiments/TOD_ontology_inference.py b/experiments/TOD_ontology_inference.py new file mode 100644 index 0000000000000000000000000000000000000000..fa9bf591fd92a588be4ecc0ced39a8cc86e55af4 --- /dev/null +++ b/experiments/TOD_ontology_inference.py @@ -0,0 +1,270 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#take as input the model name, and the data-set, either multiwoz or sgd and also with different splits as input +#for each dialogue there is a list of terms from the dialogue as input between which the ontology hierarchy relations should be predicted +import os +import sys +import json +from tqdm import tqdm +from pathlib import Path +import transformers +import torch +#from convlab.util import load_dataset, load_ontology, load_database +import argparse +import logging +import random + +from handle_logging_config import setup_logging, get_git_info +from configs import * +from LLM_predictor import LLM_predictor +from evaluation_functions import extract_list_from_string, build_hierarchical_memory, get_one_hop_neighbour_relations_for_termlist +from prompt_generator_instances import get_prompt_generator + + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument('--config_name', type=str, default="gpt_multiwoz_validation") + parser.add_argument('--seed', type=int, default=None, help='Seed for reproducibility') + + + args = parser.parse_args() + + #setup logging + logger = setup_logging("zeroshot_inference_" + args.config_name) + + logger.info(f"Running with config: {args.config_name}") + + #load the config + config = get_config(args.config_name) + config_param_dict = config.to_dict() + logger.info(f"Loaded config: {config_param_dict}") + + prompt_generator = get_prompt_generator(config) + + + logger.info("Loading dataset") + with Path("../data/" + config.dataset + "_dialogue_term_dict.json").open("r") as file: + dialogue_term_dict = json.load(file) + + logger.info(f"Loaded dataset with splits: {config.splits}") + + + prompt_dict_path = prompt_generator.get_prompt_dict_path() + logger.info(f"Loading prompt dict from: {prompt_dict_path}") + with Path(prompt_dict_path).open("r") as promptfile: + prompt = json.load(promptfile) + + prompt_generator.set_prompt_dict(prompt) + + if args.seed and "seed" not in args.config_name: + logger.info(f"Setting seed to {args.seed}") + torch.manual_seed(args.seed) + + + result_filename = "results/" + result_filename += "config_" + result_filename += args.config_name + if args.seed and "seed" not in args.config_name: + result_filename += "_seed_" + str(args.seed) + checkpoint_filename = result_filename + "_LLM_zeroshot_TOD_ontology_inference_results_checkpoint.json" + result_filename += "_LLM_zeroshot_TOD_ontology_inference_results.json" + config_filename = "results/" + args.config_name + "_config.json" + + if config.predict_for_cot_decoding or config.analyse_top_k_tokens: + result_filename = result_filename.replace(".json", ".pt") + checkpoint_filename = checkpoint_filename.replace(".json", ".pt") + + if Path(checkpoint_filename).is_file(): + logger.info(f"Loading checkpoint from {checkpoint_filename} and continue from there") + if config.predict_for_cot_decoding or config.analyse_top_k_tokens: + response_per_dialogue = torch.load(checkpoint_filename) + else: + with Path(checkpoint_filename).open("r") as file: + response_per_dialogue = json.load(file) + else: + #initialise the dialogue id, InstructGPT response dictionary + logger.info("Initialising response per dialogue dictionary") + response_per_dialogue = {} + for split in config.splits: + response_per_dialogue[split] = {} + + + + device = torch.device("cuda" if torch.cuda.is_available() else "cpu") + + #initialise the LLM predictor + logger.info(f"Initialising LLM predictor with model {config.model_name}") + LLM = LLM_predictor(config, device) + logger.info("LLM predictor initialised") + + + counter = 0 + relations_so_far = set() + + for split in config.splits: + #only consider a subset of the data for faster inference and thus more experiments + if config.subset_size is not None: + logger.info(f"Using a subset of {config.subset_size} dialogues for the {split} split") + #get the first subset_size dialogues + dialogue_texts = dict(list(dialogue_term_dict[split].items())[:config.subset_size]) + else: + dialogue_texts = dialogue_term_dict[split] + logger.info(f"Run inference on {split} split with {len(dialogue_texts)} dialogues with model {config.model_name}") + #response_per_dialogue[split] = {} + for dial_id, content_triplet in tqdm(dialogue_texts.items()): + text = content_triplet["text"] + terms = content_triplet["terms"] + relations = content_triplet["relational triplets"] + + if dial_id not in response_per_dialogue[split]: #if there arise problems with connection or model only do the missing dialogues + + counter += 1 + current_responses = [] + output_string = "" + + for i in range(config.steps): + if config.finetuned_model: + LLM_input = prompt_generator.generate_prompt(step=i, dialogue=text, term_list=terms, relations_so_far=relations_so_far, additional_input=current_responses, instruction_prefix=config.instruction_prefix, answer_prefix=config.answer_prefix) + else: + LLM_input = prompt_generator.generate_prompt(step=i, dialogue=text, term_list=terms, relations_so_far=relations_so_far, additional_input=current_responses) + + try: #if it fails save the current dict and then throw the error + + relationlist=["has slot", "has value", "has domain", "refers to same concept as"] + if config.only_hasslot: + relationlist = ["has slot"] + elif config.only_hasvalue: + relationlist = ["has value"] + elif config.only_hasdomain: + relationlist = ["has domain"] + elif config.only_equivalence: + relationlist = ["refers to same concept as"] + + if config.predict_for_cot_decoding and config.constrain_generation: + branch_strings, branch_tokens, branch_logits, entropy = LLM.predict(LLM_input, constrain_generation=config.constrain_generation, predict_for_cot_decoding=config.predict_for_cot_decoding, entropy_branching_threshold=config.entropy_branching_threshold, term_list=terms, relation_list=relationlist) + branch_length = 0 + elif config.predict_for_cot_decoding: + branch_strings, branch_tokens, branch_logits, entropy, branch_length = LLM.predict(LLM_input, constrain_generation=config.constrain_generation, predict_for_cot_decoding=config.predict_for_cot_decoding, entropy_branching_threshold=config.entropy_branching_threshold) + elif config.analyse_top_k_tokens: + top_k_token_ids, top_k_token_logits, entropies = LLM.predict(LLM_input, constrain_generation=config.constrain_generation, analyse_top_k_tokens=config.analyse_top_k_tokens) + else: + response = LLM.predict(LLM_input, constrain_generation=config.constrain_generation, constrained_beamsearch=config.constrained_beamsearch, term_list=terms, relation_list=relationlist) + except Exception as e: + logger.info(f"Checkpoint saved at {checkpoint_filename} after {counter} dialogues") + logger.error(f"Error at dialogue {dial_id} in split {split}") + continue + + if config.predict_for_cot_decoding: + output_string += "Step " + str(i) + " response:\n" + for j, branch_string in enumerate(branch_strings): + output_string += f"Branch {j}:\n{branch_string}\n" + current_responses.append(branch_strings[0]) + + elif config.analyse_top_k_tokens: + output_string += "Step " + str(i) + " response:\n" + for j, top_k_token_id in enumerate(top_k_token_ids): + output_string += f"Top {j} token id: {top_k_token_id}\n" + output_string += f"Top {j} token: {LLM.tokenizer.decode(top_k_token_id)}\n" + output_string += f"Top {j} token logit: {top_k_token_logits[j]}\n" + output_string += f"Top {j} token entropy: {entropies[j]}\n" + current_responses.append(LLM.tokenizer.decode(top_k_token_ids[0])) + else: + output_string += "Step " + str(i) + " response:\n" + response + "\n" + current_responses.append(response) + + #print the input and the response only for the first two dialogue in the first split + if counter < 3 and split == config.splits[0]: + logger.info(f"{counter}th dialogue input and response") + if config.predict_for_cot_decoding: + logger.info(f"{i}th Input:\n {LLM_input}") + for j, branch_string in enumerate(branch_strings): + logger.info(f"Branch {j} response branched after {branch_length} tokens:\n {branch_string}") + + elif config.analyse_top_k_tokens: + logger.info(f"{i}th Input:\n {LLM_input}") + for j, top_k_token_id in enumerate(top_k_token_ids): + logger.info(f"Top {j} token id: {top_k_token_id}") + logger.info(f"Top {j} token: {LLM.tokenizer.decode(top_k_token_id)}") + logger.info(f"Top {j} token logit: {top_k_token_logits[j]}") + logger.info(f"Top {j} token entropy: {entropies[j]}") + + else: + logger.info(f"{i}th Input:\n {LLM_input}") + logger.info(f"Step {i} response:\n {response}") + + + if config.predict_for_cot_decoding: + response_per_dialogue[split][dial_id] = (branch_strings, branch_tokens, branch_logits, entropy, branch_length) + elif config.analyse_top_k_tokens: + response_per_dialogue[split][dial_id] = (top_k_token_ids, top_k_token_logits, entropies) + else: + response_per_dialogue[split][dial_id] = output_string + + #save checkpoint + if counter % 10 == 0: + if config.predict_for_cot_decoding or config.analyse_top_k_tokens: + #save with torch becaues of the tensors of the logits + torch.save(response_per_dialogue, checkpoint_filename) + else: + with Path(checkpoint_filename).open("w", encoding="UTF-8") as file: + json.dump(response_per_dialogue, file) + logger.info(f"Saved checkpoint after {counter} dialogues") + + + logger.info(f"Finished inference on {config.dataset} with splits {config.splits} with model {config.model_name}") + + logger.info("Saving results") + if config.predict_for_cot_decoding or config.analyse_top_k_tokens: + #save with torch becaues of the tensors of the logits + torch.save(response_per_dialogue, result_filename) + else: + #save the responses as json file + with Path(result_filename).open("w", encoding="UTF-8") as file: + json.dump(response_per_dialogue, file) + + + logger.info(f"Saved results to {result_filename}") + + #save the config as json file + logger.info("Saving config") + with Path(config_filename).open("w", encoding="UTF-8") as file: + json.dump(config_param_dict, file) + logger.info(f"Saved config to {config_filename}") + + + +if __name__ == "__main__": + main() + + + + + + + diff --git a/experiments/__init__.py b/experiments/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/experiments/__pycache__/CoT_decoder.cpython-310.pyc b/experiments/__pycache__/CoT_decoder.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..1a68c8fdc7597f57f3d38c226455a4fb0dc08efc Binary files /dev/null and b/experiments/__pycache__/CoT_decoder.cpython-310.pyc differ diff --git a/experiments/__pycache__/CoT_decoder.cpython-39.pyc b/experiments/__pycache__/CoT_decoder.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..8f9a76c1634fac196d232c7db213968328d56811 Binary files /dev/null and b/experiments/__pycache__/CoT_decoder.cpython-39.pyc differ diff --git a/experiments/__pycache__/CoT_decoder_instances.cpython-310.pyc b/experiments/__pycache__/CoT_decoder_instances.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0a0f6764be467628fbbd89f9d8943613a5fe0d27 Binary files /dev/null and b/experiments/__pycache__/CoT_decoder_instances.cpython-310.pyc differ diff --git a/experiments/__pycache__/CoT_decoder_instances.cpython-39.pyc b/experiments/__pycache__/CoT_decoder_instances.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..877ccae8f02f68f8239105fe62ae8e49b8cd7a0f Binary files /dev/null and b/experiments/__pycache__/CoT_decoder_instances.cpython-39.pyc differ diff --git a/experiments/__pycache__/LLM_prediction_config_class.cpython-310.pyc b/experiments/__pycache__/LLM_prediction_config_class.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..68b22b1551ed47036608834ee8ab48ab87d6adfe Binary files /dev/null and b/experiments/__pycache__/LLM_prediction_config_class.cpython-310.pyc differ diff --git a/experiments/__pycache__/LLM_prediction_config_class.cpython-39.pyc b/experiments/__pycache__/LLM_prediction_config_class.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..2b3986da68127cdea616b124f802dbc39cbd44e9 Binary files /dev/null and b/experiments/__pycache__/LLM_prediction_config_class.cpython-39.pyc differ diff --git a/experiments/__pycache__/LLM_predictor.cpython-310.pyc b/experiments/__pycache__/LLM_predictor.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..39dfd5e93db14c157b4d94e5636540f063cbca5b Binary files /dev/null and b/experiments/__pycache__/LLM_predictor.cpython-310.pyc differ diff --git a/experiments/__pycache__/LLM_predictor.cpython-39.pyc b/experiments/__pycache__/LLM_predictor.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..499819cf9007e5cd0587487880a22df12ef64482 Binary files /dev/null and b/experiments/__pycache__/LLM_predictor.cpython-39.pyc differ diff --git a/experiments/__pycache__/LLM_zeroshot_TOD_ontology_evaluation.cpython-39.pyc b/experiments/__pycache__/LLM_zeroshot_TOD_ontology_evaluation.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..f228e22ceaac18db09800656eaa83a8c64dd9606 Binary files /dev/null and b/experiments/__pycache__/LLM_zeroshot_TOD_ontology_evaluation.cpython-39.pyc differ diff --git a/experiments/__pycache__/LLM_zeroshot_config_class.cpython-310.pyc b/experiments/__pycache__/LLM_zeroshot_config_class.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..6642bc78b1af01b42df40f52dadaa9daee3057e5 Binary files /dev/null and b/experiments/__pycache__/LLM_zeroshot_config_class.cpython-310.pyc differ diff --git a/experiments/__pycache__/LLM_zeroshot_config_class.cpython-39.pyc b/experiments/__pycache__/LLM_zeroshot_config_class.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3188ae7e6481860e87da33c131c709d104597540 Binary files /dev/null and b/experiments/__pycache__/LLM_zeroshot_config_class.cpython-39.pyc differ diff --git a/experiments/__pycache__/TOD_ontology_evaluation.cpython-39.pyc b/experiments/__pycache__/TOD_ontology_evaluation.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..5494abdcb57e73770cfd0c1cb34388803683b3a5 Binary files /dev/null and b/experiments/__pycache__/TOD_ontology_evaluation.cpython-39.pyc differ diff --git a/experiments/__pycache__/__init__.cpython-39.pyc b/experiments/__pycache__/__init__.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0a44a9d657f4e4d18793c793b004be4042d6ca14 Binary files /dev/null and b/experiments/__pycache__/__init__.cpython-39.pyc differ diff --git a/experiments/__pycache__/configs.cpython-310.pyc b/experiments/__pycache__/configs.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..17259ecf412faf9637e18d1e12bea1d65ec4b181 Binary files /dev/null and b/experiments/__pycache__/configs.cpython-310.pyc differ diff --git a/experiments/__pycache__/configs.cpython-39.pyc b/experiments/__pycache__/configs.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b72510075b922e20dbd3f2ea4ea8db792136ae79 Binary files /dev/null and b/experiments/__pycache__/configs.cpython-39.pyc differ diff --git a/experiments/__pycache__/evaluation_functions.cpython-310.pyc b/experiments/__pycache__/evaluation_functions.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..5cc17d5ba358e33da1786c85b5c2b38aa8b16c8a Binary files /dev/null and b/experiments/__pycache__/evaluation_functions.cpython-310.pyc differ diff --git a/experiments/__pycache__/evaluation_functions.cpython-39.pyc b/experiments/__pycache__/evaluation_functions.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..6eab83959d9bcb8594481b547945cca17b7ecb49 Binary files /dev/null and b/experiments/__pycache__/evaluation_functions.cpython-39.pyc differ diff --git a/experiments/__pycache__/evaluation_utils.cpython-310.pyc b/experiments/__pycache__/evaluation_utils.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b5e3ee7d201c6e38278d3cdf54fa0277a6f46169 Binary files /dev/null and b/experiments/__pycache__/evaluation_utils.cpython-310.pyc differ diff --git a/experiments/__pycache__/evaluation_utils.cpython-39.pyc b/experiments/__pycache__/evaluation_utils.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..fdec1aeb47de4d2f2fed653d66f219fb3428e120 Binary files /dev/null and b/experiments/__pycache__/evaluation_utils.cpython-39.pyc differ diff --git a/experiments/__pycache__/handle_logging_config.cpython-310.pyc b/experiments/__pycache__/handle_logging_config.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..c3a21c1fec2c4df35a666f179b0678cf12a64b68 Binary files /dev/null and b/experiments/__pycache__/handle_logging_config.cpython-310.pyc differ diff --git a/experiments/__pycache__/handle_logging_config.cpython-39.pyc b/experiments/__pycache__/handle_logging_config.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..72347018c2ed4063af74807292c2e09801c8e2ad Binary files /dev/null and b/experiments/__pycache__/handle_logging_config.cpython-39.pyc differ diff --git a/experiments/__pycache__/prompt_generator.cpython-310.pyc b/experiments/__pycache__/prompt_generator.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..6d319e988af036b27ef0d18e1cb01777eb6aa5f7 Binary files /dev/null and b/experiments/__pycache__/prompt_generator.cpython-310.pyc differ diff --git a/experiments/__pycache__/prompt_generator_instances.cpython-310.pyc b/experiments/__pycache__/prompt_generator_instances.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..6bfe206de31d50cd04af60a73c0e25405a0088fd Binary files /dev/null and b/experiments/__pycache__/prompt_generator_instances.cpython-310.pyc differ diff --git a/experiments/__pycache__/utils.cpython-310.pyc b/experiments/__pycache__/utils.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..e5fc63e944d4e811a3efa20cfeb69a9db048075f Binary files /dev/null and b/experiments/__pycache__/utils.cpython-310.pyc differ diff --git a/experiments/__pycache__/utils.cpython-39.pyc b/experiments/__pycache__/utils.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..cc7b2350f9b4e095175c7cab8fe28850abb015ab Binary files /dev/null and b/experiments/__pycache__/utils.cpython-39.pyc differ diff --git a/experiments/configs.py b/experiments/configs.py new file mode 100644 index 0000000000000000000000000000000000000000..66a135013891f5a5aed50d2d2a9b7e4cfdaeff54 --- /dev/null +++ b/experiments/configs.py @@ -0,0 +1,1256 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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 LLM_prediction_config_class import LLM_prediction_config + + +def get_config(config_name): + #return config based on string name + if config_name not in globals(): + raise ValueError(f"Config name {config_name} not found") + return globals()[config_name] + + + + +############################################################################################################### + +### experiments on MultiWOZ and SGD test set with Gemma 2B model ### + +#one shot prompt for each relation individually + +gemma2b_multiwoz_test_no_memory_reframed_only_hasslot_oneshot = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasslot=True, + oneshot=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasvalue_oneshot = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasvalue=True, + oneshot=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasdomain_oneshot = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasdomain=True, + oneshot=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_equivalence_oneshot = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_equivalence=True, + oneshot=True, + +) + + +#sgd + +gemma2b_sgd_test_no_memory_reframed_only_hasslot_oneshot = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasslot=True, + oneshot=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasvalue_oneshot = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasvalue=True, + oneshot=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasdomain_oneshot = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasdomain=True, + oneshot=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_equivalence_oneshot = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_equivalence=True, + oneshot=True, + +) + +#now one shot prompt for each relation individually and constrained decoding + +gemma2b_multiwoz_test_no_memory_reframed_only_hasslot_oneshot_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasslot=True, + oneshot=True, + constrain_generation=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasvalue_oneshot_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasvalue=True, + oneshot=True, + constrain_generation=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasdomain_oneshot_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasdomain=True, + oneshot=True, + constrain_generation=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_equivalence_oneshot_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_equivalence=True, + oneshot=True, + constrain_generation=True, + +) + + +#sgd + +gemma2b_sgd_test_no_memory_reframed_only_hasslot_oneshot_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasslot=True, + oneshot=True, + constrain_generation=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasvalue_oneshot_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasvalue=True, + oneshot=True, + constrain_generation=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasdomain_oneshot_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasdomain=True, + oneshot=True, + constrain_generation=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_equivalence_oneshot_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_equivalence=True, + oneshot=True, + constrain_generation=True, + +) + + +#now one shot prompt for each relation individually and cot decoding + +gemma2b_multiwoz_test_no_memory_reframed_only_hasslot_oneshot_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasslot=True, + oneshot=True, + predict_for_cot_decoding=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasvalue_oneshot_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasvalue=True, + oneshot=True, + predict_for_cot_decoding=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasdomain_oneshot_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasdomain=True, + oneshot=True, + predict_for_cot_decoding=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_equivalence_oneshot_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_equivalence=True, + oneshot=True, + predict_for_cot_decoding=True, + +) + + +#sgd + +gemma2b_sgd_test_no_memory_reframed_only_hasslot_oneshot_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasslot=True, + oneshot=True, + predict_for_cot_decoding=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasvalue_oneshot_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasvalue=True, + oneshot=True, + predict_for_cot_decoding=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasdomain_oneshot_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasdomain=True, + oneshot=True, + predict_for_cot_decoding=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_equivalence_oneshot_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_equivalence=True, + oneshot=True, + predict_for_cot_decoding=True, + +) + +#now one shot prompt for each relation individually and constrained cot decoding + +gemma2b_multiwoz_test_no_memory_reframed_only_hasslot_oneshot_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasslot=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasvalue_oneshot_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasvalue=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasdomain_oneshot_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasdomain=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_equivalence_oneshot_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_equivalence=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + +) + + +#sgd + +gemma2b_sgd_test_no_memory_reframed_only_hasslot_oneshot_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasslot=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasvalue_oneshot_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasvalue=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasdomain_oneshot_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasdomain=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_equivalence_oneshot_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_equivalence=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + +) + + + +############################################################################################################ +############################################################################################################ + +#now model fine-tuned on MultiWOZ predictions +gemma2b_multiwoz_test_no_memory_reframed_finetuned_on_multiwoz = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21", + dataset = "multiwoz21", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + +#now model fine-tuned on MultiWOZ + constrained decoding predictions + +gemma2b_multiwoz_test_no_memory_reframed_finetuned_on_multiwoz_constrained_generation = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21", + dataset = "multiwoz21", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + constrain_generation=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_constrained_generation = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + constrain_generation=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now model fine-tuned on MultiWOZ + cot decoding predictions + +gemma2b_multiwoz_test_no_memory_reframed_finetuned_on_multiwoz_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21", + dataset = "multiwoz21", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now model fine-tuned on MultiWOZ + constrained cot decoding predictions +gemma2b_multiwoz_test_no_memory_reframed_finetuned_on_multiwoz_constrained_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21", + dataset = "multiwoz21", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + constrain_generation=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_constrained_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + constrain_generation=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now the different seeds for fine-tuning on MultiWOZ +#multiwoz test set + +#seed 42 +gemma2b_multiwoz_test_no_memory_reframed_finetuned_on_multiwoz_seed_42 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_42", + dataset = "multiwoz21", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#seed 142 +gemma2b_multiwoz_test_no_memory_reframed_finetuned_on_multiwoz_seed_142 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_142", + dataset = "multiwoz21", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + + +#seed 343 +gemma2b_multiwoz_test_no_memory_reframed_finetuned_on_multiwoz_seed_343 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_343", + dataset = "multiwoz21", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#seed 442 +gemma2b_multiwoz_test_no_memory_reframed_finetuned_on_multiwoz_seed_442 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_442", + dataset = "multiwoz21", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + +# SGD test set + +#seed 42 +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_42 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_42", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + +#now model fine-tuned on MultiWOZ + constrained decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_42_constrained_generation = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_42", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + constrain_generation=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now model fine-tuned on MultiWOZ + cot decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_42_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_42", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now model fine-tuned on MultiWOZ + constrained cot decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_42_constrained_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_42", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + constrain_generation=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#seed 142 +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_142 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_142", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + +#now model fine-tuned on MultiWOZ + constrained decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_142_constrained_generation = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_142", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + constrain_generation=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now model fine-tuned on MultiWOZ + cot decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_142_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_142", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now model fine-tuned on MultiWOZ + constrained cot decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_142_constrained_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_142", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + constrain_generation=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + +#seed 343 +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_343 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_343", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + +#now model fine-tuned on MultiWOZ + constrained decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_343_constrained_generation = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_343", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + constrain_generation=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now model fine-tuned on MultiWOZ + cot decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_343_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_343", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now model fine-tuned on MultiWOZ + constrained cot decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_343_constrained_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_343", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + constrain_generation=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + +#seed 442 +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_442 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_442", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + +#now model fine-tuned on MultiWOZ + constrained decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_442_constrained_generation = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_442", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + constrain_generation=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now model fine-tuned on MultiWOZ + cot decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_442_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_442", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now model fine-tuned on MultiWOZ + constrained cot decoding predictions +gemma2b_sgd_test_no_memory_reframed_finetuned_on_multiwoz_seed_442_constrained_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_multiwoz21_seed_442", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + constrain_generation=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + +#now model fine-tuned on SGD predictions +gemma2b_multiwoz_test_no_memory_reframed_finetuned_on_sgd = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_sgd", + dataset = "multiwoz21", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +gemma2b_sgd_test_no_memory_reframed_finetuned_on_sgd = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_sgd", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now model fine-tuned on SGD + constrained decoding predictions, cot decoding and constrained cot decoding respectively +gemma2b_sgd_test_no_memory_reframed_finetuned_on_sgd_constrained_generation = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_sgd", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + constrain_generation=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +gemma2b_sgd_test_no_memory_reframed_finetuned_on_sgd_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_sgd", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +gemma2b_sgd_test_no_memory_reframed_finetuned_on_sgd_constrained_cot_decoding = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_sgd", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 350, + finetuned_model=True, + constrain_generation=True, + predict_for_cot_decoding=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#now the different seeds for fine-tuning on SGD + +#seed 42 +gemma2b_sgd_test_no_memory_reframed_finetuned_on_sgd_seed_42 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_sgd_seed_42", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + +#seed 142 +gemma2b_sgd_test_no_memory_reframed_finetuned_on_sgd_seed_142 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_sgd_seed_142", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + + + + +#seed 343 +gemma2b_sgd_test_no_memory_reframed_finetuned_on_sgd_seed_343 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_sgd_seed_343", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + +#seed 442 +gemma2b_sgd_test_no_memory_reframed_finetuned_on_sgd_seed_442 = LLM_prediction_config(model_name = "../finetuning/models/google-gemma-1.1-2b-it_trained_on_sgd_seed_442", + dataset = "sgd", + splits = ["test"], + max_model_length=4096, + max_new_tokens = 1000, + finetuned_model=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + +) + + + + +#gemma with oneshot example from sgd and each relation separately + +gemma2b_multiwoz_test_no_memory_reframed_only_hasslot_oneshot_from_sgd = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasslot=True, + oneshot=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasvalue_oneshot_from_sgd = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasvalue=True, + oneshot=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasdomain_oneshot_from_sgd = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasdomain=True, + oneshot=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_equivalence_oneshot_from_sgd = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_equivalence=True, + oneshot=True, + exemplar_from_sgd=True, + +) + + +#sgd + +gemma2b_sgd_test_no_memory_reframed_only_hasslot_oneshot_from_sgd = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasslot=True, + oneshot=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasvalue_oneshot_from_sgd = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasvalue=True, + oneshot=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasdomain_oneshot_from_sgd = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasdomain=True, + oneshot=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_equivalence_oneshot_from_sgd = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_equivalence=True, + oneshot=True, + exemplar_from_sgd=True, + +) + +#now model with one shot prompt for each relation individually and constrained decoding + +gemma2b_multiwoz_test_no_memory_reframed_only_hasslot_oneshot_from_sgd_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasslot=True, + oneshot=True, + constrain_generation=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasvalue_oneshot_from_sgd_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasvalue=True, + oneshot=True, + constrain_generation=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasdomain_oneshot_from_sgd_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_hasdomain=True, + oneshot=True, + constrain_generation=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_equivalence_oneshot_from_sgd_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 1000, + only_equivalence=True, + oneshot=True, + constrain_generation=True, + exemplar_from_sgd=True, + +) + + +#sgd + +gemma2b_sgd_test_no_memory_reframed_only_hasslot_oneshot_from_sgd_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasslot=True, + oneshot=True, + constrain_generation=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasvalue_oneshot_from_sgd_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasvalue=True, + oneshot=True, + constrain_generation=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasdomain_oneshot_from_sgd_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_hasdomain=True, + oneshot=True, + constrain_generation=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_equivalence_oneshot_from_sgd_constrain_generation = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 1000, + only_equivalence=True, + oneshot=True, + constrain_generation=True, + exemplar_from_sgd=True, + +) + + +#now model with one shot prompt for each relation individually and cot decoding + +gemma2b_multiwoz_test_no_memory_reframed_only_hasslot_oneshot_from_sgd_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasslot=True, + oneshot=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasvalue_oneshot_from_sgd_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasvalue=True, + oneshot=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasdomain_oneshot_from_sgd_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasdomain=True, + oneshot=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_equivalence_oneshot_from_sgd_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_equivalence=True, + oneshot=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + + +#sgd + +gemma2b_sgd_test_no_memory_reframed_only_hasslot_oneshot_from_sgd_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasslot=True, + oneshot=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasvalue_oneshot_from_sgd_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasvalue=True, + oneshot=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasdomain_oneshot_from_sgd_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasdomain=True, + oneshot=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_equivalence_oneshot_from_sgd_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_equivalence=True, + oneshot=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +#now model with one shot prompt for each relation individually and constrained cot decoding + +gemma2b_multiwoz_test_no_memory_reframed_only_hasslot_oneshot_from_sgd_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasslot=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasvalue_oneshot_from_sgd_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasvalue=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_hasdomain_oneshot_from_sgd_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_hasdomain=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_multiwoz_test_no_memory_reframed_only_equivalence_oneshot_from_sgd_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "multiwoz21", + splits = ["test"], + max_new_tokens = 350, + only_equivalence=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + + +#sgd + +gemma2b_sgd_test_no_memory_reframed_only_hasslot_oneshot_from_sgd_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasslot=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasvalue_oneshot_from_sgd_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasvalue=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_hasdomain_oneshot_from_sgd_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_hasdomain=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + +gemma2b_sgd_test_no_memory_reframed_only_equivalence_oneshot_from_sgd_constrained_cot_decoding = LLM_prediction_config(model_name = "google/gemma-1.1-2b-it", + dataset = "sgd", + splits = ["test"], + max_new_tokens = 350, + only_equivalence=True, + oneshot=True, + constrain_generation=True, + predict_for_cot_decoding=True, + exemplar_from_sgd=True, + +) + + diff --git a/experiments/evaluation_functions.py b/experiments/evaluation_functions.py new file mode 100644 index 0000000000000000000000000000000000000000..408c56c6c954ececc96999a8fbd2887bcf7e5fb5 --- /dev/null +++ b/experiments/evaluation_functions.py @@ -0,0 +1,308 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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 re +import ast +import json +import networkx as nx +import copy + +def tokenize(utt): + utt_lower = utt.lower() + #utt_lower = utt_lower.replace("\n", " ") + utt_lower = utt_lower.replace("\t", " ") + utt_tok = utt_to_token(utt_lower) + return utt_tok + +def utt_to_token(utt): + return [tok for tok in map(lambda x: re.sub(" ", "", x), re.split("(\W+)", utt)) if len(tok) > 0] + + +def present_in_utterance(term, utterance): + if term in utterance: + #now check that each token of the splitted term occurs behind each other in the utterance + splitted_term = term.split() + splitted_utterance = utterance.split() + for i in range(len(splitted_utterance)-len(splitted_term)+1): + if all([splitted_utterance[i+j] == splitted_term[j] for j in range(len(splitted_term))]): + return True + return False + else: + return False + + +#function for extracting lists from strings, i.e. the relational triplets from the LLM answers +def extract_list_from_string(text, return_not_parsable = False): + #if there happen to be normal brackets, replace them with square brackets + text = text.replace("(", "[").replace(")", "]") + #replace the special quotes “ and ” with space and ‘ and ’ with nothing + text = text.replace("“", " ").replace("”", " ").replace("‘", "").replace("’", "") + #extract everything between the brackets [] + list_strings = re.findall(r'\[.*?\]', text) + #remove quotes inbetween opening brackets + list_strings = [string.replace("['[", "[[") for string in list_strings] + #check if there are instances with two or more brackets at the start of the string, only keep one then + list_strings = [re.sub(r'^\[\[', '[', string) for string in list_strings] + #add quotes around each element in each list string + list_strings = [string.replace('[', '["').replace(']', '"]').replace(',', '","') for string in list_strings] + #list_strings = [string.replace('[', '["').replace(']', '"]').replace(',', '","') for string in list_strings] + #remove single quotes that are now too much + list_strings = [string.replace("'", "") for string in list_strings] + #if there are erroneously two quotes, remove one + list_strings = [string.replace('""', '"') for string in list_strings] + #remove quotes inbetween opening brackets + list_strings = [string.replace('["[', '[[') for string in list_strings] + list_strings = [string.replace('[" [', '[[') for string in list_strings] + #check if there are instances with two or more brackets at the start of the string, only keep one then + list_strings = [re.sub(r'^\[\[', '[', string) for string in list_strings] + #evaluate the string to get the list + lists = [] + #count how often a list is not parsable + not_parsable = 0 + for string in list_strings: + try: + lists.append(ast.literal_eval(string)) + except: #strings that are not parsable are not evaluated, just dropped + not_parsable += 1 + continue + #raise ValueError(f"Could not evaluate the string {string}") + + #tokenize all the strings in the lists + for i, l in enumerate(lists): + lists[i] = [" ".join(tokenize(s)) for s in l] + if return_not_parsable: + return lists, not_parsable + else: + return lists + + +#here only one-hop connections to ontology values are considered +def get_referrals_to_ontology_values_for_term(term, ontology_values, relations): + ontology_values_referrals = set() + for head, rel, tail in relations: + if rel == "refers to same concept as" and (head == term or tail == term): + if head == term and tail in ontology_values: + ontology_values_referrals.add(tail) + elif tail == term and head in ontology_values: + ontology_values_referrals.add(head) + return ontology_values_referrals + +def get_referral_connected_ontology_value_components_for_term(term: str, ontology_values: set, connected_components: list) -> set: + #for a term get the set of terms that are connected to it via refers to same concept as relations, also include multihop connections + #then return those terms in the set that are ontology values + connected_components_for_term = set() + for connected_component in connected_components: + if term in connected_component: + connected_components_for_term.update(connected_component) + + #now get the ontology values from the connected components + ontology_values_for_term = connected_components_for_term.intersection(ontology_values) + return ontology_values_for_term + + + +def evaluate_term_relation_extraction_f1(prediction: set[tuple[str]], labels: set[tuple[str]], map_terms_to_ontology_referrals=True, mapping_based_on_groundtruth=False, ontology_values=None, groundtruth_equivalence_relations=None) -> dict: + #evaluate the f1, precision and recall of the predicted terms + #calculate true positives, false positives and false negatives + + #for different prompts, different relation names were used, so we need to map them to the same relation names + domain_slot_relation_synonyms = ["has_slot", "hasSlot", "domain - slot - relation", "domain - to - slot"] + slot_value_relation_synonyms = ["has_value", "hasValue", "slot - value - relation", "slot - to - value"] + value_domain_relation_synonyms = ["belongs_to_domain", "belongsToDomain", "value - domain - relation", "value - to - domain", "belongs to domain"] + equivalence_relation_synonyms = ["equivalence", "equivalence - relation", "equivalent_to", "isEquivalentTo", "equivalence - relation", "is_equivalent_to", "is equivalent to", "is equivalent", "equivalent"] + + #map the relation names to the same relation names + prediction_list = [] + for i, (head, relation, tail) in enumerate(prediction): + if relation in domain_slot_relation_synonyms + ["has slot"]: + prediction_list.append((head, "has slot", tail)) + elif relation in slot_value_relation_synonyms + ["has value"]: + prediction_list.append((head, "has value", tail)) + elif relation in value_domain_relation_synonyms + ["has domain"]: + prediction_list.append((head, "has domain", tail)) + elif relation in equivalence_relation_synonyms + ["refers to same concept as"]: + prediction_list.append((head, "refers to same concept as", tail)) + else: #if the relation is none of the above, then do not use it + continue + + prediction = set(prediction_list) + + + #print("equivalence predictions:", len([x for x in prediction if x[1] == "refers to same concept as"])) + + + #if map_terms_to_ontology_referrals is True, the function will map the terms to the ontology values based on the refers to same concept as relation predictions + if map_terms_to_ontology_referrals or mapping_based_on_groundtruth: + #handle the refers to same relations + refers_to_same = set() + if mapping_based_on_groundtruth: #use the groundtruth refers to same concept as relations to map the predictions + refers_to_same = groundtruth_equivalence_relations + else: #use the predicted refers to same concept as relations to map the predictions + for head, relation, tail in prediction: + if relation == "refers to same concept as": + refers_to_same.add((head, tail)) + + #put those term pairs that are connected by refers into the same set to results in a set of sets + G = nx.Graph() + G.add_edges_from(refers_to_same) + #get the connected components + prediction_refers_to_same_connected_components = list(nx.connected_components(G)) + + #now go through the predictions and map the values in the non-refers to same concept as relations to the ontology values if they are related via refers to same concept as + prediction_copy = copy.deepcopy(prediction) + for head, rel, tail in prediction_copy: + if rel != "refers to same concept as": + if head not in ontology_values and tail not in ontology_values: + #check if there is a refers to same concept relation to an ontology value in the prediction + head_referrals = get_referral_connected_ontology_value_components_for_term(head, ontology_values, prediction_refers_to_same_connected_components) + tail_referrals = get_referral_connected_ontology_value_components_for_term(tail, ontology_values, prediction_refers_to_same_connected_components) + if len(head_referrals) > 0 and len(tail_referrals) > 0: + #remove the current relation + prediction.remove((head, rel, tail)) + #add the new relations with the referrals as pairs + for h in head_referrals: + for t in tail_referrals: + prediction.add((h, rel, t)) + elif head not in ontology_values: + #check if there is a refers to same concept relation to an ontology value in the prediction + head_referrals = get_referral_connected_ontology_value_components_for_term(head, ontology_values, prediction_refers_to_same_connected_components) + if len(head_referrals) > 0: + #remove the current relation + prediction.remove((head, rel, tail)) + #add the new relations with the referrals as pairs + for h in head_referrals: + prediction.add((h, rel, tail)) + elif tail not in ontology_values: + #check if there is a refers to same concept relation to an ontology value in the prediction + tail_referrals = get_referral_connected_ontology_value_components_for_term(tail, ontology_values, prediction_refers_to_same_connected_components) + if len(tail_referrals) > 0: + #remove the current relation + prediction.remove((head, rel, tail)) + #add the new relations with the referrals as pairs + for t in tail_referrals: + prediction.add((head, rel, t)) + + + + #turn the tuples for refers to same concept as into sets to ignore the direction of the relation + prediction_with_refer_sets = set(frozenset((head, rel, tail)) if rel == "refers to same concept as" else (head, rel, tail) for head, rel, tail in prediction) + labels_with_refer_sets = set(frozenset((head, rel, tail)) if rel == "refers to same concept as" else (head, rel, tail) for head, rel, tail in labels) + + + + true_positives = prediction_with_refer_sets.intersection(labels_with_refer_sets) + false_positives = prediction_with_refer_sets - labels_with_refer_sets + false_negatives = labels_with_refer_sets - prediction_with_refer_sets + + #calculate precision, recall and f1 + if len(true_positives) + len(false_positives) == 0: + precision = 0. + else: + precision = len(true_positives) / (len(true_positives) + len(false_positives)) + if len(true_positives) + len(false_negatives) == 0: + recall = 1. + else: + recall = len(true_positives) / (len(true_positives) + len(false_negatives)) + + if len(true_positives) == 0 and len(false_positives) == 0 and len(false_negatives) == 0: + recall = 1. + precision = 1. + + if precision + recall == 0: + f1 = 0. + else: + f1 = 2 * (precision * recall) / (precision + recall) + + relation_eval_results = {} + + evaluation_dict = {} + evaluation_dict["precision"] = precision + evaluation_dict["recall"] = recall + evaluation_dict["f1"] = f1 + evaluation_dict["true_positives"] = list(list(entry) for entry in true_positives) + evaluation_dict["false_positives"] = list(list(entry) for entry in false_positives) + evaluation_dict["false_negatives"] = list(list(entry) for entry in false_negatives) + + relation_eval_results["all relations"] = evaluation_dict + + #calculate precision, recall and f1 for each relation, i.e. has slot, has value and refers to same concept as + for relation in ["has slot", "has value", "has domain", "refers to same concept as"]: + if relation == "refers to same concept as": #turn the tuples into sets to ignore the direction of the relation + prediction_relation = set(frozenset((head, rel, tail)) for head, rel, tail in prediction if rel == relation) + labels_relation = set(frozenset((head, rel, tail)) for head, rel, tail in labels if rel == relation) + else: + prediction_relation = set((head, rel, tail) for head, rel, tail in prediction if rel == relation) + labels_relation = set((head, rel, tail) for head, rel, tail in labels if rel == relation) + + true_positives = prediction_relation.intersection(labels_relation) + false_positives = prediction_relation - labels_relation + false_negatives = labels_relation - prediction_relation + + if len(true_positives) + len(false_positives) == 0: + precision = 0. + else: + precision = len(true_positives) / (len(true_positives) + len(false_positives)) + if len(true_positives) + len(false_negatives) == 0: + recall = 1. + else: + recall = len(true_positives) / (len(true_positives) + len(false_negatives)) + if precision + recall == 0: + f1 = 0. + else: + f1 = 2 * (precision * recall) / (precision + recall) + + evaluation_dict = {} + evaluation_dict["precision"] = precision + evaluation_dict["recall"] = recall + evaluation_dict["f1"] = f1 + evaluation_dict["true_positives"] = list(list(entry) for entry in true_positives) + evaluation_dict["false_positives"] = list(list(entry) for entry in false_positives) + evaluation_dict["false_negatives"] = list(list(entry) for entry in false_negatives) + + relation_eval_results[relation] = evaluation_dict + + return relation_eval_results + + + + +#function for getting the one hop neighbour relations of a term in a list of relations +def get_one_hop_neighbour_relations_for_term(term: str, relation_set: set) -> set: + #return the set of relations that have the term as head or tail + neighbour_relations = set() + for head, relation, tail in relation_set: + if head == term or tail == term: + neighbour_relations.add((head, relation, tail)) + return neighbour_relations + +#now do that for a list of terms +def get_one_hop_neighbour_relations_for_termlist(terms: set, relation_set: set) -> set: + #return the set of relations that have the term as head or tail + neighbour_relations = set() + for term in terms: + neighbour_relations = neighbour_relations.union(get_one_hop_neighbour_relations_for_term(term, relation_set)) + return neighbour_relations \ No newline at end of file diff --git a/experiments/handle_logging_config.py b/experiments/handle_logging_config.py new file mode 100644 index 0000000000000000000000000000000000000000..ddc87d8bb99fe5005fd57c94adcf86aa03f0693d --- /dev/null +++ b/experiments/handle_logging_config.py @@ -0,0 +1,109 @@ +# coding=utf-8 +# +# Copyright 2023 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Benjamin Ruppik (ruppik@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # +# START Imports + +# System imports +from datetime import datetime +import logging +import os +import pathlib +import sys + +# Third-party imports +from git import Repo + +# END Imports +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#logging info in file logger.info(f"temp_desc:\n" f"{temp_desc}") +#call this file before + + +def get_git_info() -> str: + """Get the git info of the current branch and commit hash""" + repo = Repo( + os.path.dirname(os.path.realpath(__file__)), + search_parent_directories=True, + ) + branch_name = repo.active_branch.name + commit_hex = repo.head.object.hexsha + + info = f"{branch_name}/{commit_hex}" + return info + + + +def setup_logging( + script_name: str, +) -> logging.Logger: + """ + Sets up logging for a script. + This will log to a file in the 'logs' directory and to stdout. + + Args: + script_name (str): + Name of the script to create a log file for. + + Returns: + logging.Logger: Configured logger instance. + """ + # Format the current date and time as a string + timestamp = datetime.now().strftime("%Y%m%d-%H%M%S") + + # Define log file path + logfile_path = pathlib.Path( + "logs", + f"{script_name}_{timestamp}.log", + ) + + # Create log directory if it does not exist + logfile_path.parent.mkdir( + parents=True, + exist_ok=True, + ) + + # Basic configuration for logging + logging.basicConfig( + level=logging.INFO, + format="%(asctime)s %(levelname)s %(name)s %(message)s", + handlers=[ + logging.FileHandler(logfile_path), + logging.StreamHandler(sys.stdout), + ], + force=True, + ) + + # Get logger + logger = logging.getLogger(script_name) + logger.info( + f"Logger initialized for file logfile_path:\n" f"{logfile_path}\nand stdout" + ) + + # Log git info + #logger.info(f"git_info:\n{get_git_info()}") + + return logger diff --git a/experiments/prompt_generator.py b/experiments/prompt_generator.py new file mode 100644 index 0000000000000000000000000000000000000000..d19dd3cf1a3dbd7a0609578f90421227f260c937 --- /dev/null +++ b/experiments/prompt_generator.py @@ -0,0 +1,78 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#class for generating prompts for LLM for zero shot ontology relation extraction + +from LLM_prediction_config_class import LLM_prediction_config +from abc import ABC, abstractmethod +from typing import Union + +class PromptGenerator(ABC): + config: LLM_prediction_config + prompt: dict + + def __init__(self, config): + self.config = config + + + @abstractmethod + def generate_prompt(self, step: int, dialogue: str, term_list: list[str], relations_so_far: Union[set[tuple[str]], None]=None, additional_input:Union[list[str], None]=None) -> str: + #step is the step in the pipeline + #dialogue is the current dialogue + #term_list is the current term list input + #additional_input is the input that is needed for the prompt generation step 2 + #implement prompt generation + pass + + + def get_prompt_dict_path(self) -> str: + #return the path to the prompt dict + only_hasslot = "only_hasslot_" if self.config.only_hasslot else "" + only_hasvalue = "only_hasvalue_" if self.config.only_hasvalue else "" + only_hasdomain = "only_hasdomain_" if self.config.only_hasdomain else "" + only_equivalence = "only_equivalence_" if self.config.only_equivalence else "" + one_shot = "oneshot_" if self.config.oneshot else "" + exemplar_from_sgd = "sgd_" if self.config.exemplar_from_sgd else "" + + + prompt_dict_file_name = only_hasslot + only_hasvalue + only_hasdomain + only_equivalence + one_shot + exemplar_from_sgd + "prompt_dict.json" + + prompt_dict_folder_name = "prompts/" + + few_shot = "few_shot/" if self.config.oneshot else "" + one_relation_only = "one_relation_only/" if self.config.only_hasslot or self.config.only_hasvalue or self.config.only_hasdomain or self.config.only_equivalence else "" + + prompt_dict_folder_name = prompt_dict_folder_name + few_shot + one_relation_only + + + prompt_dict_path = prompt_dict_folder_name + prompt_dict_file_name + + return prompt_dict_path + + def set_prompt_dict(self, prompt_dict: dict): + #set the prompt dict + self.prompt = prompt_dict \ No newline at end of file diff --git a/experiments/prompt_generator_instances.py b/experiments/prompt_generator_instances.py new file mode 100644 index 0000000000000000000000000000000000000000..a536e1cc5251ef18ae35a89b096a9c39069e49b8 --- /dev/null +++ b/experiments/prompt_generator_instances.py @@ -0,0 +1,112 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#class for generating prompts for LLM for zero shot ontology relation extraction + +from LLM_prediction_config_class import LLM_prediction_config +from typing import Union +from prompt_generator import PromptGenerator + +llama_prompt_template = """<s>[INST] <<SYS>> + {{ system_prompt }} + <</SYS>> + + {{ user_message }} [/INST]""" #user_message is the current instruction and system prompt is a prompt to the system where the prompt could be inserted + + +gemma_prompt_template = """ + <start_of_turn>user \n PROMPT<end_of_turn>\n<start_of_turn>model + """ + +#getter method for getting the right prompt generator class based on the config +def get_prompt_generator(config: LLM_prediction_config) -> PromptGenerator: + #return the right prompt generator class based on the config + if config.finetuned_model: + return FinetunedPromptGenerator(config) + else: + return OneshotPromptGenerator(config) + + # else: + # raise ValueError("Invalid config for prompt generator") + + +#classes that implement the generate_prompt method for the PromptGenerator class + +class FinetunedPromptGenerator(PromptGenerator): + #class for generating prompts for LLM for zero shot ontology relation extraction with no memory + def generate_prompt(self, step: int, dialogue: str, term_list: list[str], relations_so_far: Union[set[tuple[str]], None]=None, additional_input:Union[list[str], None]=None,instruction_prefix = "prompt:", answer_prefix = "completion:") -> str: + #step is the step in the pipeline + #dialogue is the current dialogue + #term_list is the current term list input + #additional_input is the input that is needed for the prompt generation step 2 + #implement prompt generation + + task_description = self.prompt["task_description"] + dialogue_input = self.prompt["dialogue"] + term_input = self.prompt["term_list"] + output_instruction = self.prompt["output_instruction"] + + #step 1, only one step here + user_text = "" + user_text += dialogue_input + "\n" + dialogue + "\n" + user_text += term_input + "\n" + str(term_list) + "\n" + user_text += output_instruction + "\n" + + #put the extra tokens in the prompt for the instruction and the answer that were used in training + LLM_input = instruction_prefix + "\n" + task_description + user_text + "\n" + answer_prefix + "\n" + + return LLM_input + +class OneshotPromptGenerator(PromptGenerator): + #class for generating prompts for LLM for zero shot ontology relation extraction with no memory and reframed + def generate_prompt(self, step: int, dialogue: str, term_list: list[str], relations_so_far: Union[set[tuple[str]], None]=None, additional_input:Union[list[str], None]=None) -> str: + #step is the step in the pipeline + #dialogue is the current dialogue + #term_list is the current term list input + #additional_input is the input that is needed for the prompt generation step 2 + #implement prompt generation + task_description = self.prompt["task_description"] + dialogue_input = self.prompt["dialogue"] + term_input = self.prompt["term_list"] + output_instruction = self.prompt["output_instruction"] + + #step 1, only one step here + user_text = "" + user_text += dialogue_input + "\n" + dialogue + "\n" + user_text += term_input + "\n" + str(term_list) + "\n" + user_text += output_instruction + "\n" + + if "llama" in self.config.model_name: + LLM_input = llama_prompt_template.replace("system_prompt", task_description) + LLM_input = LLM_input.replace("user_message", user_text) + elif "gemma" in self.config.model_name: + LLM_input = gemma_prompt_template.replace("PROMPT", task_description + "\n" + user_text) + else: + LLM_input = task_description + "\n" + user_text + + return LLM_input + diff --git a/experiments/prompts/.DS_Store b/experiments/prompts/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..20b85392559a3ca26f6c422262eafeeb768cc5e7 Binary files /dev/null and b/experiments/prompts/.DS_Store differ diff --git a/experiments/prompts/example_prompts/.DS_Store b/experiments/prompts/example_prompts/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..761f48dcd7833d6e9cf5fde47306c4d98f69f188 Binary files /dev/null and b/experiments/prompts/example_prompts/.DS_Store differ diff --git a/experiments/prompts/example_prompts/example_aggregation_prompt.txt b/experiments/prompts/example_prompts/example_aggregation_prompt.txt new file mode 100644 index 0000000000000000000000000000000000000000..e84da9cd23babb82db2a5ad0efca5294da51fa29 --- /dev/null +++ b/experiments/prompts/example_prompts/example_aggregation_prompt.txt @@ -0,0 +1,40 @@ +Consider dialogues between a user and a system with a list of terms that occur in the dialogue. These terms can be domains (i.e., general topics for interaction), slots (constructs belonging to a particular topic), and values (concrete instantiations of such constructs) for a goal-oriented dialogue system. We define three directed hierarchical relations that should be predicted between two terms, which also denote which category each of the terms belongs to (i.e. domain, slot or value). + +The first relation is the 'has slot' relation that is predicted between a domain and a slot and denotes that the domain term has the second term as slot. The relational triple then looks likes this: [domain, has slot, slot]. The second relation is the 'has value' relation between a slot and a value that denotes that the given slot term has the second term as value. The relational triple then looks like this: [slot, has value, value]. The third relation is the 'has domain' relation between a value and a domain that denotes that the given value belongs to the given domain. The relational triple then looks like this: [value, has domain, domain]. It is important to note that these three relations are directed, so that only hold in one direction. Apart from that each value term needs to be related to at least one slot and each slot to at least one domain. Between terms from the same category there can be a 'refers to same concept as' relation that denotes that two terms refer to the same concept, while only differing in their exact phrasing. This relation is symmetric and transitive. The relational triple then looks like this: [term1, refers to same concept as, term2]. + +You get the dialogue and a list of terms from the dialogue as input. +Also you will get the relations that were so far predicted in other dialogues as input where new relations can be added based on the current dialogue. It can also happen that all relations from the current dialogue are already present in the past predictions. + +Here are the predicted relations so far: + +[[hotel, has slot, parking], [hotel, has value, cheap], [parking, has value, yes], [price range, has value, cheap], [type, has value, hotel], [6, has value, 6], [tuesday, has value, tuesday], [3, has value, 3], [7gawk763, refers to same concept as, reference number], [reference number, refers to same concept as, 7gawk763]] + + +Here is the dialogue: + +"user": "hi , i ' m looking for a train that is going to cambridge and arriving there by 20 : 45 , is there anything like that ?" +"system": "there are over 1 , 000 trains like that . where will you be departing from ?" +"user": "i am departing from birmingham new street ." +"system": "can you confirm your desired travel day ?" +"user": "i would like to leave on wednesday" +"system": "i show a train leaving birmingham new street at 17 : 40 and arriving at 20 : 23 on wednesday . will this work for you ?" +"user": "that will , yes . please make a booking for 5 people please ." +"system": "i ' ve booked your train tickets , and your reference number is a9nhso9y ." +"user": "thanks so much . i would also need a place to say . i am looking for something with 4 stars and has free wifi ." +"system": "how about the cambridge belfry ? it has all the attributes you requested and a great name ! maybe even a real belfry ?" +"user": "that sounds great , could you make a booking for me please ?" +"system": "what day would you like your booking for ?" +"user": "please book it for wednesday for 5 people and 5 nights , please ." +"system": "booking was successful . reference number is : 5nawgjdc ." +"user": "thank you , goodbye" +"system": "goodbye . if you think of anything else you need don ' t hesitate to contact us ." + +Here is the list of terms: + +['4', '20 : 45', '000', '17 : 40', 'over 1', 'name', 'train', '5', 'the cambridge belfry', '5nawgjdc', 'stars', 'cambridge', 'birmingham new street', 'day', 'wednesday', '20 : 23', 'yes', 'a9nhso9y'] + + +The output should be the predictions for the relations in the current dialogue added to the relations so far. +The output should be a list of relational triples in the form [[headterm1, relation, tailterm1], ..., [headtermN, relation, tailtermN]]. +Terms from relations so far can also be related to terms in the current dialogue even if they are not mentioned. +Now predict the relations for the given dialogue and list of terms and output the list of relational triplets. Make sure to only output the total list of relations, i.e. old plus new relations, no additional information. \ No newline at end of file diff --git a/experiments/prompts/example_prompts/example_aggregation_prompt_groundtruth.txt b/experiments/prompts/example_prompts/example_aggregation_prompt_groundtruth.txt new file mode 100644 index 0000000000000000000000000000000000000000..79783b012df11243bcaad07e4cd06731f1bab28e --- /dev/null +++ b/experiments/prompts/example_prompts/example_aggregation_prompt_groundtruth.txt @@ -0,0 +1,41 @@ +Consider dialogues between a user and a system with a list of terms that occur in the dialogue. These terms can be domains (i.e., general topics for interaction), slots (constructs belonging to a particular topic), and values (concrete instantiations of such constructs) for a goal-oriented dialogue system. We define three directed hierarchical relations that should be predicted between two terms, which also denote which category each of the terms belongs to (i.e. domain, slot or value). + +The first relation is the 'has slot' relation that is predicted between a domain and a slot and denotes that the domain term has the second term as slot. The relational triple then looks likes this: [domain, has slot, slot]. The second relation is the 'has value' relation between a slot and a value that denotes that the given slot term has the second term as value. The relational triple then looks like this: [slot, has value, value]. The third relation is the 'has domain' relation between a value and a domain that denotes that the given value belongs to the given domain. The relational triple then looks like this: [value, has domain, domain]. It is important to note that these three relations are directed, so that only hold in one direction. Apart from that each value term needs to be related to at least one slot and each slot to at least one domain. Between terms from the same category there can be a 'refers to same concept as' relation that denotes that two terms refer to the same concept, while only differing in their exact phrasing. This relation is symmetric and transitive. The relational triple then looks like this: [term1, refers to same concept as, term2]. + +You get the dialogue and a list of terms from the dialogue as input. +Also you will get the relations that were so far predicted in other dialogues as input where new relations can be added based on the current dialogue. It can also happen that all relations from the current dialogue are already present in the past predictions. + +Here are the predicted relations so far: + +[['book day', 'has value', 'tuesday'], ['book stay', 'has value', '3'], ['hotel', 'has slot', 'book stay'], ['hotel', 'has slot', 'type'], ['choice', 'has value', '1'], ['hotel', 'has slot', 'choice'], ['parking', 'has value', 'yes'], ['type', 'has value', 'hotel'], ['book people', 'has value', '6'], ['hotel', 'has slot', 'book people'], ['hotel', 'has slot', 'book day'], ['hotel', 'has slot', 'ref'], ['hotel', 'has slot', 'price range'], ['ref', 'has value', '7gawk763'], ['book stay', 'has value', '2'], ['hotel', 'has slot', 'parking'], ['price range', 'has value', 'cheap']] + + +Here is the dialogue: + +"user": "hi , i ' m looking for a train that is going to cambridge and arriving there by 20 : 45 , is there anything like that ?" +"system": "there are over 1 , 000 trains like that . where will you be departing from ?" +"user": "i am departing from birmingham new street ." +"system": "can you confirm your desired travel day ?" +"user": "i would like to leave on wednesday" +"system": "i show a train leaving birmingham new street at 17 : 40 and arriving at 20 : 23 on wednesday . will this work for you ?" +"user": "that will , yes . please make a booking for 5 people please ." +"system": "i ' ve booked your train tickets , and your reference number is a9nhso9y ." +"user": "thanks so much . i would also need a place to say . i am looking for something with 4 stars and has free wifi ." +"system": "how about the cambridge belfry ? it has all the attributes you requested and a great name ! maybe even a real belfry ?" +"user": "that sounds great , could you make a booking for me please ?" +"system": "what day would you like your booking for ?" +"user": "please book it for wednesday for 5 people and 5 nights , please ." +"system": "booking was successful . reference number is : 5nawgjdc ." +"user": "thank you , goodbye" +"system": "goodbye . if you think of anything else you need don ' t hesitate to contact us ." + +Here is the list of terms: + +['4', '20 : 45', '000', '17 : 40', 'over 1', 'name', 'train', '5', 'the cambridge belfry', '5nawgjdc', 'stars', 'cambridge', 'birmingham new street', 'day', 'wednesday', '20 : 23', 'yes', 'a9nhso9y'] + + + +The output should be the predictions for the relations in the current dialogue added to the relations so far. +The output should be a list of relational triples in the form [[headterm1, relation, tailterm1], ..., [headtermN, relation, tailtermN]]. +Terms from relations so far can also be related to terms in the current dialogue even if they are not mentioned. +Now predict the relations for the given dialogue and list of terms and output the list of relational triplets. Make sure to only output the total list of relations, i.e. old plus new relations, no additional information. \ No newline at end of file diff --git a/experiments/prompts/example_prompts/example_dialogue1_mwoz_train0.txt b/experiments/prompts/example_prompts/example_dialogue1_mwoz_train0.txt new file mode 100644 index 0000000000000000000000000000000000000000..a45abcaf32b8ee784e5e6118980d665d26495089 --- /dev/null +++ b/experiments/prompts/example_prompts/example_dialogue1_mwoz_train0.txt @@ -0,0 +1,18 @@ + +"user": "am looking for a place to to stay that has cheap price range it should be in a type of hotel" +"system": "okay , do you have a specific area you want to stay in ?" +"user": "no , i just need to make sure it ' s cheap . oh , and i need parking" +"system": "i found 1 cheap hotel for you that includes parking . do you like me to book it ?" +"user": "yes , please . 6 people 3 nights starting on tuesday ." +"system": "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 ?" +"user": "how about only 2 nights ." +"system": "booking was successful . + reference number is : 7gawk763 . anything else i can do for you ?" +"user": "no , that will be all . good bye ." +"system": "thank you for using our services ." + +termlist: +['2', '7gawk763', 'cheap', '1', 'tuesday', 'type', '6', 'price range', 'parking', 'hotel', '3'] + +relation triplets: +[['book day', 'has value', 'tuesday'], ['book stay', 'has value', '3'], ['hotel', 'has slot', 'book stay'], ['hotel', 'has slot', 'type'], ['choice', 'has value', '1'], ['hotel', 'has slot', 'choice'], ['parking', 'has value', 'yes'], ['type', 'has value', 'hotel'], ['book people', 'has value', '6'], ['hotel', 'has slot', 'book people'], ['hotel', 'has slot', 'book day'], ['hotel', 'has slot', 'ref'], ['hotel', 'has slot', 'price range'], ['ref', 'has value', '7gawk763'], ['book stay', 'has value', '2'], ['hotel', 'has slot', 'parking'], ['price range', 'has value', 'cheap']] \ No newline at end of file diff --git a/experiments/prompts/example_prompts/example_dialogue2_mwoz_train1.txt b/experiments/prompts/example_prompts/example_dialogue2_mwoz_train1.txt new file mode 100644 index 0000000000000000000000000000000000000000..0f4ec8e9ac27c420ea5b3ad37cbee0829c3bed3f --- /dev/null +++ b/experiments/prompts/example_prompts/example_dialogue2_mwoz_train1.txt @@ -0,0 +1,16 @@ +"user": "hello , i have been robbed . can you please help me get in touch with the police ?" +"system": "parkside police station is in parkside , cambridge . their number is 01223358966 . anything else i can do for you ?" +"user": "can i please have the postcode as well ?" +"system": "the postcode for the parkside police station is cb11jg . can i help you with anything else ?" +"user": "was parkside the address of the police station ? if not , can i have the address please ?" +"system": "yes , parkside is the address ." +"user": "thank you that will be all for now ." +"system": "great . thank you for contacting cambridge towninfo centre ." +"user": "you were great . goodbye ." +"system": "we are happy to help . have a good day !" + +termlist: +['parkside , cambridge', 'police', 'parkside police station', 'address', 'cb11jg', 'postcode', '01223358966'] + +relation triplets: +[['police', 'has slot', 'name'], ['police', 'has slot', 'phone'], ['phone', 'has value', '01223358966'], ['address', 'has value', 'parkside , cambridge'], ['police', 'has slot', 'postcode'], ['postcode', 'has value', 'cb11jg'], ['name', 'has value', 'parkside police station'], ['police', 'has slot', 'address']] \ No newline at end of file diff --git a/experiments/prompts/example_prompts/example_dialogue_3_mwoz_train2.txt b/experiments/prompts/example_prompts/example_dialogue_3_mwoz_train2.txt new file mode 100644 index 0000000000000000000000000000000000000000..e4e6c6f5fbc5f8c4929db66aaeb023df7ae3c0a6 --- /dev/null +++ b/experiments/prompts/example_prompts/example_dialogue_3_mwoz_train2.txt @@ -0,0 +1,22 @@ +"user": "hi , i ' m looking for a train that is going to cambridge and arriving there by 20 : 45 , is there anything like that ?" +"system": "there are over 1 , 000 trains like that . where will you be departing from ?" +"user": "i am departing from birmingham new street ." +"system": "can you confirm your desired travel day ?" +"user": "i would like to leave on wednesday" +"system": "i show a train leaving birmingham new street at 17 : 40 and arriving at 20 : 23 on wednesday . will this work for you ?" +"user": "that will , yes . please make a booking for 5 people please ." +"system": "i ' ve booked your train tickets , and your reference number is a9nhso9y ." +"user": "thanks so much . i would also need a place to say . i am looking for something with 4 stars and has free wifi ." +"system": "how about the cambridge belfry ? it has all the attributes you requested and a great name ! maybe even a real belfry ?" +"user": "that sounds great , could you make a booking for me please ?" +"system": "what day would you like your booking for ?" +"user": "please book it for wednesday for 5 people and 5 nights , please ." +"system": "booking was successful . reference number is : 5nawgjdc ." +"user": "thank you , goodbye" +"system": "goodbye . if you think of anything else you need don ' t hesitate to contact us ." + +termlist: +['4', '20 : 45', '000', '17 : 40', 'over 1', 'name', 'train', '5', 'the cambridge belfry', '5nawgjdc', 'stars', 'cambridge', 'birmingham new street', 'day', 'wednesday', '20 : 23', 'yes', 'a9nhso9y'] + +relation triplets: +[['departure', 'has value', 'birmingham new street'], ['ref', 'has value', '5nawgjdc'], ['train', 'has slot', 'arrive by'], ['train', 'has slot', 'departure'], ['choice', 'has value', 'over 1'], ['internet', 'has value', 'yes'], ['hotel', 'has slot', 'ref'], ['hotel', 'has slot', 'book day'], ['hotel', 'has slot', 'book people'], ['arrive by', 'has value', '20 : 23'], ['destination', 'has value', 'cambridge'], ['train', 'has slot', 'choice'], ['train', 'has slot', 'leave at'], ['leave at', 'has value', '17 : 40'], ['hotel', 'has slot', 'stars'], ['stars', 'has value', '4'], ['hotel', 'has slot', 'internet'], ['hotel', 'has slot', 'name'], ['ref', 'has value', 'a9nhso9y'], ['choice', 'has value', '000'], ['book day', 'has value', 'wednesday'], ['book stay', 'has value', '5'], ['book people', 'has value', '5'], ['train', 'has slot', 'ref'], ['name', 'has value', 'the cambridge belfry'], ['train', 'has slot', 'destination'], ['train', 'has slot', 'book people'], ['train', 'has slot', 'day'], ['hotel', 'has slot', 'book stay'], ['arrive by', 'has value', '20 : 45'], ['day', 'has value', 'wednesday']] \ No newline at end of file diff --git a/experiments/prompts/example_prompts/example_only_equivalence.txt b/experiments/prompts/example_prompts/example_only_equivalence.txt new file mode 100644 index 0000000000000000000000000000000000000000..e5a27a3cbaebf2f97a81ec59ad8bb495a6e0b892 --- /dev/null +++ b/experiments/prompts/example_prompts/example_only_equivalence.txt @@ -0,0 +1,23 @@ +You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue. + +Here is the dialogue: +"user": "howdy , i need a train heading into cambridge ." +"system": "i would be happy to help you find a train . where are you departing from ?" +"user": "i am departing from norwich . i need to leave after 18 : 45 on wednesday ." +"system": "i have several options for you . where is your destination ?" +"user": "i will be heading to cabridge" +"system": "the earliest after 18 : 45 is the tr8658 , leaving norwich at 19 : 16 . can i reserve you one or more seats on this train ?" +"user": "yeah , i need one ticket" +"system": "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 ?" +"user": "i am also looking for a multi sport in the east ." +"system": "it looks like there is the cherry hinton village centre . can i get you more information about it ?" +"user": "i would like to get the phone number , please ." +"system": "their phone number is 01223576412 . anything else ?" +"user": "oh , and what is their postcode , please ?" +"system": "sure , the postcode is cb19ej . can i help you find any other information about cambridge ?" +"user": "that is all for now thank you ." +"system": "enjoy your time in cambridge !" + +Here is the list of terms: +['cb19ej', 'phone', 'east', 'number', 'the cherry hinton village', 'reference', 'departing', 'postcode', 'leave', '17 . 6 gbp', 'destination', 'tr8658', 'one', 'train', 'fee', 'axh1nm1i', 'norwich', 'wednesday', '01223576412', 'reference number', '18 : 45', 'leaving', 'cambridge', '19 : 16'] +Predict for each pair of terms that are in the same level of the ontology hierarchy (i.e. both domains, both slots or both values) whether they are synonyms or semantically equivalent. Predict the 'is equivalent to' relation between two terms in the format [term1, is equivalent to, term2]. Make sure to put brackets around each relational triplet! \ No newline at end of file diff --git a/experiments/prompts/example_prompts/example_only_hasdomain.txt b/experiments/prompts/example_prompts/example_only_hasdomain.txt new file mode 100644 index 0000000000000000000000000000000000000000..0d728a270530b50826166006cd8c2cc060f03639 --- /dev/null +++ b/experiments/prompts/example_prompts/example_only_hasdomain.txt @@ -0,0 +1,23 @@ +You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue. + +Here is the dialogue: +"user": "howdy , i need a train heading into cambridge ." +"system": "i would be happy to help you find a train . where are you departing from ?" +"user": "i am departing from norwich . i need to leave after 18 : 45 on wednesday ." +"system": "i have several options for you . where is your destination ?" +"user": "i will be heading to cabridge" +"system": "the earliest after 18 : 45 is the tr8658 , leaving norwich at 19 : 16 . can i reserve you one or more seats on this train ?" +"user": "yeah , i need one ticket" +"system": "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 ?" +"user": "i am also looking for a multi sport in the east ." +"system": "it looks like there is the cherry hinton village centre . can i get you more information about it ?" +"user": "i would like to get the phone number , please ." +"system": "their phone number is 01223576412 . anything else ?" +"user": "oh , and what is their postcode , please ?" +"system": "sure , the postcode is cb19ej . can i help you find any other information about cambridge ?" +"user": "that is all for now thank you ." +"system": "enjoy your time in cambridge !" + +Here is the list of terms: +['cb19ej', 'phone', 'east', 'number', 'the cherry hinton village', 'reference', 'departing', 'postcode', 'leave', '17 . 6 gbp', 'destination', 'tr8658', 'one', 'train', 'fee', 'axh1nm1i', 'norwich', 'wednesday', '01223576412', 'reference number', '18 : 45', 'leaving', 'cambridge', '19 : 16'] +Predict for each value in the term list to which domain from the term list it belongs to. Predict the 'has domain' relation between values and domains in the form [valuename, has domain, domainname]. Make sure to put brackets around each relational triplet! \ No newline at end of file diff --git a/experiments/prompts/example_prompts/example_only_hasdomain_database_definition.txt b/experiments/prompts/example_prompts/example_only_hasdomain_database_definition.txt new file mode 100644 index 0000000000000000000000000000000000000000..93ad40672a3c17ef343709a95f840baf4504c856 --- /dev/null +++ b/experiments/prompts/example_prompts/example_only_hasdomain_database_definition.txt @@ -0,0 +1,23 @@ +You are an expert in reverse engineering a data-base from a task-oriented dialogue. As input you get a dialogue about entities from a data-base. Here, domains are collections of entities with slots. Different domains are distinguished by having different slots. Slots are different information types of entities in a domain. Values are concrete instantiations of slots. Also you get a list of domain, slot, value candidate terms as input. + +Here is the dialogue: +"user": "howdy , i need a train heading into cambridge ." +"system": "i would be happy to help you find a train . where are you departing from ?" +"user": "i am departing from norwich . i need to leave after 18 : 45 on wednesday ." +"system": "i have several options for you . where is your destination ?" +"user": "i will be heading to cabridge" +"system": "the earliest after 18 : 45 is the tr8658 , leaving norwich at 19 : 16 . can i reserve you one or more seats on this train ?" +"user": "yeah , i need one ticket" +"system": "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 ?" +"user": "i am also looking for a multi sport in the east ." +"system": "it looks like there is the cherry hinton village centre . can i get you more information about it ?" +"user": "i would like to get the phone number , please ." +"system": "their phone number is 01223576412 . anything else ?" +"user": "oh , and what is their postcode , please ?" +"system": "sure , the postcode is cb19ej . can i help you find any other information about cambridge ?" +"user": "that is all for now thank you ." +"system": "enjoy your time in cambridge !" + +Here is the list of terms: +['cb19ej', 'phone', 'east', 'number', 'the cherry hinton village', 'reference', 'departing', 'postcode', 'leave', '17 . 6 gbp', 'destination', 'tr8658', 'one', 'train', 'fee', 'axh1nm1i', 'norwich', 'wednesday', '01223576412', 'reference number', '18 : 45', 'leaving', 'cambridge', '19 : 16'] +Predict for each value in the term list to which domain from the term list it belongs to. Predict the 'has domain' relation between values and domains in the form [valuename, has domain, domainname]. Make sure to put brackets around each relational triplet! \ No newline at end of file diff --git a/experiments/prompts/example_prompts/example_only_hasslot.txt b/experiments/prompts/example_prompts/example_only_hasslot.txt new file mode 100644 index 0000000000000000000000000000000000000000..de147e9134bf3249c749a72afb52e6f171c1ccfe --- /dev/null +++ b/experiments/prompts/example_prompts/example_only_hasslot.txt @@ -0,0 +1,23 @@ +You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue. + +Here is the dialogue: +"user": "howdy , i need a train heading into cambridge ." +"system": "i would be happy to help you find a train . where are you departing from ?" +"user": "i am departing from norwich . i need to leave after 18 : 45 on wednesday ." +"system": "i have several options for you . where is your destination ?" +"user": "i will be heading to cabridge" +"system": "the earliest after 18 : 45 is the tr8658 , leaving norwich at 19 : 16 . can i reserve you one or more seats on this train ?" +"user": "yeah , i need one ticket" +"system": "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 ?" +"user": "i am also looking for a multi sport in the east ." +"system": "it looks like there is the cherry hinton village centre . can i get you more information about it ?" +"user": "i would like to get the phone number , please ." +"system": "their phone number is 01223576412 . anything else ?" +"user": "oh , and what is their postcode , please ?" +"system": "sure , the postcode is cb19ej . can i help you find any other information about cambridge ?" +"user": "that is all for now thank you ." +"system": "enjoy your time in cambridge !" + +Here is the list of terms: +['cb19ej', 'phone', 'east', 'number', 'the cherry hinton village', 'reference', 'departing', 'postcode', 'leave', '17 . 6 gbp', 'destination', 'tr8658', 'one', 'train', 'fee', 'axh1nm1i', 'norwich', 'wednesday', '01223576412', 'reference number', '18 : 45', 'leaving', 'cambridge', '19 : 16'] +Predict for each domain the slots that belong to it. Predict the 'has slot' relation between domains and slots in the form [domainname, has slot, slotname]. Make sure to put brackets around each relational triplet! \ No newline at end of file diff --git a/experiments/prompts/example_prompts/example_only_hasvalue.txt b/experiments/prompts/example_prompts/example_only_hasvalue.txt new file mode 100644 index 0000000000000000000000000000000000000000..8aa2268b2354eb197e1595208408da2f365b1954 --- /dev/null +++ b/experiments/prompts/example_prompts/example_only_hasvalue.txt @@ -0,0 +1,23 @@ +You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue. + +Here is the dialogue: +"user": "howdy , i need a train heading into cambridge ." +"system": "i would be happy to help you find a train . where are you departing from ?" +"user": "i am departing from norwich . i need to leave after 18 : 45 on wednesday ." +"system": "i have several options for you . where is your destination ?" +"user": "i will be heading to cabridge" +"system": "the earliest after 18 : 45 is the tr8658 , leaving norwich at 19 : 16 . can i reserve you one or more seats on this train ?" +"user": "yeah , i need one ticket" +"system": "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 ?" +"user": "i am also looking for a multi sport in the east ." +"system": "it looks like there is the cherry hinton village centre . can i get you more information about it ?" +"user": "i would like to get the phone number , please ." +"system": "their phone number is 01223576412 . anything else ?" +"user": "oh , and what is their postcode , please ?" +"system": "sure , the postcode is cb19ej . can i help you find any other information about cambridge ?" +"user": "that is all for now thank you ." +"system": "enjoy your time in cambridge !" + +Here is the list of terms: +['cb19ej', 'phone', 'east', 'number', 'the cherry hinton village', 'reference', 'departing', 'postcode', 'leave', '17 . 6 gbp', 'destination', 'tr8658', 'one', 'train', 'fee', 'axh1nm1i', 'norwich', 'wednesday', '01223576412', 'reference number', '18 : 45', 'leaving', 'cambridge', '19 : 16'] +Predict for each slot in the term list to which values belong to it. Predict the 'has value' relation between slots and values in the form [slotname, has value, valuename]. Make sure to put brackets around each relational triplet! \ No newline at end of file diff --git a/experiments/prompts/example_prompts/example_reframed_no_memory_database_prompt_domain_value_relation.txt b/experiments/prompts/example_prompts/example_reframed_no_memory_database_prompt_domain_value_relation.txt new file mode 100644 index 0000000000000000000000000000000000000000..2dee33bc5400d2727d2a5eafc687ecbc20ce043b --- /dev/null +++ b/experiments/prompts/example_prompts/example_reframed_no_memory_database_prompt_domain_value_relation.txt @@ -0,0 +1,29 @@ +You are an expert in reverse engineering a data-base from a task-oriented dialogue. As input you get a dialogue about entities from a data-base. Here, domains are collections of entities with slots. Different domains are distinguished by having different slots. Slots are different information types of entities in a domain. Values are concrete instantiations of slots. Also you get a list of domain, slot, value candidate terms as input. + +Here is the dialogue: + + +"user": "am looking for a place to to stay that has cheap price range it should be in a type of hotel" +"system": "okay , do you have a specific area you want to stay in ?" +"user": "no , i just need to make sure it ' s cheap . oh , and i need parking" +"system": "i found 1 cheap hotel for you that includes parking . do you like me to book it ?" +"user": "yes , please . 6 people 3 nights starting on tuesday ." +"system": "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 ?" +"user": "how about only 2 nights ." +"system": "booking was successful . + reference number is : 7gawk763 . anything else i can do for you ?" +"user": "no , that will be all . good bye ." +"system": "thank you for using our services ." + + +Here is the list of terms from the dialogue: + +['2', '7gawk763', 'cheap', '1', 'tuesday', 'type', '6', 'price range', 'parking', 'hotel', '3'] + +Predict relations in the dialogue between the given terms, that can be domains, slots or values. +Predict the "has slot" relation between domains and slots in the form [domainname, has slot, slotname]. +Predict the "has value" relation between slots and values in the form [slotname, has value, valuename]. +Predict the "has domain" relation between values and domains in the form [valuename, has domain, domainname]. +Predict the "refers to same concept as" relation between terms from the same hierarchy level with the same meaning [term, refers to same concept as, term]. +Make sure to put brackets around each relational triplet! + diff --git a/experiments/prompts/example_prompts/example_reframed_no_memory_prompt.txt b/experiments/prompts/example_prompts/example_reframed_no_memory_prompt.txt new file mode 100644 index 0000000000000000000000000000000000000000..00c727984d843fb490b89090cfbdc1386100f2ca --- /dev/null +++ b/experiments/prompts/example_prompts/example_reframed_no_memory_prompt.txt @@ -0,0 +1,28 @@ +You are an expert in ontology construction with from a set of domain, slot and value candidate terms in task-oriented dialogue. + +Here is the dialogue: + + +"user": "am looking for a place to to stay that has cheap price range it should be in a type of hotel" +"system": "okay , do you have a specific area you want to stay in ?" +"user": "no , i just need to make sure it ' s cheap . oh , and i need parking" +"system": "i found 1 cheap hotel for you that includes parking . do you like me to book it ?" +"user": "yes , please . 6 people 3 nights starting on tuesday ." +"system": "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 ?" +"user": "how about only 2 nights ." +"system": "booking was successful . + reference number is : 7gawk763 . anything else i can do for you ?" +"user": "no , that will be all . good bye ." +"system": "thank you for using our services ." + + +Here is the list of terms from the dialogue: + +['2', '7gawk763', 'cheap', '1', 'tuesday', 'type', '6', 'price range', 'parking', 'hotel', '3'] + +Predict relations in the dialogue between the given terms, that can be domains, slots or values. +Predict the "has slot" relation between domains and slots in the form [domainname, has slot, slotname]. +Predict the "has value" relation between slots and values in the form [slotname, has value, valuename]. +Predict the "refers to same concept as" relation between terms from the same category with the same meaning [term, refers to same concept as, term]. +Make sure to put brackets around each relational triplet! + diff --git a/experiments/prompts/example_prompts/example_reframed_no_memory_prompt_domain_slot_value_hierarchy.txt b/experiments/prompts/example_prompts/example_reframed_no_memory_prompt_domain_slot_value_hierarchy.txt new file mode 100644 index 0000000000000000000000000000000000000000..c3b5b3b06c610e08dd08042c96eea7c4c07e1513 --- /dev/null +++ b/experiments/prompts/example_prompts/example_reframed_no_memory_prompt_domain_slot_value_hierarchy.txt @@ -0,0 +1,25 @@ +You are an expert in ontology construction with from a set of domain, slot and value candidate terms in task-oriented dialogue. + +Here is the dialogue: + + +"user": "am looking for a place to to stay that has cheap price range it should be in a type of hotel" +"system": "okay , do you have a specific area you want to stay in ?" +"user": "no , i just need to make sure it ' s cheap . oh , and i need parking" +"system": "i found 1 cheap hotel for you that includes parking . do you like me to book it ?" +"user": "yes , please . 6 people 3 nights starting on tuesday ." +"system": "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 ?" +"user": "how about only 2 nights ." +"system": "booking was successful . + reference number is : 7gawk763 . anything else i can do for you ?" +"user": "no , that will be all . good bye ." +"system": "thank you for using our services ." + + +Here is the list of terms from the dialogue: + +['2', '7gawk763', 'cheap', '1', 'tuesday', 'type', '6', 'price range', 'parking', 'hotel', '3'] + +Predict a hierarchical ontology with domains at the top level that have slots with values. +Put connected terms from the same hierarchy level that refer to the same concept together. +Print the predicted hierarchy in JSON format. diff --git a/experiments/prompts/example_prompts/example_reframed_no_memory_prompt_domain_slot_value_relation.txt b/experiments/prompts/example_prompts/example_reframed_no_memory_prompt_domain_slot_value_relation.txt new file mode 100644 index 0000000000000000000000000000000000000000..703006f8e54d739324c43256090d533d23e530d9 --- /dev/null +++ b/experiments/prompts/example_prompts/example_reframed_no_memory_prompt_domain_slot_value_relation.txt @@ -0,0 +1,27 @@ +You are an expert in ontology construction with from a set of domain, slot and value candidate terms in task-oriented dialogue. + +Here is the dialogue: + + +"user": "am looking for a place to to stay that has cheap price range it should be in a type of hotel" +"system": "okay , do you have a specific area you want to stay in ?" +"user": "no , i just need to make sure it ' s cheap . oh , and i need parking" +"system": "i found 1 cheap hotel for you that includes parking . do you like me to book it ?" +"user": "yes , please . 6 people 3 nights starting on tuesday ." +"system": "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 ?" +"user": "how about only 2 nights ." +"system": "booking was successful . + reference number is : 7gawk763 . anything else i can do for you ?" +"user": "no , that will be all . good bye ." +"system": "thank you for using our services ." + + +Here is the list of terms from the dialogue: + +['2', '7gawk763', 'cheap', '1', 'tuesday', 'type', '6', 'price range', 'parking', 'hotel', '3'] + +Predict relations in the dialogue between the given terms, that can be domains, slots or values. +Predict relations between the terms in the form [domainname, slotname, valuename]. +Predict the "refers to same concept as" relation between terms from the same category with the same meaning [term, refers to same concept as, term]. +Make sure to put brackets around each relational triplet! + diff --git a/experiments/prompts/example_prompts/example_reframed_no_memory_prompt_domain_value_relation.txt b/experiments/prompts/example_prompts/example_reframed_no_memory_prompt_domain_value_relation.txt new file mode 100644 index 0000000000000000000000000000000000000000..1eebe731d7b2d43361743fb167165b3ec42e7804 --- /dev/null +++ b/experiments/prompts/example_prompts/example_reframed_no_memory_prompt_domain_value_relation.txt @@ -0,0 +1,29 @@ +You are an expert in ontology construction with from a set of domain, slot and value candidate terms in task-oriented dialogue. + +Here is the dialogue: + + +"user": "am looking for a place to to stay that has cheap price range it should be in a type of hotel" +"system": "okay , do you have a specific area you want to stay in ?" +"user": "no , i just need to make sure it ' s cheap . oh , and i need parking" +"system": "i found 1 cheap hotel for you that includes parking . do you like me to book it ?" +"user": "yes , please . 6 people 3 nights starting on tuesday ." +"system": "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 ?" +"user": "how about only 2 nights ." +"system": "booking was successful . + reference number is : 7gawk763 . anything else i can do for you ?" +"user": "no , that will be all . good bye ." +"system": "thank you for using our services ." + + +Here is the list of terms from the dialogue: + +['2', '7gawk763', 'cheap', '1', 'tuesday', 'type', '6', 'price range', 'parking', 'hotel', '3'] + +Predict relations in the dialogue between the given terms, that can be domains, slots or values. +Predict the "has slot" relation between domains and slots in the form [domainname, has slot, slotname]. +Predict the "has value" relation between slots and values in the form [slotname, has value, valuename]. +Predict the "has domain" relation between values and domains in the form [valuename, has domain, domainname]. +Predict the "refers to same concept as" relation between terms from the same category with the same meaning [term, refers to same concept as, term]. +Make sure to put brackets around each relational triplet! + diff --git a/experiments/prompts/example_prompts/example_start_prompt.txt b/experiments/prompts/example_prompts/example_start_prompt.txt new file mode 100644 index 0000000000000000000000000000000000000000..2fce97a439caa37be7eb73284670169286507948 --- /dev/null +++ b/experiments/prompts/example_prompts/example_start_prompt.txt @@ -0,0 +1,37 @@ +Consider dialogues between a user and a system with a list of terms that occur in the dialogue. These terms can be domains (i.e., general topics for interaction), slots (constructs belonging to a particular topic), and values (concrete instantiations of such constructs) for a goal-oriented dialogue system. We define three directed hierarchical relations that should be predicted between two terms, which also denote which category each of the terms belongs to (i.e. domain, slot or value). + +The first relation is the 'has slot' relation that is predicted between a domain and a slot and denotes that the domain term has the second term as slot. The relational triple then looks likes this: [domain, has slot, slot]. The second relation is the 'has value' relation between a slot and a value that denotes that the given slot term has the second term as value. The relational triple then looks like this: [slot, has value, value]. The third relation is the 'has domain' relation between a value and a domain that denotes that the given value belongs to the given domain. The relational triple then looks like this: [value, has domain, domain]. It is important to note that these three relations are directed, so that only hold in one direction. Apart from that each value term needs to be related to at least one slot and each slot to at least one domain. Between terms from the same category there can be a 'refers to same concept as' relation that denotes that two terms refer to the same concept, while only differing in their exact phrasing. This relation is symmetric and transitive. The relational triple then looks like this: [term1, refers to same concept as, term2]. + +You get the dialogue and a list of terms from the dialogue as input. +Also you will get the relations that were so far predicted in other dialogues as input where new relations can be added based on the current dialogue. It can also happen that all relations from the current dialogue are already present in the past predictions. + + +Here are the predicted relations so far: + +[] + +Here is the dialogue: + + +"user": "am looking for a place to to stay that has cheap price range it should be in a type of hotel" +"system": "okay , do you have a specific area you want to stay in ?" +"user": "no , i just need to make sure it ' s cheap . oh , and i need parking" +"system": "i found 1 cheap hotel for you that includes parking . do you like me to book it ?" +"user": "yes , please . 6 people 3 nights starting on tuesday ." +"system": "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 ?" +"user": "how about only 2 nights ." +"system": "booking was successful . + reference number is : 7gawk763 . anything else i can do for you ?" +"user": "no , that will be all . good bye ." +"system": "thank you for using our services ." + + +Here is the list of terms: + +['2', '7gawk763', 'cheap', '1', 'tuesday', 'type', '6', 'price range', 'parking', 'hotel', '3'] + + +The output should be the predictions for the relations in the current dialogue added to the relations so far. +The output should be a list of relational triples in the form [[headterm1, relation, tailterm1], ..., [headtermN, relation, tailtermN]]. +Terms from relations so far can also be related to terms in the current dialogue even if they are not mentioned. +Now predict the relations for the given dialogue and list of terms and output the list of relational triplets. Make sure to only output the total list of relations, i.e. old plus new relations, no additional information. \ No newline at end of file diff --git a/experiments/prompts/few_shot/.DS_Store b/experiments/prompts/few_shot/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..7e147f5f8197e3b134bf7af0e3e05abfbc7cb757 Binary files /dev/null and b/experiments/prompts/few_shot/.DS_Store differ diff --git a/experiments/prompts/few_shot/one_relation_only/only_equivalence_oneshot_prompt_dict.json b/experiments/prompts/few_shot/one_relation_only/only_equivalence_oneshot_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..58eb30800a2cca85ee6a0249a853748f3afe22db --- /dev/null +++ b/experiments/prompts/few_shot/one_relation_only/only_equivalence_oneshot_prompt_dict.json @@ -0,0 +1,8 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.\n\nHere is an example of extracting ontology relations from a dialogue with a list of extracted terms:\n\n\"user\": \"am looking for a place to to stay that has cheap price range it should be in a type of hotel\"\n\"system\": \"okay , do you have a specific area you want to stay in ?\"\n\"user\": \"no , i just need to make sure it ' s cheap . oh , and i need parking\"\n\"system\": \"i found 1 cheap hotel for you that includes parking . do you like me to book it ?\"\n\"user\": \"yes , please . 6 people 3 nights starting on tuesday .\"\n\"system\": \"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 ?\"\n\"user\": \"how about only 2 nights .\"\n\"system\": \"booking was successful . reference number is : 7gawk763 . anything else i can do for you ?\"\n\"user\": \"no , that will be all . good bye .\"\n\"system\": \"thank you for using our services .\"\n\ntermlist:\n['price', 'day', 'parking', 'hotel', 'stay', 'reference', 'type', 'tuesday', 'area', 'people', '7gawk763', 'price range', '2', '1', 'me', '6', 'nights', 'reference number', '3', 'cheap']\n\nrelation triplets:\n[['price range', 'refers to same concept as', 'price'], ['reference number', 'refers to same concept as', 'reference'], ['1', 'refers to same concept as', 'me'], ['stay', 'refers to same concept as', 'nights']]", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "output_instruction": "Predict which of the given terms are synonyms or semantically equivalent. Both terms have to be from the same category, i.e. both domain, both slot or both value. Predict the 'refers to same concept as' relation between terms from the same category with the same meaning as in the example [term, refers to same concept as, term]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/few_shot/one_relation_only/only_equivalence_oneshot_sgd_prompt_dict.json b/experiments/prompts/few_shot/one_relation_only/only_equivalence_oneshot_sgd_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..d129cfcc5d9d2fde1e3355d1a9957220b8eebb2d --- /dev/null +++ b/experiments/prompts/few_shot/one_relation_only/only_equivalence_oneshot_sgd_prompt_dict.json @@ -0,0 +1,9 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.\n\nHere is an example of extracting ontology relations from a dialogue with a list of extracted terms:\n\n\"user\": \"help me find a good restaurant .\"\n\"system\": \"in which city are you looking for the restaurant and do you have any preferred cuisine ?\"\n\"user\": \"find me ethiopian cuisine in berkeley .\"\n\"system\": \"of the 4 ethiopian restaurants in berkeley , addis restaurant is a good one .\"\n\"user\": \"do they have live music ?\"\n\"system\": \"i ' m sorry . they do not have live music .\"\n\"user\": \"that ' s okay . i ' d like to reserve a table for the 4th .\"\n\"system\": \"at what time will you be arriving at the restaurant ?\"\n\"user\": \"reserve the table for the 2nd of this month at 17 : 15 .\"\n\"system\": \"please confirm that you want to reserve a table for 2 at the addis restaurant in berkeley for tomorrow at 5 : 15 pm .\"\n\"user\": \"that ' s right . do they serve alcohol ? and how expensive is the place ?\"\n\"system\": \"sorry the reservation was not successful . is there anything else i can assist you with ?\"\n\"user\": \"can you check if a table is available at 17 : 30 ?\"\n\"system\": \"okay . please confirm that you want to reserve a table for 2 at the addis restaurant in berkeley for tomorrow at 5 : 30 pm .\"\n\"user\": \"that ' s correct .\"\n\"system\": \"your table has been reserved .\"\n\"user\": \"thank you . that ' s all i need for now .\"\n\"system\": \"have a great day !\"\n\ntermlist:\n['berkeley', 'tomorrow', '2nd of this month', '2', '5 : 15 pm', 'ethiopian', '17 : 30', 'addis', '4', '17 : 15', 'restaurant', 'addis restaurant', 'the 4th', '5 : 30 pm', 'cuisine', 'restaurants', 'time', 'city'] \n\nrelation triplets\n[['addis restaurant', 'refers to same concept as', 'addis'], ['restaurants', 'refers to same concept as', 'restaurant'], ['17 : 30', 'refers to same concept as', '5 : 30 pm'], ['17 : 15', 'refers to same concept as', '5 : 15 pm']]", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "dialogue_id": "sgd-train-2", + "output_instruction": "Predict which of the given terms are synonyms or semantically equivalent. Both terms have to be from the same category, i.e. both domain, both slot or both value. Predict the 'refers to same concept as' relation between terms from the same category with the same meaning as in the example [term, refers to same concept as, term]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/few_shot/one_relation_only/only_hasdomain_oneshot_prompt_dict.json b/experiments/prompts/few_shot/one_relation_only/only_hasdomain_oneshot_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..da92f8e403a2199a716734c25ddb6dc0b25ae6e1 --- /dev/null +++ b/experiments/prompts/few_shot/one_relation_only/only_hasdomain_oneshot_prompt_dict.json @@ -0,0 +1,8 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.\n\nHere is an example of extracting ontology relations from a dialogue with a list of extracted terms:\n\n\"user\": \"am looking for a place to to stay that has cheap price range it should be in a type of hotel\"\n\"system\": \"okay , do you have a specific area you want to stay in ?\"\n\"user\": \"no , i just need to make sure it ' s cheap . oh , and i need parking\"\n\"system\": \"i found 1 cheap hotel for you that includes parking . do you like me to book it ?\"\n\"user\": \"yes , please . 6 people 3 nights starting on tuesday .\"\n\"system\": \"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 ?\"\n\"user\": \"how about only 2 nights .\"\n\"system\": \"booking was successful . reference number is : 7gawk763 . anything else i can do for you ?\"\n\"user\": \"no , that will be all . good bye .\"\n\"system\": \"thank you for using our services .\"\n\ntermlist:\n['price', 'day', 'parking', 'hotel', 'stay', 'reference', 'type', 'tuesday', 'area', 'people', '7gawk763', 'price range', '2', '1', 'me', '6', 'nights', 'reference number', '3', 'cheap']\n\nrelation triplets:\n[['2', 'has domain', 'hotel'], ['1', 'has domain', 'hotel'], ['yes', 'has domain', 'hotel'], ['3', 'has domain', 'hotel'], ['tuesday', 'has domain', 'hotel'], ['cheap', 'has domain', 'hotel'], ['hotel', 'has domain', 'hotel'], ['6', 'has domain', 'hotel'], ['7gawk763', 'has domain', 'hotel']]", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "output_instruction": "Predict relations in the dialogue between those of the given terms, that are values or domains. Predict the 'has domain' relation between values and domains as in the example in the form [valuename, has domain, domainname]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/few_shot/one_relation_only/only_hasdomain_oneshot_sgd_prompt_dict.json b/experiments/prompts/few_shot/one_relation_only/only_hasdomain_oneshot_sgd_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..77ef25aed0a1874f7054d914af5813419dd8a448 --- /dev/null +++ b/experiments/prompts/few_shot/one_relation_only/only_hasdomain_oneshot_sgd_prompt_dict.json @@ -0,0 +1,9 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.\n\nHere is an example of extracting ontology relations from a dialogue with a list of extracted terms:\n\n\"user\": \"help me find a good restaurant .\"\n\"system\": \"in which city are you looking for the restaurant and do you have any preferred cuisine ?\"\n\"user\": \"find me ethiopian cuisine in berkeley .\"\n\"system\": \"of the 4 ethiopian restaurants in berkeley , addis restaurant is a good one .\"\n\"user\": \"do they have live music ?\"\n\"system\": \"i ' m sorry . they do not have live music .\"\n\"user\": \"that ' s okay . i ' d like to reserve a table for the 4th .\"\n\"system\": \"at what time will you be arriving at the restaurant ?\"\n\"user\": \"reserve the table for the 2nd of this month at 17 : 15 .\"\n\"system\": \"please confirm that you want to reserve a table for 2 at the addis restaurant in berkeley for tomorrow at 5 : 15 pm .\"\n\"user\": \"that ' s right . do they serve alcohol ? and how expensive is the place ?\"\n\"system\": \"sorry the reservation was not successful . is there anything else i can assist you with ?\"\n\"user\": \"can you check if a table is available at 17 : 30 ?\"\n\"system\": \"okay . please confirm that you want to reserve a table for 2 at the addis restaurant in berkeley for tomorrow at 5 : 30 pm .\"\n\"user\": \"that ' s correct .\"\n\"system\": \"your table has been reserved .\"\n\"user\": \"thank you . that ' s all i need for now .\"\n\"system\": \"have a great day !\"\n\ntermlist:\n['berkeley', 'tomorrow', '2nd of this month', '2', '5 : 15 pm', 'ethiopian', '17 : 30', 'addis', '4', '17 : 15', 'restaurant', 'addis restaurant', 'the 4th', '5 : 30 pm', 'cuisine', 'restaurants', 'time', 'city'] \n\nrelation triplets\n[['4', 'has domain', 'restaurants'], ['17 : 15', 'has domain', 'restaurants'], ['the 4th', 'has domain', 'restaurants'], ['addis restaurant', 'has domain', 'restaurants'], ['tomorrow', 'has domain', 'restaurants'], ['5 : 30 pm', 'has domain', 'restaurants'], ['17 : 30', 'has domain', 'restaurants'], ['2', 'has domain', 'restaurants'], ['berkeley', 'has domain', 'restaurants'], ['false', 'has domain', 'restaurants'], ['5 : 15 pm', 'has domain', 'restaurants'], ['2nd of this month', 'has domain', 'restaurants'], ['ethiopian', 'has domain', 'restaurants']]", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "dialogue_id": "sgd-train-2", + "output_instruction": "Predict relations in the dialogue between those of the given terms, that are values or domains. Predict the 'has domain' relation between values and domains as in the example in the form [valuename, has domain, domainname]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/few_shot/one_relation_only/only_hasslot_oneshot_prompt_dict.json b/experiments/prompts/few_shot/one_relation_only/only_hasslot_oneshot_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..a46aeb0c755de978c37195f487ba87c4c01778e7 --- /dev/null +++ b/experiments/prompts/few_shot/one_relation_only/only_hasslot_oneshot_prompt_dict.json @@ -0,0 +1,8 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.\n\nHere is an example of extracting ontology relations from a dialogue with a list of extracted terms:\n\n\"user\": \"am looking for a place to to stay that has cheap price range it should be in a type of hotel\"\n\"system\": \"okay , do you have a specific area you want to stay in ?\"\n\"user\": \"no , i just need to make sure it ' s cheap . oh , and i need parking\"\n\"system\": \"i found 1 cheap hotel for you that includes parking . do you like me to book it ?\"\n\"user\": \"yes , please . 6 people 3 nights starting on tuesday .\"\n\"system\": \"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 ?\"\n\"user\": \"how about only 2 nights .\"\n\"system\": \"booking was successful . reference number is : 7gawk763 . anything else i can do for you ?\"\n\"user\": \"no , that will be all . good bye .\"\n\"system\": \"thank you for using our services .\"\n\ntermlist:\n['price', 'day', 'parking', 'hotel', 'stay', 'reference', 'type', 'tuesday', 'area', 'people', '7gawk763', 'price range', '2', '1', 'me', '6', 'nights', 'reference number', '3', 'cheap']\n\nrelation triplets:\n[['hotel', 'has slot', 'type'], ['hotel', 'has slot', 'choice'], ['hotel', 'has slot', 'day'], ['hotel', 'has slot', 'stay'], ['hotel', 'has slot', 'reference number'], ['hotel', 'has slot', 'area'], ['hotel', 'has slot', 'parking'], ['hotel', 'has slot', 'people'], ['hotel', 'has slot', 'price range']]", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "output_instruction": "Predict relations in the dialogue between those given terms that are domains and slots. Predict the 'has slot' relation between domains and slots as in the example in the form [domainname, has slot, slotname]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/few_shot/one_relation_only/only_hasslot_oneshot_sgd_prompt_dict.json b/experiments/prompts/few_shot/one_relation_only/only_hasslot_oneshot_sgd_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..1a87194fc20cc3bc1a33b51669bf846b1d3c6585 --- /dev/null +++ b/experiments/prompts/few_shot/one_relation_only/only_hasslot_oneshot_sgd_prompt_dict.json @@ -0,0 +1,9 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.\n\nHere is an example of extracting ontology relations from a dialogue with a list of extracted terms:\n\n\"user\": \"help me find a good restaurant .\"\n\"system\": \"in which city are you looking for the restaurant and do you have any preferred cuisine ?\"\n\"user\": \"find me ethiopian cuisine in berkeley .\"\n\"system\": \"of the 4 ethiopian restaurants in berkeley , addis restaurant is a good one .\"\n\"user\": \"do they have live music ?\"\n\"system\": \"i ' m sorry . they do not have live music .\"\n\"user\": \"that ' s okay . i ' d like to reserve a table for the 4th .\"\n\"system\": \"at what time will you be arriving at the restaurant ?\"\n\"user\": \"reserve the table for the 2nd of this month at 17 : 15 .\"\n\"system\": \"please confirm that you want to reserve a table for 2 at the addis restaurant in berkeley for tomorrow at 5 : 15 pm .\"\n\"user\": \"that ' s right . do they serve alcohol ? and how expensive is the place ?\"\n\"system\": \"sorry the reservation was not successful . is there anything else i can assist you with ?\"\n\"user\": \"can you check if a table is available at 17 : 30 ?\"\n\"system\": \"okay . please confirm that you want to reserve a table for 2 at the addis restaurant in berkeley for tomorrow at 5 : 30 pm .\"\n\"user\": \"that ' s correct .\"\n\"system\": \"your table has been reserved .\"\n\"user\": \"thank you . that ' s all i need for now .\"\n\"system\": \"have a great day !\"\n\ntermlist:\n['berkeley', 'tomorrow', '2nd of this month', '2', '5 : 15 pm', 'ethiopian', '17 : 30', 'addis', '4', '17 : 15', 'restaurant', 'addis restaurant', 'the 4th', '5 : 30 pm', 'cuisine', 'restaurants', 'time', 'city'] \n\nrelation triplets\n[['restaurants', 'has slot', 'price range'], ['restaurants', 'has slot', 'cuisine'], ['restaurants', 'has slot', 'restaurant name'], ['restaurants', 'has slot', 'count'], ['restaurants', 'has slot', 'reserverestaurant'], ['restaurants', 'has slot', 'date'], ['restaurants', 'has slot', 'city'], ['restaurants', 'has slot', 'has live music'], ['restaurants', 'has slot', 'party size'], ['restaurants', 'has slot', 'serves alcohol'], ['restaurants', 'has slot', 'findrestaurants'], ['restaurants', 'has slot', 'time']]", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "dialogue_id": "sgd-train-2", + "output_instruction": "Predict relations in the dialogue between those given terms that are domains and slots. Predict the 'has slot' relation between domains and slots as in the example in the form [domainname, has slot, slotname]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/few_shot/one_relation_only/only_hasvalue_oneshot_prompt_dict.json b/experiments/prompts/few_shot/one_relation_only/only_hasvalue_oneshot_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..bd7013d79a6b876b92ce7c35dd9ac8179da03e47 --- /dev/null +++ b/experiments/prompts/few_shot/one_relation_only/only_hasvalue_oneshot_prompt_dict.json @@ -0,0 +1,8 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.\n\nHere is an example of extracting ontology relations from a dialogue with a list of extracted terms:\n\n\"user\": \"am looking for a place to to stay that has cheap price range it should be in a type of hotel\"\n\"system\": \"okay , do you have a specific area you want to stay in ?\"\n\"user\": \"no , i just need to make sure it ' s cheap . oh , and i need parking\"\n\"system\": \"i found 1 cheap hotel for you that includes parking . do you like me to book it ?\"\n\"user\": \"yes , please . 6 people 3 nights starting on tuesday .\"\n\"system\": \"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 ?\"\n\"user\": \"how about only 2 nights .\"\n\"system\": \"booking was successful . reference number is : 7gawk763 . anything else i can do for you ?\"\n\"user\": \"no , that will be all . good bye .\"\n\"system\": \"thank you for using our services .\"\n\ntermlist:\n['price', 'day', 'parking', 'hotel', 'stay', 'reference', 'type', 'tuesday', 'area', 'people', '7gawk763', 'price range', '2', '1', 'me', '6', 'nights', 'reference number', '3', 'cheap']\n\nrelation triplets:\n[['price range', 'has value', 'cheap'], ['type', 'has value', 'hotel'], ['reference number', 'has value', '7gawk763'], ['people', 'has value', '6'], ['day', 'has value', 'tuesday'], ['parking', 'has value', 'yes'], ['stay', 'has value', '3'], ['choice', 'has value', '1'], ['stay', 'has value', '2']]", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "output_instruction": "Predict relations in the dialogue between those given terms that are slots and values. Predict the 'has value' relation between slots and values as in the example in the form [slotname, has value, valuename]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/few_shot/one_relation_only/only_hasvalue_oneshot_sgd_prompt_dict.json b/experiments/prompts/few_shot/one_relation_only/only_hasvalue_oneshot_sgd_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..70bcdd2e7be4a6eacc6494d84d930760639f0cfe --- /dev/null +++ b/experiments/prompts/few_shot/one_relation_only/only_hasvalue_oneshot_sgd_prompt_dict.json @@ -0,0 +1,9 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.\n\nHere is an example of extracting ontology relations from a dialogue with a list of extracted terms:\n\n\"user\": \"help me find a good restaurant .\"\n\"system\": \"in which city are you looking for the restaurant and do you have any preferred cuisine ?\"\n\"user\": \"find me ethiopian cuisine in berkeley .\"\n\"system\": \"of the 4 ethiopian restaurants in berkeley , addis restaurant is a good one .\"\n\"user\": \"do they have live music ?\"\n\"system\": \"i ' m sorry . they do not have live music .\"\n\"user\": \"that ' s okay . i ' d like to reserve a table for the 4th .\"\n\"system\": \"at what time will you be arriving at the restaurant ?\"\n\"user\": \"reserve the table for the 2nd of this month at 17 : 15 .\"\n\"system\": \"please confirm that you want to reserve a table for 2 at the addis restaurant in berkeley for tomorrow at 5 : 15 pm .\"\n\"user\": \"that ' s right . do they serve alcohol ? and how expensive is the place ?\"\n\"system\": \"sorry the reservation was not successful . is there anything else i can assist you with ?\"\n\"user\": \"can you check if a table is available at 17 : 30 ?\"\n\"system\": \"okay . please confirm that you want to reserve a table for 2 at the addis restaurant in berkeley for tomorrow at 5 : 30 pm .\"\n\"user\": \"that ' s correct .\"\n\"system\": \"your table has been reserved .\"\n\"user\": \"thank you . that ' s all i need for now .\"\n\"system\": \"have a great day !\"\n\ntermlist:\n['berkeley', 'tomorrow', '2nd of this month', '2', '5 : 15 pm', 'ethiopian', '17 : 30', 'addis', '4', '17 : 15', 'restaurant', 'addis restaurant', 'the 4th', '5 : 30 pm', 'cuisine', 'restaurants', 'time', 'city'] \n\nrelation triplets\n[['time', 'has value', '5 : 30 pm'], ['restaurant name', 'has value', 'addis restaurant'], ['date', 'has value', '2nd of this month'], ['cuisine', 'has value', 'ethiopian'], ['time', 'has value', '5 : 15 pm'], ['time', 'has value', '17 : 30'], ['date', 'has value', 'the 4th'], ['date', 'has value', 'tomorrow'], ['time', 'has value', '17 : 15'], ['has live music', 'has value', 'false'], ['party size', 'has value', '2'], ['count', 'has value', '4'], ['city', 'has value', 'berkeley']]", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "dialogue_id": "sgd-train-2", + "output_instruction": "Predict relations in the dialogue between those given terms that are slots and values. Predict the 'has value' relation between slots and values as in the example in the form [slotname, has value, valuename]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/few_shot/oneshot_prompt_dict.json b/experiments/prompts/few_shot/oneshot_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..f262b9fdd7cba8ee345bc29140acf654d03d4a39 --- /dev/null +++ b/experiments/prompts/few_shot/oneshot_prompt_dict.json @@ -0,0 +1,9 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.\n\nHere is an example of extracting ontology relations from a dialogue with a list of extracted terms:\n\n\"user\": \"am looking for a place to to stay that has cheap price range it should be in a type of hotel\"\n\"system\": \"okay , do you have a specific area you want to stay in ?\"\n\"user\": \"no , i just need to make sure it ' s cheap . oh , and i need parking\"\n\"system\": \"i found 1 cheap hotel for you that includes parking . do you like me to book it ?\"\n\"user\": \"yes , please . 6 people 3 nights starting on tuesday .\"\n\"system\": \"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 ?\"\n\"user\": \"how about only 2 nights .\"\n\"system\": \"booking was successful . reference number is : 7gawk763 . anything else i can do for you ?\"\n\"user\": \"no , that will be all . good bye .\"\n\"system\": \"thank you for using our services .\"\n\ntermlist:\n['price', 'day', 'parking', 'hotel', 'stay', 'reference', 'type', 'tuesday', 'area', 'people', '7gawk763', 'price range', '2', '1', 'me', '6', 'nights', 'reference number', '3', 'cheap']\n\nrelation triplets:\n[['2', 'has domain', 'hotel'], ['hotel', 'has slot', 'type'], ['1', 'has domain', 'hotel'], ['price range', 'refers to same concept as', 'price'], ['hotel', 'has slot', 'choice'], ['price range', 'has value', 'cheap'], ['type', 'has value', 'hotel'], ['reference number', 'refers to same concept as', 'reference'], ['hotel', 'has slot', 'day'], ['yes', 'has domain', 'hotel'], ['reference number', 'has value', '7gawk763'], ['hotel', 'has slot', 'stay'], ['hotel', 'has slot', 'reference number'], ['hotel', 'has slot', 'area'], ['hotel', 'has slot', 'parking'], ['1', 'refers to same concept as', 'me'], ['hotel', 'has slot', 'people'], ['people', 'has value', '6'], ['day', 'has value', 'tuesday'], ['parking', 'has value', 'yes'], ['stay', 'has value', '3'], ['3', 'has domain', 'hotel'], ['tuesday', 'has domain', 'hotel'], ['cheap', 'has domain', 'hotel'], ['choice', 'has value', '1'], ['stay', 'has value', '2'], ['hotel', 'has domain', 'hotel'], ['6', 'has domain', 'hotel'], ['stay', 'refers to same concept as', 'nights'], ['7gawk763', 'has domain', 'hotel'], ['hotel', 'has slot', 'price range']]", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "dialogue_id": "multiwoz-train-0", + "output_instruction": "Predict relations in the dialogue as in the example above between the given terms, that can be domains, slots or values. Predict the 'has slot' relation between domains and slots in the form [domainname, has slot, slotname]. Predict the 'has value' relation between slots and values in the form [slotname, has value, valuename]. Predict the 'has domain' relation between values and domains in the form [valuename, has domain, domainname]. Predict the 'refers to same concept as' relation between terms from the same category with the same meaning [term, refers to same concept as, term]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/few_shot/oneshot_sgd_prompt_dict.json b/experiments/prompts/few_shot/oneshot_sgd_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..254a73d77e2b6bcccec97a6bb54d37099abfc929 --- /dev/null +++ b/experiments/prompts/few_shot/oneshot_sgd_prompt_dict.json @@ -0,0 +1,9 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.\n\nHere is an example of extracting ontology relations from a dialogue with a list of extracted terms:\n\n\"user\": \"help me find a good restaurant .\"\n\"system\": \"in which city are you looking for the restaurant and do you have any preferred cuisine ?\"\n\"user\": \"find me ethiopian cuisine in berkeley .\"\n\"system\": \"of the 4 ethiopian restaurants in berkeley , addis restaurant is a good one .\"\n\"user\": \"do they have live music ?\"\n\"system\": \"i ' m sorry . they do not have live music .\"\n\"user\": \"that ' s okay . i ' d like to reserve a table for the 4th .\"\n\"system\": \"at what time will you be arriving at the restaurant ?\"\n\"user\": \"reserve the table for the 2nd of this month at 17 : 15 .\"\n\"system\": \"please confirm that you want to reserve a table for 2 at the addis restaurant in berkeley for tomorrow at 5 : 15 pm .\"\n\"user\": \"that ' s right . do they serve alcohol ? and how expensive is the place ?\"\n\"system\": \"sorry the reservation was not successful . is there anything else i can assist you with ?\"\n\"user\": \"can you check if a table is available at 17 : 30 ?\"\n\"system\": \"okay . please confirm that you want to reserve a table for 2 at the addis restaurant in berkeley for tomorrow at 5 : 30 pm .\"\n\"user\": \"that ' s correct .\"\n\"system\": \"your table has been reserved .\"\n\"user\": \"thank you . that ' s all i need for now .\"\n\"system\": \"have a great day !\"\n\ntermlist:\n['berkeley', 'tomorrow', '2nd of this month', '2', '5 : 15 pm', 'ethiopian', '17 : 30', 'addis', '4', '17 : 15', 'restaurant', 'addis restaurant', 'the 4th', '5 : 30 pm', 'cuisine', 'restaurants', 'time', 'city'] \n\nrelation triplets\n[['time', 'has value', '5 : 30 pm'], ['addis restaurant', 'refers to same concept as', 'addis'], ['4', 'has domain', 'restaurants'], ['restaurants', 'has slot', 'price range'], ['restaurants', 'has slot', 'cuisine'], ['restaurant name', 'has value', 'addis restaurant'], ['17 : 15', 'has domain', 'restaurants'], ['date', 'has value', '2nd of this month'], ['restaurants', 'has slot', 'restaurant name'], ['the 4th', 'has domain', 'restaurants'], ['cuisine', 'has value', 'ethiopian'], ['addis restaurant', 'has domain', 'restaurants'], ['time', 'has value', '5 : 15 pm'], ['restaurants', 'has slot', 'count'], ['tomorrow', 'has domain', 'restaurants'], ['restaurants', 'has slot', 'reserverestaurant'], ['time', 'has value', '17 : 30'], ['5 : 30 pm', 'has domain', 'restaurants'], ['17 : 30', 'has domain', 'restaurants'], ['restaurants', 'has slot', 'date'], ['restaurants', 'has slot', 'city'], ['2', 'has domain', 'restaurants'], ['date', 'has value', 'the 4th'], ['restaurants', 'has slot', 'has live music'], ['restaurants', 'has slot', 'party size'], ['date', 'has value', 'tomorrow'], ['time', 'has value', '17 : 15'], ['restaurants', 'has slot', 'serves alcohol'], ['restaurants', 'refers to same concept as', 'restaurant'], ['berkeley', 'has domain', 'restaurants'], ['false', 'has domain', 'restaurants'], ['has live music', 'has value', 'false'], ['5 : 15 pm', 'has domain', 'restaurants'], ['2nd of this month', 'has domain', 'restaurants'], ['party size', 'has value', '2'], ['17 : 30', 'refers to same concept as', '5 : 30 pm'], ['17 : 15', 'refers to same concept as', '5 : 15 pm'], ['count', 'has value', '4'], ['city', 'has value', 'berkeley'], ['restaurants', 'has slot', 'findrestaurants'], ['ethiopian', 'has domain', 'restaurants'], ['restaurants', 'has slot', 'time']]", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "dialogue_id": "sgd-train-2", + "output_instruction": "Predict relations in the dialogue as in the example above between the given terms, that can be domains, slots or values. Predict the 'has slot' relation between domains and slots in the form [domainname, has slot, slotname]. Predict the 'has value' relation between slots and values in the form [slotname, has value, valuename]. Predict the 'has domain' relation between values and domains in the form [valuename, has domain, domainname]. Predict the 'refers to same concept as' relation between terms from the same category with the same meaning [term, refers to same concept as, term]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/one_relation_only/only_equivalence_prompt_dict.json b/experiments/prompts/one_relation_only/only_equivalence_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..65ebd1610a6245bfa4dca88a96a0905f428dcc86 --- /dev/null +++ b/experiments/prompts/one_relation_only/only_equivalence_prompt_dict.json @@ -0,0 +1,8 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "output_instruction": "Predict relations in the dialogue between those given terms that are domains, slots or values. Predict the 'is equivalent' relation between terms from the same category (i.e. both are either domain, slot or value) in the form [term1, is equivalent, term2]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/one_relation_only/only_hasdomain_prompt_dict.json b/experiments/prompts/one_relation_only/only_hasdomain_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..46279c7f70b3efd2364174eee0b0f913f9d18716 --- /dev/null +++ b/experiments/prompts/one_relation_only/only_hasdomain_prompt_dict.json @@ -0,0 +1,8 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "output_instruction": "Predict relations in the dialogue between those given terms that are values or domains. Predict the 'belongs to domain' relation between values and domains in the form [valuename, belongs to domain, domainname]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/one_relation_only/only_hasslot_prompt_dict.json b/experiments/prompts/one_relation_only/only_hasslot_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..d2e77b9ee1e3e9f33a5745d05eb37ba764e9dc10 --- /dev/null +++ b/experiments/prompts/one_relation_only/only_hasslot_prompt_dict.json @@ -0,0 +1,8 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "output_instruction": "Predict relations in the dialogue between those given terms that are domains or slots. Predict the 'has slot' relation between domains and slots in the form [domainname, has slot, slotname]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/one_relation_only/only_hasvalue_prompt_dict.json b/experiments/prompts/one_relation_only/only_hasvalue_prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..24bde83288235a765847c054e773cd3b42066cb2 --- /dev/null +++ b/experiments/prompts/one_relation_only/only_hasvalue_prompt_dict.json @@ -0,0 +1,8 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "output_instruction": "Predict relations in the dialogue between those given terms that are slots or values. Predict the 'has value' relation between slots and values in the form [slotname, has value, valuename]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/experiments/prompts/prompt_dict.json b/experiments/prompts/prompt_dict.json new file mode 100644 index 0000000000000000000000000000000000000000..c7dc7e63d3cb73616bccdbbcc7a52cbd67361fe9 --- /dev/null +++ b/experiments/prompts/prompt_dict.json @@ -0,0 +1,8 @@ +{ + "task_description": "You are an expert in ontology construction from a set of domain (general topic), slot (information type about entities in a domain) or value (concrete instances of information in slots) candidate terms in task-oriented dialogue.", + "dialogue": "Here is the dialogue:", + "term_list": "Here is the list of terms:", + "relations_so_far": "", + "output_instruction": "Predict relations in the dialogue between the given terms, that can be domains, slots or values. Predict the 'has slot' relation between domains and slots in the form [domainname, has slot, slotname]. Predict the 'has value' relation between slots and values in the form [slotname, has value, valuename]. Predict the 'has domain' relation between values and domains in the form [valuename, has domain, domainname]. Predict the 'refers to same concept as' relation between terms from the same category with the same meaning [term, refers to same concept as, term]. Make sure to put brackets around each relational triplet!" + } + \ No newline at end of file diff --git a/finetuning/.DS_Store b/finetuning/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..8e40b170f68fd7c179ac6ac41f16a5135e7a22e6 Binary files /dev/null and b/finetuning/.DS_Store differ diff --git a/finetuning/models/.DS_Store b/finetuning/models/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..41b28864fe373182aeb35989768fb54d3f86ac9f Binary files /dev/null and b/finetuning/models/.DS_Store differ diff --git a/finetuning/training/__pycache__/autoregressive_finetuning.cpython-310.pyc b/finetuning/training/__pycache__/autoregressive_finetuning.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..1fa1cf0fd1234d14a30204ca594fb0d78a4f756a Binary files /dev/null and b/finetuning/training/__pycache__/autoregressive_finetuning.cpython-310.pyc differ diff --git a/finetuning/training/__pycache__/finetuning_config_class.cpython-310.pyc b/finetuning/training/__pycache__/finetuning_config_class.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ce547a5bac5c5b1c30a0443691d9ccdd2cf6c875 Binary files /dev/null and b/finetuning/training/__pycache__/finetuning_config_class.cpython-310.pyc differ diff --git a/finetuning/training/__pycache__/finetuning_config_list.cpython-310.pyc b/finetuning/training/__pycache__/finetuning_config_list.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..f9cade7306f849a6fb8ce494af0128427d6026a8 Binary files /dev/null and b/finetuning/training/__pycache__/finetuning_config_list.cpython-310.pyc differ diff --git a/finetuning/training/autoregressive_finetuning.py b/finetuning/training/autoregressive_finetuning.py new file mode 100644 index 0000000000000000000000000000000000000000..c6e2fb4c65c26c7fe08581c60b60eb91b9fc0e64 --- /dev/null +++ b/finetuning/training/autoregressive_finetuning.py @@ -0,0 +1,208 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#################################################################################################################### +#Train autoregressive model on causal language modelling on the concatenated input, output pairs +#################################################################################################################### + +###ignore warning regarding too large sequence length +import warnings +warnings.filterwarnings('ignore') + +from transformers import AutoModelForCausalLM, AutoTokenizer, Seq2SeqTrainingArguments +#transformer reinforcement learning library for supervised fine-tuning trainer +from trl import SFTTrainer, DataCollatorForCompletionOnlyLM +from peft import LoraConfig +import sys +from datasets import load_from_disk +import argparse +import torch +import numpy as np + +from training.finetuning_config_list import * +sys.path.append("../LLM_experiments") +from handle_logging_config import * + + + +def train(config_name="gemma_2b_multiwoz21_training"): + + parser = argparse.ArgumentParser() + + parser.add_argument("--config_name", help="Name of the config to use", type=str, default=None, required=False) + + args = parser.parse_args() + + + + #load the training data + #setup logging + #if run from command line with config name + if args.config_name: + config_name = args.config_name + + logger = setup_logging("training_" + config_name) + + logger.info(f"Running with config: {config_name}") + + #load the config + config = get_config(config_name) + config_param_dict = config.to_dict() + logger.info(f"Loaded config: {config_param_dict}") + + #if there is a seed, set it + if config.seed: + torch.manual_seed(config.seed) + + #load the model + + logger.info(f"Load the model {config.model_name}") + + model = AutoModelForCausalLM.from_pretrained(config.model_name) + #put model in train + model.train() + + tokenizer = AutoTokenizer.from_pretrained(config.model_name) + + device = torch.device("cuda" if torch.cuda.is_available() else "cpu") + + #set device to m1 GPU if available + if torch.backends.mps.is_available(): + device = torch.device("mps") + + #set the maximum sequence length + maximum_sequence_length = min(config.model_max_length, tokenizer.model_max_length) #if the output for model_max_length is some random number, which is the for LLaMa, OPT + + logger.info(f"Using device: {device}") + + + model.to(device) + + logger.info("Loading the model done.") + + logger.info(f"Load the dataset {config.dataset_name}.") + sft_dataset = load_from_disk(f"../data/{config.dataset_name}_ontology_relation_sft_dataset") + logger.info("Successfully loaded the dataset.") + + + #setup training + batch_size = config.batch_size + model_name = config.model_name.replace("/", "-") + "_trained_on_" + config.dataset_name + if config.seed: + model_name += "_seed_" + str(config.seed) + model_dir = f"models/{model_name}" + args = Seq2SeqTrainingArguments( + model_dir, + evaluation_strategy="steps", + eval_steps=config.eval_steps, + logging_strategy="steps", + logging_steps=config.eval_steps / 10, + save_strategy="steps", + save_steps=config.eval_steps * 2, + learning_rate=4e-5, + per_device_train_batch_size=batch_size, + per_device_eval_batch_size=batch_size, + weight_decay=0.01, + save_total_limit=3, + num_train_epochs=config.num_train_epochs, + predict_with_generate=True, + load_best_model_at_end=True, + metric_for_best_model="eval_loss", + report_to="tensorboard", + generation_max_length=maximum_sequence_length, + warmup_ratio=0.1, + fp16=config.fp16, + gradient_checkpointing=config.gradient_checkpointing, + ) + + + + ### based on transformer reinforcement learning library SFT tutorial: https://huggingface.co/docs/trl/sft_trainer ### + def formatting_prompts_func(example): + output_texts = [] + for i in range(len(example['instruction'])): + if "gemma" in config.model_name: #also add the end of turn template + text = f"{config.instruction_prefix} {example['instruction'][i]}\n{config.answer_prefix} {example['output'][i]}<end_of_turn>" + else: + text = f"{config.instruction_prefix} {example['instruction'][i]}\n{config.answer_prefix} {example['output'][i]}" + output_texts.append(text) + return output_texts + + response_template_with_context = "\n" + config.answer_prefix + response_template_ids = tokenizer.encode(response_template_with_context, add_special_tokens=False)[2:] # Now we have it like in the dataset texts: `[2277, 29937, 4007, 22137, 29901]` + + data_collator = DataCollatorForCompletionOnlyLM(response_template_ids, tokenizer=tokenizer) + + + #lora config + peft_config = LoraConfig( + #r=16, + #lora_alpha=32, + lora_dropout=0.05, + bias="none", + task_type="CAUSAL_LM", + ) + + if tokenizer.pad_token is None: + tokenizer.pad_token = tokenizer.eos_token + + #set tokenizer truncation side to left + tokenizer.truncation_side = "left" + + trainer = SFTTrainer( + model=model, + args=args, + train_dataset=sft_dataset["train"], + eval_dataset=sft_dataset["validation"], + formatting_func=formatting_prompts_func, + data_collator=data_collator, + peft_config=peft_config, + max_seq_length=maximum_sequence_length, + tokenizer=tokenizer, + ) + + + logger.info("Start training the model.") + trainer.train() + logger.info("Training done.") + + logger.info(f"Training done. Save model to {model_dir}") + trainer.save_model() + logger.info("Saving successful.") + + logger.info("Make predictions on the validation dataset.") + val_evaluation = trainer.evaluate() + logger.info(f"Results on validation set after training: \n {val_evaluation}") + + + logger.info("Make predictions on the test dataset.") + test_evaluation = trainer.predict(sft_dataset["test"]) + logger.info(f"Results on test set after training: \n {test_evaluation}") + logger.info("DONE") + +if __name__=="__main__": + train() \ No newline at end of file diff --git a/finetuning/training/finetuning_config_class.py b/finetuning/training/finetuning_config_class.py new file mode 100644 index 0000000000000000000000000000000000000000..2f9a8963edf239e5771b03ae48abf70a697577bd --- /dev/null +++ b/finetuning/training/finetuning_config_class.py @@ -0,0 +1,63 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#################################################################################################################### +#class for the training configs +#################################################################################################################### + +class training_config(): + model_name: str + dataset_name: str + num_train_epochs: int + batch_size: int + fp16: bool #floating point 16 precision for less memory consumption during training/inference + eval_steps: int #when to eval/save during training + eight_bit: int #whether to load the model in 8bit precision for less memory consumption during training/inference + instruction_prefix: str #prefix for the instruction in the dataset + answer_prefix: str #prefix for the answer in the dataset + model_max_length: int #maximum length of the model, if it is not set in the tokenizer + gradient_checkpointing: bool #whether to use gradient checkpointing for less memory consumption during training + seed: int #seed for reproducibility/statistical significance + + + def __init__(self, model_name, dataset_name, num_train_epochs=10, batch_size=8, fp16=True, eval_steps=5000, eight_bit=False, instruction_prefix="prompt:", answer_prefix="completion:", model_max_length=4096, gradient_checkpointing=False, seed=None): + self.model_name = model_name + self.dataset_name=dataset_name + self.num_train_epochs = num_train_epochs + self.batch_size = batch_size + self.fp16=fp16 + self.eval_steps=eval_steps + self.eight_bit=eight_bit + self.instruction_prefix=instruction_prefix + self.answer_prefix=answer_prefix + self.model_max_length=model_max_length + self.gradient_checkpointing=gradient_checkpointing + self.seed=seed + + #method for returning the config params as a dict for printing/saving as json + def to_dict(self): + return vars(self) \ No newline at end of file diff --git a/finetuning/training/finetuning_config_list.py b/finetuning/training/finetuning_config_list.py new file mode 100644 index 0000000000000000000000000000000000000000..361ad1aa6e063b7e6dbab30ecf0025f240758047 --- /dev/null +++ b/finetuning/training/finetuning_config_list.py @@ -0,0 +1,173 @@ +# coding=utf-8 +# +# Copyright 2024 +# Heinrich Heine University Dusseldorf, +# Faculty of Mathematics and Natural Sciences, +# Computer Science Department +# +# Authors: +# Renato Vukovic (renato.vukovic@hhu.de) +# +# This code was generated with the help of AI writing assistants +# including GitHub Copilot, ChatGPT, Bing Chat. +# +# 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. + +# # # # # # # # # # # # # # # # # # # # # # # # # # # # # + +#################################################################################################################### +#list of configs for fine-tuning models on DORE +#################################################################################################################### + +from training.finetuning_config_class import training_config + +def get_config(config_name): + #input: name of the config + #output: the respective config instance for the names + + #return config based on string name + if config_name not in globals(): + raise ValueError(f"Config name {config_name} not found") + return globals()[config_name] + + +###multiwoz dataset training configs +gemma_2b_multiwoz21_training = training_config( + model_name="google/gemma-1.1-2b-it", + dataset_name="multiwoz21", + eval_steps=5000, + num_train_epochs=5, + batch_size=1, + model_max_length=4096, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", +) + +gemma_2b_sgd_training = training_config( + model_name="google/gemma-1.1-2b-it", + dataset_name="sgd", + eval_steps=5000, + num_train_epochs=5, + batch_size=1, + model_max_length=4096, + gradient_checkpointing=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", +) + + +##add some configs with different seeds for statistical significance + +#first for the multiwoz training +gemma_2b_multiwoz21_training_seed_42 = training_config( + model_name="google/gemma-1.1-2b-it", + dataset_name="multiwoz21", + eval_steps=5000, + num_train_epochs=5, + batch_size=1, + model_max_length=4096, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + seed=42, +) + +gemma_2b_multiwoz21_training_seed_142 = training_config( + model_name="google/gemma-1.1-2b-it", + dataset_name="multiwoz21", + eval_steps=5000, + num_train_epochs=5, + batch_size=1, + model_max_length=4096, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + seed=142, +) + +gemma_2b_multiwoz21_training_seed_343 = training_config( + model_name="google/gemma-1.1-2b-it", + dataset_name="multiwoz21", + eval_steps=5000, + num_train_epochs=5, + batch_size=1, + model_max_length=4096, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + seed=343, +) + +gemma_2b_multiwoz21_training_seed_442 = training_config( + model_name="google/gemma-1.1-2b-it", + dataset_name="multiwoz21", + eval_steps=5000, + num_train_epochs=5, + batch_size=1, + model_max_length=4096, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + seed=442, +) + + +#now for the SGD training +gemma_2b_sgd_training_seed_42 = training_config( + model_name="google/gemma-1.1-2b-it", + dataset_name="sgd", + eval_steps=5000, + num_train_epochs=5, + batch_size=1, + model_max_length=4096, + gradient_checkpointing=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + seed=42, +) + +gemma_2b_sgd_training_seed_142 = training_config( + model_name="google/gemma-1.1-2b-it", + dataset_name="sgd", + eval_steps=5000, + num_train_epochs=5, + batch_size=1, + model_max_length=4096, + gradient_checkpointing=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + seed=142, +) + + +gemma_2b_sgd_training_seed_343 = training_config( + model_name="google/gemma-1.1-2b-it", + dataset_name="sgd", + eval_steps=5000, + num_train_epochs=5, + batch_size=1, + model_max_length=4096, + gradient_checkpointing=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + seed=343, +) + +gemma_2b_sgd_training_seed_442 = training_config( + model_name="google/gemma-1.1-2b-it", + dataset_name="sgd", + eval_steps=5000, + num_train_epochs=5, + batch_size=1, + model_max_length=4096, + gradient_checkpointing=True, + instruction_prefix="<start_of_turn>user ", + answer_prefix="<end_of_turn> <start_of_turn>model", + seed=442, +) \ No newline at end of file diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..a4704eecef8d555613e0484e324164e0bf8164b2 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,426 @@ +absl-py==2.1.0 +accelerate==0.26.1 +aiohttp==3.9.3 +aiosignal==1.3.1 +alabaster @ file:///home/ktietz/src/ci/alabaster_1611921544520/work +anaconda-client==1.11.2 +anaconda-navigator==2.4.0 +anaconda-project @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_6ddp1qj6b_/croots/recipe/anaconda-project_1660339893712/work +annotated-types==0.6.0 +anyio @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/croot-t_zs64wy/anyio_1644482593257/work/dist +appdirs==1.4.4 +applaunchservices @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_1fiu9w6r9i/croots/recipe/applaunchservices_1661854643906/work +appnope @ file:///Users/ktietz/ci_310/appnope_1643965056645/work +appscript @ file:///Users/ktietz/ci_310/appscript_1643965071544/work +argon2-cffi @ file:///opt/conda/conda-bld/argon2-cffi_1645000214183/work +argon2-cffi-bindings @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/croot-wbf5edig/argon2-cffi-bindings_1644845754377/work +arrow @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_cc82z4oqjq/croot/arrow_1676588146009/work +asciitree==0.3.3 +astroid @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_e9yo8l0380/croot/astroid_1676904320145/work +astropy @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_a287fcff-2786-410d-a786-8e1c0c9ee4abk3aj7bov/croots/recipe/astropy_1657786100723/work +asttokens @ file:///opt/conda/conda-bld/asttokens_1646925590279/work +async-timeout==4.0.3 +atomicwrites==1.4.0 +attrs @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_978y9aqcd7/croot/attrs_1668696180911/work +Automat @ file:///tmp/build/80754af9/automat_1600298431173/work +autopep8 @ file:///opt/conda/conda-bld/autopep8_1650463822033/work +Babel @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_00k1rl2pus/croot/babel_1671781944131/work +backcall @ file:///home/ktietz/src/ci/backcall_1611930011877/work +backoff==2.2.1 +backports.functools-lru-cache @ file:///tmp/build/80754af9/backports.functools_lru_cache_1618170165463/work +backports.tempfile @ file:///home/linux1/recipes/ci/backports.tempfile_1610991236607/work +backports.weakref==1.0.post1 +bcrypt @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_03v55xv0yj/croots/recipe/bcrypt_1659554335339/work +beautifulsoup4 @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_croot-15cbtalq/beautifulsoup4_1650462161715/work +binaryornot @ file:///tmp/build/80754af9/binaryornot_1617751525010/work +black @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_d614fw2iny/croots/recipe/black_1660237811168/work +bleach @ file:///opt/conda/conda-bld/bleach_1641577558959/work +blis==0.7.11 +bokeh @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_1d5f9110-9a97-4c04-9cb0-9afd48462fda01yz4zc9/croots/recipe/bokeh_1658136668661/work +boltons @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_f63n9uulmp/croot/boltons_1677628710094/work +boto3==1.34.31 +botocore==1.34.31 +Bottleneck @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_07078715-3ab7-4562-8d3d-d56b0eaa0f7dp504n_ny/croots/recipe/bottleneck_1657175566567/work +brotlipy==0.7.0 +cachetools==5.3.2 +catalogue==2.0.10 +certifi @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_5c4sjwommo/croot/certifi_1683875376620/work/certifi +cffi @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_ab19r4bji3/croot/cffi_1670423206034/work +chardet @ file:///Users/ktietz/ci_310/chardet_1643965356347/work +charset-normalizer @ file:///tmp/build/80754af9/charset-normalizer_1630003229654/work +click @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_croot-quwchbn8/click_1646123324461/work +cloudpathlib==0.16.0 +cloudpickle @ file:///tmp/build/80754af9/cloudpickle_1632508026186/work +clyent==1.2.2 +colorama @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_100_k35lkb/croot/colorama_1672386539781/work +colorcet @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_60hy78eiuv/croot/colorcet_1668084515813/work +comm @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_b19kb7be6_/croot/comm_1671231124262/work +conda==22.9.0 +conda-build==3.24.0 +conda-content-trust @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_11146a2b-93c2-444c-a378-ad4fac363e991s0r1hnp/croots/recipe/conda-content-trust_1658126383571/work +conda-pack @ file:///tmp/build/80754af9/conda-pack_1611163042455/work +conda-package-handling @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_5f3f459f9v/croot/conda-package-handling_1672865025324/work +conda-repo-cli==1.0.41 +conda-token @ file:///Users/paulyim/miniconda3/envs/c3i/conda-bld/conda-token_1662660369760/work +conda-verify==3.4.2 +conda_package_streaming @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_58gpsa_6af/croot/conda-package-streaming_1670508144037/work +confection==0.1.4 +constantly==15.1.0 +contourpy @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_97c8ctlp86/croots/recipe/contourpy_1663827422071/work +-e git+https://github.com/ConvLab/ConvLab-3.git@6e98552de124e2dd9f15d26f2c21c407fa5e701b#egg=convlab +cookiecutter @ file:///opt/conda/conda-bld/cookiecutter_1649151442564/work +cryptography @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_a9zjqvif1f/croot/cryptography_1677533099634/work +cssselect==1.1.0 +cycler @ file:///tmp/build/80754af9/cycler_1637851556182/work +cymem==2.0.8 +cytoolz @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_f5nc6i6g4j/croot/cytoolz_1667465935655/work +dask @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_171faabf-b047-4266-b5dd-252e45545758_3oxumz3/croots/recipe/dask-core_1658513223950/work +datasets==2.16.1 +datashader @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_20ptvpmmr0/croot/datashader_1676023079429/work +datashape==0.5.4 +debugpy @ file:///Users/ktietz/ci_310/debugpy_1643965577625/work +decorator @ file:///opt/conda/conda-bld/decorator_1643638310831/work +defusedxml @ file:///tmp/build/80754af9/defusedxml_1615228127516/work +diff-match-patch @ file:///Users/ktietz/demo/mc3/conda-bld/diff-match-patch_1630511840874/work +dill==0.3.7 +distlib==0.3.6 +distributed @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_bc7f56dc-ce46-4e99-bf6a-2117cfdb91e8lkm51_bj/croots/recipe/distributed_1658520751187/work +distro==1.9.0 +docopt==0.6.2 +docstring-to-markdown @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_cd8wps9ziy/croot/docstring-to-markdown_1673447640391/work +docstring_parser==0.16 +docutils @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_4b209c6c-e21c-4a54-89da-0312ae4d4d1633t7oj7j/croots/recipe/docutils_1657175441571/work +embeddings==0.0.8 +entrypoints @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_croot-jb01gaox/entrypoints_1650293758411/work +et-xmlfile==1.1.0 +evaluate==0.4.1 +executing @ file:///opt/conda/conda-bld/executing_1646925071911/work +fasteners==0.19 +fastjsonschema @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_43a0jaiddu/croots/recipe/python-fastjsonschema_1661368628129/work +filelock==3.12.0 +flake8 @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_902fhgw5pe/croot/flake8_1674581817635/work +Flask @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_9ctftfb254/croot/flask_1671217361609/work +flit_core @ file:///opt/conda/conda-bld/flit-core_1644941570762/work/source/flit_core +fonttools==4.25.0 +frozenlist==1.4.1 +fsspec==2023.10.0 +future @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_14jxr8efxg/croot/future_1677599893084/work +fuzzywuzzy==0.18.0 +gensim @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_59snnhi6c_/croot/gensim_1674852450457/work +gitdb==4.0.10 +GitPython==3.1.31 +glob2 @ file:///home/linux1/recipes/ci/glob2_1610991677669/work +gmpy2 @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/croot-muov7gw1/gmpy2_1645462616268/work +google-auth==2.27.0 +google-auth-oauthlib==1.2.0 +greenlet @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_5b9h4voofy/croot/greenlet_1670513245570/work +grpcio==1.60.0 +gTTS==2.5.1 +h11==0.14.0 +h5py @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_daxwd848b4/croots/recipe/h5py_1659091376118/work +HeapDict @ file:///Users/ktietz/demo/mc3/conda-bld/heapdict_1630598515714/work +holoviews @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_2f4ped95n0/croot/holoviews_1676372883032/work +httpcore==1.0.2 +httpx==0.26.0 +huggingface-hub==0.20.3 +hvplot @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_fbg0moc1qz/croot/hvplot_1670508916344/work +hyperlink @ file:///tmp/build/80754af9/hyperlink_1610130746837/work +idna @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_771olrhiqw/croot/idna_1666125579282/work +imagecodecs @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_d1c_up4l27/croot/imagecodecs_1677590369824/work +imageio @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_b3p92c5d_6/croot/imageio_1677879571530/work +imagesize @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_4a509a63-68d9-468e-b7b9-f4d4ffac7351q0ounfrz/croots/recipe/imagesize_1657179503380/work +imbalanced-learn @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_a1olt0m5dd/croot/imbalanced-learn_1677191585739/work +importlib-metadata @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_croot-5pqd2z6f/importlib-metadata_1648710902288/work +incremental @ file:///tmp/build/80754af9/incremental_1636629750599/work +inflection==0.5.1 +iniconfig @ file:///home/linux1/recipes/ci/iniconfig_1610983019677/work +intake @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_d9ad39eq3f/croot/intake_1676619885545/work +intervaltree @ file:///Users/ktietz/demo/mc3/conda-bld/intervaltree_1630511889664/work +ipykernel @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_bappucl7zp/croot/ipykernel_1671488382153/work +ipython @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_37ui4fx2bi/croot/ipython_1676582229363/work +ipython-genutils @ file:///tmp/build/80754af9/ipython_genutils_1606773439826/work +isort @ file:///tmp/build/80754af9/isort_1628603791788/work +itemadapter @ file:///tmp/build/80754af9/itemadapter_1626442940632/work +itemloaders @ file:///opt/conda/conda-bld/itemloaders_1646805235997/work +itsdangerous @ file:///tmp/build/80754af9/itsdangerous_1621432558163/work +jedi @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/croot-f1t6hma6/jedi_1644315882177/work +jellyfish @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_croot-27e57paw/jellyfish_1648030334083/work +jieba==0.42.1 +Jinja2 @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_9fjgzv9ant/croot/jinja2_1666908141308/work +jinja2-time @ file:///opt/conda/conda-bld/jinja2-time_1649251842261/work +jmespath @ file:///Users/ktietz/demo/mc3/conda-bld/jmespath_1630583964805/work +joblib==1.3.2 +json-lines==0.5.0 +json5 @ file:///tmp/build/80754af9/json5_1624432770122/work +jsonpatch @ file:///tmp/build/80754af9/jsonpatch_1615747632069/work +jsonpickle==3.0.1 +jsonpointer==2.1 +jsonschema @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_d9tjy9j5w9/croot/jsonschema_1676558687376/work +jupyter-server @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_c8338fkvq6/croot/jupyter_server_1671707627219/work +jupyter_client @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_65sf2jlvrz/croots/recipe/jupyter_client_1661848930208/work +jupyter_core @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_41npretn_h/croot/jupyter_core_1676538590424/work +jupyterlab @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_8eoq8791j4/croot/jupyterlab_1675354128675/work +jupyterlab-pygments @ file:///tmp/build/80754af9/jupyterlab_pygments_1601490720602/work +jupyterlab_server @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_78w72gxv4j/croot/jupyterlab_server_1677143065891/work +keyring @ file:///Users/ktietz/ci_310/keyring_1643962306190/work +kiwisolver @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_93o8te804v/croot/kiwisolver_1672387163224/work +langcodes==3.3.0 +latexcodec==2.0.1 +lazy-object-proxy @ file:///Users/ktietz/ci_310/lazy-object-proxy_1643966535099/work +Levenshtein==0.23.0 +libarchive-c @ file:///tmp/build/80754af9/python-libarchive-c_1617780486945/work +lightning-utilities==0.11.6 +llvmlite==0.39.1 +locket @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_cb58d7ee-eabb-4e31-8a7c-68bb73b3bb2e3lthxgi7/croots/recipe/locket_1652903118916/work +lxml @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_71bcfe2b-fe7b-414a-9d7e-4f32bdd95f6d2vxca0jd/croots/recipe/lxml_1657545136492/work +lz4 @ file:///Users/ktietz/ci_310/lz4_1643977262863/work +marisa-trie==1.1.0 +Markdown @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_160njdxnjs/croot/markdown_1671541913695/work +markdown-it-py==3.0.0 +MarkupSafe @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_12c133f5-0720-4727-9c18-599a3af825723lzwham3/croots/recipe/markupsafe_1654597866058/work +matplotlib @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_c08pvf1yzu/croot/matplotlib-suite_1677674309145/work +matplotlib-inline @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_f6fdc0hldi/croots/recipe/matplotlib-inline_1662014472341/work +mccabe @ file:///opt/conda/conda-bld/mccabe_1644221741721/work +mdurl==0.1.2 +mistune @ file:///Users/ktietz/ci_310/mistune_1643966732634/work +mock @ file:///tmp/build/80754af9/mock_1607622725907/work +mpmath==1.2.1 +msgpack @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_b1f960af-3408-459c-81e6-6c3b55c6bc85wsdgof__/croots/recipe/msgpack-python_1652362662498/work +multidict==6.0.4 +multipledispatch @ file:///Users/ktietz/ci_310/multipledispatch_1643970671170/work +multiprocess==0.70.15 +munch==2.5.0 +munkres==1.1.4 +murmurhash==1.0.10 +mypy-extensions==0.4.3 +navigator-updater==0.3.0 +nbclassic @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_1f2l5sjrt5/croot/nbclassic_1676902898198/work +nbclient @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_croot-08wgx75f/nbclient_1650373566605/work +nbconvert @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_36au3u9s44/croot/nbconvert_1668450648628/work +nbformat @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_94781rq_cg/croot/nbformat_1670352348390/work +nest-asyncio @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_6b_e0dr4lw/croot/nest-asyncio_1672387130036/work +networkx @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_933ef3b6-ee83-4587-8504-0a5b7ab57771x59ln7a7/croots/recipe/networkx_1657784101196/work +nltk @ file:///opt/conda/conda-bld/nltk_1645628263994/work +notebook @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_92n14lq88x/croot/notebook_1668179891126/work +notebook_shim @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_f8mr1gjfb7/croot/notebook-shim_1668160580414/work +numba @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_c3qabuog69/croot/numba_1670258334066/work +numcodecs==0.12.1 +numexpr @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_98sxk8lloi/croot/numexpr_1668713874222/work +numpy @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_d18vvv3mag/croot/numpy_and_numpy_base_1672336185310/work +numpydoc @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_654ttvu6xi/croot/numpydoc_1668085908643/work +oauthlib==3.2.2 +openai==1.10.0 +openpyxl==3.0.10 +packaging @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_952b3b8pj8/croot/packaging_1671697425767/work +pandas==1.5.3 +pandocfilters @ file:///opt/conda/conda-bld/pandocfilters_1643405455980/work +panel @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_ee47osobek/croot/panel_1676379694388/work +param @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_fa4mnk6slc/croot/param_1671697440077/work +parsel @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_croot-ja4zx9dx/parsel_1646739521903/work +parso @ file:///opt/conda/conda-bld/parso_1641458642106/work +partd @ file:///opt/conda/conda-bld/partd_1647245470509/work +pathlib @ file:///Users/ktietz/demo/mc3/conda-bld/pathlib_1629713961906/work +pathspec @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_f954ebvbxx/croot/pathspec_1674681573969/work +patsy==0.5.3 +peft==0.10.0 +pep8==1.7.1 +pexpect @ file:///tmp/build/80754af9/pexpect_1605563209008/work +pickleshare @ file:///tmp/build/80754af9/pickleshare_1606932040724/work +Pillow==9.4.0 +pipenv==2023.6.2 +pkginfo @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_d1oq9rhye6/croot/pkginfo_1679431178842/work +platformdirs==3.5.1 +plotly @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_672bb9cb-0b87-45c7-a944-fab16de85302u663y0l7/croots/recipe/plotly_1658160062672/work +pluggy @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_croot-w6jyveby/pluggy_1648109277227/work +ply==3.11 +pooch @ file:///tmp/build/80754af9/pooch_1623324770023/work +portalocker==2.8.2 +poyo @ file:///tmp/build/80754af9/poyo_1617751526755/work +preshed==3.0.9 +prometheus-client @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_25sgeyk0j5/croots/recipe/prometheus_client_1659455103277/work +prompt-toolkit @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_0blbsngvis/croot/prompt-toolkit_1672387317724/work +Protego @ file:///tmp/build/80754af9/protego_1598657180827/work +protobuf==4.23.4 +psutil @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_1310b568-21f4-4cb0-b0e3-2f3d31e39728k9coaga5/croots/recipe/psutil_1656431280844/work +ptyprocess @ file:///tmp/build/80754af9/ptyprocess_1609355006118/work/dist/ptyprocess-0.7.0-py2.py3-none-any.whl +pure-eval @ file:///opt/conda/conda-bld/pure_eval_1646925070566/work +py @ file:///opt/conda/conda-bld/py_1644396412707/work +py-cpuinfo==9.0.0 +pyarrow==15.0.0 +pyarrow-hotfix==0.6 +pyasn1 @ file:///Users/ktietz/demo/mc3/conda-bld/pyasn1_1629708007385/work +pyasn1-modules==0.2.8 +pybtex==0.24.0 +pycodestyle @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_5b2mq44vl0/croot/pycodestyle_1674267228581/work +pycosat @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_e9xhel3kyj/croot/pycosat_1666805516297/work +pycparser @ file:///tmp/build/80754af9/pycparser_1636541352034/work +pyct @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_6dabxeyop1/croot/pyct_1675441482089/work +pycurl==7.45.1 +pydantic==2.6.0 +pydantic_core==2.16.1 +PyDispatcher==2.0.5 +pydocstyle @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_a6672leo9a/croot/pydocstyle_1675221682894/work +pydub==0.25.1 +pyerfa @ file:///Users/ktietz/ci_310/pyerfa_1644262685380/work +pyflakes @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_d9_v8e0_nr/croot/pyflakes_1674165137080/work +Pygments==2.17.2 +PyHamcrest @ file:///tmp/build/80754af9/pyhamcrest_1615748656804/work +PyJWT @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_83311740-c3bc-48a8-9688-62d7e2d625f5s6jo920w/croots/recipe/pyjwt_1657544592579/work +pylint @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_den022q02c/croot/pylint_1676919908684/work +pylint-venv @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_b722i0pm88/croot/pylint-venv_1673990138686/work +pyls-spyder==0.4.0 +pynndescent==0.5.10 +pyobjc-core @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_17ngsqu8xd/croot/pyobjc-core_1678038370771/work +pyobjc-framework-Cocoa @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_7dv5d7hjhh/croot/pyobjc-framework-cocoa_1678108300080/work +pyobjc-framework-CoreServices @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_0d20e_2c16/croot/pyobjc-framework-coreservices_1678110085958/work +pyobjc-framework-FSEvents @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_03lu07glps/croot/pyobjc-framework-fsevents_1678109237258/work +pyodbc @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_2f_o9a2x_h/croots/recipe/pyodbc_1659513806921/work +pyOpenSSL @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_38h4axtq38/croot/pyopenssl_1677607699670/work +pyparsing @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_3b_3vxnd07/croots/recipe/pyparsing_1661452540919/work +PyQt5-sip==12.11.0 +pyrsistent @ file:///Users/ktietz/ci_310/pyrsistent_1643962172005/work +PySocks @ file:///Users/ktietz/ci_310/pysocks_1643961536721/work +pytest==7.1.2 +python-dateutil @ file:///tmp/build/80754af9/python-dateutil_1626374649649/work +python-Levenshtein==0.23.0 +python-lsp-black @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_7b710_d2gb/croots/recipe/python-lsp-black_1661852039860/work +python-lsp-jsonrpc==1.0.0 +python-lsp-server @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_a70n6i7fe9/croot/python-lsp-server_1677296765293/work +python-slugify @ file:///tmp/build/80754af9/python-slugify_1620405669636/work +python-snappy @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_10sd7mcanc/croot/python-snappy_1670943921432/work +pytoolconfig @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_dcn5xr1qvl/croot/pytoolconfig_1676315057840/work +pytz @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_c56ru3yml9/croot/pytz_1671697451306/work +pyviz-comms @ file:///tmp/build/80754af9/pyviz_comms_1623747165329/work +PyWavelets @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_1c8l46qov7/croot/pywavelets_1670425183661/work +PyYAML @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_8dd_9u21zz/croot/pyyaml_1670514759576/work +pyzmq @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_8599562e-e9e5-443b-91db-7f7c0ba6aad3mrdoyvz4/croots/recipe/pyzmq_1657724196154/work +QDarkStyle @ file:///tmp/build/80754af9/qdarkstyle_1617386714626/work +qstylizer @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_89jt0xlnxz/croot/qstylizer_1674008531745/work/dist/qstylizer-0.2.2-py2.py3-none-any.whl +QtAwesome @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_204g337__t/croot/qtawesome_1674008697341/work +qtconsole @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_17u9pzjaj7/croot/qtconsole_1674008447244/work +QtPy @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_90hl8ymlpx/croots/recipe/qtpy_1662014534092/work +quadprog==0.1.11 +queuelib==1.5.0 +rapidfuzz==3.6.1 +regex @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_c16d2a8a-126e-4d7e-8084-357d1f1d1103zj2vwnhn/croots/recipe/regex_1658257182710/work +requests @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_b15e28ca-768e-4951-b4c6-8a7476e43183hrjpnkg9/croots/recipe/requests_1657734638595/work +requests-file @ file:///Users/ktietz/demo/mc3/conda-bld/requests-file_1629455781986/work +requests-oauthlib==1.3.1 +requests-toolbelt @ file:///Users/ktietz/demo/mc3/conda-bld/requests-toolbelt_1629456163440/work +responses==0.18.0 +rich==13.7.1 +rope @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_3d9zbawsb9/croot/rope_1676675020487/work +rouge-score==0.1.2 +rsa==4.9 +Rtree @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_a4tjgnr1ag/croot/rtree_1675157863029/work +ruamel-yaml-conda @ file:///Users/ktietz/ci_310/ruamel_yaml_1643968691960/work +ruamel.yaml @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_aeh5mqcw49/croot/ruamel.yaml_1666304555976/work +ruamel.yaml.clib @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_f64xdg2rww/croot/ruamel.yaml.clib_1666302244208/work +s3transfer==0.10.0 +sacrebleu==2.4.0 +sacred==0.8.4 +safetensors==0.4.2 +scikit-image @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_2dnc0r7yu5/croot/scikit-image_1669241742476/work +scikit-learn @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_d8r_ofrzm7/croot/scikit-learn_1676911660546/work +scipy==1.10.0 +Scrapy @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_31eklp9fz0/croot/scrapy_1677738194352/work +seaborn @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_2ci8qzbdyk/croot/seaborn_1673479197351/work +Send2Trash @ file:///tmp/build/80754af9/send2trash_1632406701022/work +sentence-transformers==2.2.2 +sentencepiece==0.1.99 +seqeval==1.2.2 +service-identity @ file:///Users/ktietz/demo/mc3/conda-bld/service_identity_1629460757137/work +shtab==1.7.1 +simplejson==3.19.2 +sip @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_fbqiv4bzwo/croots/recipe/sip_1659012372184/work +six @ file:///tmp/build/80754af9/six_1644875935023/work +smart-open @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_12ff6ece-d716-4aec-a1e2-7bfc8de4f98e1d6t5p6v/croots/recipe/smart_open_1651563555507/work +smmap==5.0.0 +sniffio @ file:///Users/ktietz/ci_310/sniffio_1643964335533/work +snowballstemmer @ file:///tmp/build/80754af9/snowballstemmer_1637937080595/work +sortedcontainers @ file:///tmp/build/80754af9/sortedcontainers_1623949099177/work +soupsieve @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_d2jpk7eoyp/croot/soupsieve_1666296398381/work +spacy==3.7.2 +spacy-legacy==3.0.12 +spacy-loggers==1.0.5 +Sphinx @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_49b00f2b-020c-4833-98f8-dc263da35dc0qy2o3szr/croots/recipe/sphinx_1657784127809/work +sphinxcontrib-applehelp @ file:///home/ktietz/src/ci/sphinxcontrib-applehelp_1611920841464/work +sphinxcontrib-devhelp @ file:///home/ktietz/src/ci/sphinxcontrib-devhelp_1611920923094/work +sphinxcontrib-htmlhelp @ file:///tmp/build/80754af9/sphinxcontrib-htmlhelp_1623945626792/work +sphinxcontrib-jsmath @ file:///home/ktietz/src/ci/sphinxcontrib-jsmath_1611920942228/work +sphinxcontrib-qthelp @ file:///home/ktietz/src/ci/sphinxcontrib-qthelp_1611921055322/work +sphinxcontrib-serializinghtml @ file:///tmp/build/80754af9/sphinxcontrib-serializinghtml_1624451540180/work +spyder @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_6265cy9xnj/croot/spyder_1677776152337/work +spyder-kernels @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_fdf0g4vdxv/croot/spyder-kernels_1673292240538/work +SQLAlchemy @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_273be9c0-93b1-43af-992e-5f59da1cdc80zjdbgpvr/croots/recipe/sqlalchemy_1657867858621/work +srsly==2.4.8 +stack-data @ file:///opt/conda/conda-bld/stack_data_1646927590127/work +statsmodels @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_94gox2humz/croot/statsmodels_1676644453811/work +sympy @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_21kpmugwgm/croot/sympy_1668202392692/work +tables @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_19ckz1b_eh/croot/pytables_1673967665080/work +tabulate @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_f3cdd6bd-78b1-4d5b-97af-649e45d859da7jp369bg/croots/recipe/tabulate_1657784109388/work +tadasets==0.0.4 +TBB==0.2 +tblib @ file:///Users/ktietz/demo/mc3/conda-bld/tblib_1629402031467/work +tenacity @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_a27e1f84-c8c2-4f0a-a0cd-1784e49abcfcgw2e5mao/croots/recipe/tenacity_1657899116589/work +tensorboard==2.15.1 +tensorboard-data-server==0.7.2 +tensorboardX==2.6.2.2 +terminado @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_fcfvyc0an2/croot/terminado_1671751835701/work +text-unidecode @ file:///Users/ktietz/demo/mc3/conda-bld/text-unidecode_1629401354553/work +textdistance @ file:///tmp/build/80754af9/textdistance_1612461398012/work +thinc==8.2.2 +threadpoolctl @ file:///Users/ktietz/demo/mc3/conda-bld/threadpoolctl_1629802263681/work +three-merge @ file:///tmp/build/80754af9/three-merge_1607553261110/work +tifffile @ file:///tmp/build/80754af9/tifffile_1627275862826/work +tinycss2 @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_fcw5_i306t/croot/tinycss2_1668168825117/work +tldextract @ file:///opt/conda/conda-bld/tldextract_1646638314385/work +tokenizers==0.19.1 +toml @ file:///tmp/build/80754af9/toml_1616166611790/work +tomli @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_d0e5ffbf-5cf1-45be-8693-c5dff8108a2awhthtjlq/croots/recipe/tomli_1657175508477/work +tomlkit @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_0dfcgmelf8/croots/recipe/tomlkit_1658946892438/work +toolz @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_362wyqvvgy/croot/toolz_1667464079070/work +torch==2.2.2 +torch_geometric==2.5.3 +torchaudio==2.2.2 +torcheval==0.0.7 +torcheval-nightly==2024.7.31 +torchmetrics==1.4.1 +torchvision==0.14.1 +tornado @ file:///Users/ktietz/ci_310/tornado_1643969120498/work +tqdm @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_637jfu39ar/croots/recipe/tqdm_1664392693982/work +traitlets @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_6301rd5qbe/croot/traitlets_1671143894285/work +transformers==4.40.2 +trl==0.8.1 +Twisted @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_a76ck539ib/croots/recipe/twisted_1659592768323/work +typer==0.9.0 +typing_extensions==4.9.0 +tyro==0.8.2 +ujson @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_72fbb42e-3a51-4c00-94eb-4f9b77e34df43ubvg1xz/croots/recipe/ujson_1657544926230/work +umap-learn==0.5.3 +Unidecode @ file:///tmp/build/80754af9/unidecode_1614712377438/work +urllib3 @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_8fvc4z_gis/croot/urllib3_1673575619550/work +virtualenv==20.23.0 +virtualenv-clone==0.5.7 +visdom==0.2.4 +w3lib @ file:///Users/ktietz/demo/mc3/conda-bld/w3lib_1629359764703/work +wasabi==1.1.2 +watchdog @ file:///Users/ktietz/ci_310/watchdog_1643972628664/work +wcwidth @ file:///Users/ktietz/demo/mc3/conda-bld/wcwidth_1629357192024/work +weasel==0.3.4 +webencodings==0.5.1 +websocket-client @ file:///Users/ktietz/ci_310/websocket-client_1643972661291/work +Werkzeug @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_54t7yp6vfo/croot/werkzeug_1671215998207/work +whatthepatch @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_fb6zrbk5ws/croots/recipe/whatthepatch_1661795996299/work +wrapt @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_37a5af2b-c563-4ec6-9258-35772bae6a6agcs4j3hx/croots/recipe/wrapt_1657814428573/work +wurlitzer @ file:///Users/ktietz/ci_310/wurlitzer_1643969655374/work +xarray @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_59mtp9c77n/croot/xarray_1668776594358/work +xlwings @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_c6m0e08tm3/croot/xlwings_1677024168480/work +xxhash==3.4.1 +yapf @ file:///tmp/build/80754af9/yapf_1615749224965/work +yarl==1.9.4 +zarr==2.16.1 +zict==2.1.0 +zipp @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_8cv5zqoqed/croot/zipp_1672387131277/work +zope.interface @ file:///Users/ktietz/ci_310/zope.interface_1643972839616/work +zstandard @ file:///private/var/folders/nz/j6p8yfhx1mv_0grj5xl4650h0000gp/T/abs_41b3vxtask/croot/zstandard_1677013668452/work