diff --git a/.ipynb_checkpoints/Untitled-checkpoint.ipynb b/.ipynb_checkpoints/Untitled-checkpoint.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..363fcab7ed6e9634e198cf5555ceb88932c9a245 --- /dev/null +++ b/.ipynb_checkpoints/Untitled-checkpoint.ipynb @@ -0,0 +1,6 @@ +{ + "cells": [], + "metadata": {}, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/.ipynb_checkpoints/requirements-checkpoint.txt b/.ipynb_checkpoints/requirements-checkpoint.txt new file mode 100644 index 0000000000000000000000000000000000000000..1f1353606d31ca8aa0059f35da1bb38f49abc8c9 --- /dev/null +++ b/.ipynb_checkpoints/requirements-checkpoint.txt @@ -0,0 +1,20 @@ +torch==1.6.0 +#dask[dataframe] +#dask[distributed] +#keybert +#bertopic +jieba +seaborn +sqlite_utils +sqlitefts +icecream +protobuf +#snorkel +pyarrow +transformers==3.0.2 +seqeval==0.0.12 +pytorch-crf==0.7.2 +rank_bm25 +nltk +gradio + diff --git a/.ipynb_checkpoints/run-checkpoint.py b/.ipynb_checkpoints/run-checkpoint.py new file mode 100644 index 0000000000000000000000000000000000000000..d0cdd50a1d2802361612481f5cbdb0e87a52cd66 --- /dev/null +++ b/.ipynb_checkpoints/run-checkpoint.py @@ -0,0 +1,127 @@ +from tableQA_single_table import * + +import json +import os +import sys + +def run_sql_query(s, df): + conn = sqlite3.connect(":memory:") + + assert isinstance(df, pd.DataFrame) + question_column = s.question_column + if question_column is None: + return { + "sql_query": "", + "cnt_num": 0, + "conclusion": [] + } + total_conds_filtered = s.total_conds_filtered + agg_pred = s.agg_pred + conn_pred = s.conn_pred + sql_format = "SELECT {} FROM {} {}" + header = df.columns.tolist() + if len(header) > len(set(header)): + req = [] + have_req = set([]) + idx = 0 + for h in header: + if h in have_req: + idx += 1 + req.append("{}_{}".format(h, idx)) + else: + req.append(h) + have_req.add(h) + header = req + def format_right(val): + val = str(val) + is_string = True + try: + literal_eval(val) + is_string = False + except: + pass + if is_string: + return "'{}'".format(val) + else: + return val + #ic(question_column, header) + assert question_column in header + assert all(map(lambda t3: t3[0] in header, total_conds_filtered)) + assert len(header) == len(set(header)) + index_header_mapping = dict(enumerate(header)) + header_index_mapping = dict(map(lambda t2: (t2[1], t2[0]) ,index_header_mapping.items())) + assert len(index_header_mapping) == len(header_index_mapping) + df_saved = df.copy() + df_saved.columns = list(map(lambda idx: "col_{}".format(idx), range(len(header)))) + df_saved.to_sql("Mem_Table", conn, if_exists = "replace", index = False) + question_column_idx = header.index(question_column) + sql_question_column = "col_{}".format(question_column_idx) + sql_total_conds_filtered = list(map(lambda t3: ("col_{}".format(header.index(t3[0])), t3[1], format_right(t3[2])), total_conds_filtered)) + sql_agg_pred = agg_pred + if sql_agg_pred.strip(): + sql_agg_pred = "{}()".format(sql_agg_pred) + else: + sql_agg_pred = "()" + sql_agg_pred = sql_agg_pred.replace("()", "({})") + sql_conn_pred = conn_pred + if sql_conn_pred.strip(): + pass + else: + sql_conn_pred = "" + #sql_where_string = "" if not (sql_total_conds_filtered and sql_conn_pred) else "WHERE {}".format(" {} ".format(sql_conn_pred).join(map(lambda t3: "{} {} {}".format(t3[0],"=" if t3[1] == "==" else t3[1], t3[2]), sql_total_conds_filtered))) + sql_where_string = "" if not (sql_total_conds_filtered) else "WHERE {}".format(" {} ".format(sql_conn_pred if sql_conn_pred else "and").join(map(lambda t3: "{} {} {}".format(t3[0],"=" if t3[1] == "==" else t3[1], t3[2]), sql_total_conds_filtered))) + #ic(sql_total_conds_filtered, sql_conn_pred, sql_where_string, s) + sql_query = sql_format.format(sql_agg_pred.format(sql_question_column), "Mem_Table", sql_where_string) + cnt_sql_query = sql_format.format("COUNT(*)", "Mem_Table", sql_where_string).strip() + #ic(cnt_sql_query) + cnt_num = pd.read_sql(cnt_sql_query, conn).values.reshape((-1,))[0] + if cnt_num == 0: + return { + "sql_query": sql_query, + "cnt_num": 0, + "conclusion": [] + } + query_conclusion_list = pd.read_sql(sql_query, conn).values.reshape((-1,)).tolist() + return { + "sql_query": sql_query, + "cnt_num": cnt_num, + "conclusion": query_conclusion_list + } + +#save_conn = sqlite3.connect(":memory:") +def single_table_pred(question, pd_df): + assert type(question) == type("") + assert isinstance(pd_df, pd.DataFrame) + qs_df = pd.DataFrame([[question]], columns = ["question"]) + + #print("pd_df :") + #print(pd_df) + + tableqa_df = full_before_cat_decomp(pd_df, qs_df, only_req_columns=False) + + #print("tableqa_df :") + #print(tableqa_df) + + assert tableqa_df.shape[0] == 1 + #sql_query_dict = run_sql_query(tableqa_df.iloc[0], pd_df, save_conn) + sql_query_dict = run_sql_query(tableqa_df.iloc[0], pd_df) + return sql_query_dict + + +if __name__ == "__main__": + szse_summary_df = pd.read_csv(os.path.join(main_path ,"data/df1.csv")) + data = { + "tqa_question": "EPS大于0且周涨跌大于5的平均市值是多少?", + "tqa_header": szse_summary_df.columns.tolist(), + "tqa_rows": szse_summary_df.values.tolist(), + "tqa_data_path": os.path.join(main_path ,"data/df1.csv"), + "tqa_answer": { + "sql_query": "SELECT AVG(col_4) FROM Mem_Table WHERE col_5 > 0 and col_3 > 5", + "cnt_num": 2, + "conclusion": [57.645] + } + } + + pd_df = pd.DataFrame(data["tqa_rows"], columns = data["tqa_header"]) + question = data["tqa_question"] + single_table_pred(question, pd_df) diff --git a/.ipynb_checkpoints/tableQA_single_table-checkpoint.py b/.ipynb_checkpoints/tableQA_single_table-checkpoint.py new file mode 100644 index 0000000000000000000000000000000000000000..6ea5892cb20f8cd31b17a8b25bfef8ba501a8ad7 --- /dev/null +++ b/.ipynb_checkpoints/tableQA_single_table-checkpoint.py @@ -0,0 +1,1295 @@ +#!/usr/bin/env python +# coding: utf-8 +#### env base_cp + +#main_path = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main" +#main_path = "/User/tableQA-Chinese-main" +#main_path = "/temp/tableQA-Chinese-main" +main_path = "." + +import pandas as pd +import numpy as np +import os +import ast +import re +import json +from icecream import ic +from copy import deepcopy +from itertools import product, combinations + + +import pandas as pd +import os +import sys +from pyarrow.filesystem import LocalFileSystem +from functools import reduce +import nltk +from nltk import pos_tag, word_tokenize +from collections import namedtuple +from ast import literal_eval + +from torch.nn import functional +import numpy as np +import torch +from torch import nn +from torch.nn import init +from torch.nn.utils import rnn as rnn_utils +import math + +from icecream import ic +import seaborn as sns + +import matplotlib.pyplot as plt + +import shutil + +#from keybert import KeyBERT +#from bertopic import BERTopic + + +import sqlite3 +import sqlite_utils +from icecream import ic +import jieba +import pandas as pd +import urllib.request +from urllib.parse import quote +from time import sleep +import json +import os +from collections import defaultdict +import re +from functools import reduce, partial + +#### used in this condition extract in training. +op_sql_dict = {0:">", 1:"<", 2:"==", 3:"!="} +#### used by clf for intension inference +agg_sql_dict = {0:"", 1:"AVG", 2:"MAX", 3:"MIN", 4:"COUNT", 5:"SUM"} +#### final to combine them (one for 0, and multi for 1 2) +conn_sql_dict = {0:"", 1:"and", 2:"or"} + +#### kws and time pattern defination +and_kws = ("且", "而且", "并且", "和", "当中", "同时") +or_kws = ("或", "或者",) +conn_kws = and_kws + or_kws + +pattern_list = [u"[年月\.\-\d]+", u"[年月\d]+", u"[年个月\d]+", u"[年月日\d]+"] + +time_kws = ("什么时候", "时间", "时候") + +sum_count_high_kws = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",) +mean_kws = ('平均数', '均值', '平均值', '平均') +max_kws = ('最大', '最多', '最大值', '最高') +min_kws = ('最少', '最小值', '最小', '最低') +sum_count_low_kws = ('个', '总共') + ('总和','加','总','一共','和',) + ("哪些", "查", "数量", "数") + ("几",) + ('多少', "多大") + ("总数",) +max_special_kws = ("以上", "大于") +min_special_kws = ("以下", "小于") + +qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个") + +only_kws_columns = {"城市": "=="} + +##### jointbert predict model init start +#jointbert_path = "../../featurize/JointBERT" +#jointbert_path = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main/JointBERT-master" +jointbert_path = os.path.join(main_path, "JointBERT-master") +sys.path.append(jointbert_path) + + +from model.modeling_jointbert import JointBERT +from model.modeling_jointbert import * +from trainer import * +from main import * +from data_loader import * + + +pred_parser = argparse.ArgumentParser() + +pred_parser.add_argument("--input_file", default="conds_pred/seq.in", type=str, help="Input file for prediction") +pred_parser.add_argument("--output_file", default="conds_pred/sample_pred_out.txt", type=str, help="Output file for prediction") +#pred_parser.add_argument("--model_dir", default="bert", type=str, help="Path to save, load model") +pred_parser.add_argument("--model_dir", default= os.path.join(main_path ,"data/bert"), type=str, help="Path to save, load model") +#pred_parser.add_argument("--model_dir", default= os.path.join(main_path ,"JBert_Zh_Condition_Extractor"), type=str, help="Path to save, load model") + + +pred_parser.add_argument("--batch_size", default=32, type=int, help="Batch size for prediction") +pred_parser.add_argument("--no_cuda", action="store_true", help="Avoid using CUDA when available") + + +pred_parser_config_dict = dict(map(lambda item:(item.option_strings[0].replace("--", ""), item.default) ,pred_parser.__dict__["_actions"])) +pred_parser_config_dict = dict(filter(lambda t2: t2[0] != "-h", pred_parser_config_dict.items())) + +pred_parser_namedtuple = namedtuple("pred_parser_config", pred_parser_config_dict.keys()) +for k, v in pred_parser_config_dict.items(): + if type(v) == type(""): + exec("pred_parser_namedtuple.{}='{}'".format(k, v)) + else: + exec("pred_parser_namedtuple.{}={}".format(k, v)) + + +from predict import * + + +pred_config = pred_parser_namedtuple +args = get_args(pred_config) +device = get_device(pred_config) + +args_parser_namedtuple = namedtuple("args_config", args.keys()) +for k, v in args.items(): + if type(v) == type(""): + exec("args_parser_namedtuple.{}='{}'".format(k, v)) + else: + exec("args_parser_namedtuple.{}={}".format(k, v)) + + +args = args_parser_namedtuple + +#args.data_dir = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main/data" +args.data_dir = os.path.join(main_path, "data") + +''' +pred_model = MODEL_CLASSES["bert"][1].from_pretrained(args.model_dir, + args=args, + intent_label_lst=get_intent_labels(args), + slot_label_lst=get_slot_labels(args)) +''' +pred_model = MODEL_CLASSES["bert"][1].from_pretrained( +os.path.join(main_path, "data/bert") +, + args=args, + intent_label_lst=get_intent_labels(args), + slot_label_lst=get_slot_labels(args)) + +pred_model.to(device) +pred_model.eval() + +intent_label_lst = get_intent_labels(args) +slot_label_lst = get_slot_labels(args) +pad_token_label_id = args.ignore_index +tokenizer = load_tokenizer(args) +## jointbert predict model init end + + +###### one sent conds decomp start +def predict_single_sent(question): + text = " ".join(list(question)) + batch = convert_input_file_to_tensor_dataset([text.split(" ")], pred_config, args, tokenizer, pad_token_label_id).tensors + batch = tuple(t.to(device) for t in batch) + inputs = {"input_ids": batch[0], + "attention_mask": batch[1], + "intent_label_ids": None, + "slot_labels_ids": None} + inputs["token_type_ids"] = batch[2] + outputs = pred_model(**inputs) + _, (intent_logits, slot_logits) = outputs[:2] + intent_preds = intent_logits.detach().cpu().numpy() + slot_preds = slot_logits.detach().cpu().numpy() + intent_preds = np.argmax(intent_preds, axis=1) + slot_preds = np.argmax(slot_preds, axis=2) + all_slot_label_mask = batch[3].detach().cpu().numpy() + slot_label_map = {i: label for i, label in enumerate(slot_label_lst)} + slot_preds_list = [[] for _ in range(slot_preds.shape[0])] + for i in range(slot_preds.shape[0]): + for j in range(slot_preds.shape[1]): + if all_slot_label_mask[i, j] != pad_token_label_id: + slot_preds_list[i].append(slot_label_map[slot_preds[i][j]]) + pred_l = [] + for words, slot_preds, intent_pred in zip([text.split(" ")], slot_preds_list, intent_preds): + line = "" + for word, pred in zip(words, slot_preds): + if pred == 'O': + line = line + word + " " + else: + line = line + "[{}:{}] ".format(word, pred) + pred_l.append((line, intent_label_lst[intent_pred])) + return pred_l[0] + + +###@@ conn_kws = ["且", "或", "或者", "和"] +''' +and_kws = ("且", "而且", "并且", "和", "当中", "同时") +or_kws = ("或", "或者",) +conn_kws = and_kws + or_kws +''' +#conn_kws = ("且", "或", "或者", "和") + ("而且", "并且", "当中") +#### some algorithm use in it. +def recurrent_extract(question): + def filter_relation(text): + #kws = ["且", "或", "或者", "和"] + kws = conn_kws + req = text + for kw in sorted(kws, key= lambda x: len(x))[::-1]: + req = req.replace(kw, "") + return req + def produce_plain_text(text): + ##### replace tag string from text + kws = ["[", "]", " ", ":B-HEADER", ":I-HEADER", ":B-VALUE", ":I-VALUE"] + plain_text = text + for kw in kws: + plain_text = plain_text.replace(kw, "") + return plain_text + def find_min_commmon_strings(c): + ##### {"jack", "ja", "ss", "sss", "ps", ""} -> {"ja", "ss", "ps"} + common_strings = list(filter(lambda x: type(x) == type("") , + map(lambda t2: t2[0] + if t2[0] in t2[1] + else (t2[1] + if t2[1] in t2[0] + else (t2[0], t2[1])),combinations(c, 2)))) + req = set([]) + while c: + ele = c.pop() + if all(map(lambda cc: cc not in ele, common_strings)): + req.add(ele) + req = req.union(set(common_strings)) + return set(filter(lambda x: x, req)) + def extract_scope(scope_text): + def find_max_in(plain_text ,b_chars, i_chars): + chars = "".join(b_chars + i_chars) + while chars and chars not in plain_text: + chars = chars[:-1] + return chars + b_header_chars = re.findall(r"([\w\W]):B-HEADER", scope_text) + i_header_chars = re.findall(r"([\w\W]):I-HEADER", scope_text) + b_value_chars = re.findall(r"([\w\W]):B-VALUE", scope_text) + i_value_chars = re.findall(r"([\w\W]):I-VALUE", scope_text) + if len(b_header_chars) != 1 or len(b_value_chars) != 1: + return None + plain_text = produce_plain_text(scope_text) + header = find_max_in(plain_text, b_header_chars, i_header_chars) + value = find_max_in(plain_text, b_value_chars, i_value_chars) + if (not header) or (not value): + return None + return (header, value) + def find_scope(text): + start_index = text.find("[") + end_index = text.rfind("]") + if start_index == -1 or end_index == -1: + return text + scope_text = text[start_index: end_index + 1] + res_text = filter_relation(text.replace(scope_text, "")).replace(" ", "").strip() + return (scope_text, res_text) + def produce_all_attribute_remove(req): + if not req: + return None + string_or_t2 = find_scope(req[-1][0]) + assert type(string_or_t2) in [type(""), type((1,))] + if type(string_or_t2) == type(""): + return string_or_t2 + else: + return string_or_t2[-1] + def extract_all_attribute(req): + extract_list = list(map(lambda t2: (t2[0][0], t2[1], t2[0][1]) , + filter(lambda x: x[0] , + map(lambda tt2_t2: (extract_scope(tt2_t2[0][0]), tt2_t2[1]) , + filter(lambda t2_t2: "HEADER" in t2_t2[0][0] and "VALUE" in t2_t2[0][0] , + filter(lambda string_or_t2_t2: type(string_or_t2_t2[0]) == type((1,)), + map(lambda tttt2: (find_scope(tttt2[0]), tttt2[1]), + req))))))) + return extract_list + def extract_attributes_relation_string(plain_text, all_attributes, res): + if not all_attributes: + return plain_text.replace(res if res else "", "") + def replace_by_one_l_r(text ,t3): + l, _, r = t3 + ##### produce multi l, r to satisfy string contrain problem + l0, l1 = l, l + r0, r1 = r, r + while l0 and l0 not in text: + l0 = l0[:-1] + while l1 and l1 not in text: + l1 = l1[1:] + while r0 and r0 not in text: + r0 = r0[:-1] + while r1 and r1 not in text: + r1 = r1[1:] + if not l or not r: + return text + + conclusion = set([]) + for l_, r_ in product([l0, l1], [r0, r1]): + l_r_conclusion = re.findall("({}.*?{})".format(l_, r_), text) + r_l_conclusion = re.findall("({}.*?{})".format(r_, l_), text) + conclusion = conclusion.union(set(l_r_conclusion + r_l_conclusion)) + + ##### because use produce multi must choose the shortest elements from them + ## to prevent "relation word" also be replaced. + conclusion_filtered = find_min_commmon_strings(conclusion) + + conclusion = conclusion_filtered + req_text = text + for c in conclusion: + req_text = req_text.replace(c, "") + return req_text + req_text_ = plain_text + for t3 in all_attributes: + req_text_ = replace_by_one_l_r(req_text_, t3) + return req_text_.replace(res, "") + req = [] + t2 = predict_single_sent(question) + req.append(t2) + while "[" in t2[0]: + scope = find_scope(t2[0]) + if type(scope) == type(""): + break + else: + assert type(scope) == type((1,)) + scope_text, res_text = scope + #ic(req) + t2 = predict_single_sent(res_text) + req.append(t2) + req = list(filter(lambda tt2: "HEADER" in tt2[0] and "VALUE" in tt2[0] , req)) + res = produce_all_attribute_remove(req) + #ic(req) + all_attributes = extract_all_attribute(req) + # plain_text = produce_plain_text(scope_text) + + return all_attributes, res, extract_attributes_relation_string(produce_plain_text(req[0][0] if req else ""), all_attributes, res) + + +def rec_more_time(decomp): + assert type(decomp) == type((1,)) and len(decomp) == 3 + assert not decomp[0] + res, relation_string = decomp[1:] + new_decomp = recurrent_extract(relation_string) + #### stop if rec not help by new_decomp[1] != decomp[1] + if not new_decomp[0] and new_decomp[1] != decomp[1]: + return rec_more_time(new_decomp) + return (new_decomp[0], res, new_decomp[1]) +### one sent conds decomp end + + +##### data source start +#train_path = "../TableQA/TableQA/train" +#train_path = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main/data/TableQA-master/train" +train_path = os.path.join(main_path, "data/TableQA-master/train") +def data_loader(table_json_path = os.path.join(train_path ,"train.tables.json"), + json_path = os.path.join(train_path ,"train.json"), + req_table_num = 1): + assert os.path.exists(table_json_path) + assert os.path.exists(json_path) + json_df = pd.read_json(json_path, lines = True) + all_tables = pd.read_json(table_json_path, lines = True) + if req_table_num is not None: + assert type(req_table_num) == type(0) and req_table_num > 0 and req_table_num <= all_tables.shape[0] + else: + req_table_num = all_tables.shape[0] + for i in range(req_table_num): + #one_table = all_tables.iloc[i]["table"] + #one_table_df = pd.read_sql("select * from `{}`".format(one_table), train_tables_dump_engine) + one_table_s = all_tables.iloc[i] + one_table_df = pd.DataFrame(one_table_s["rows"], columns = one_table_s["header"]) + yield one_table_df, json_df[json_df["table_id"] == one_table_s["id"]] +## data source end + + +###### string toolkit start +def findMaxSubString(str1, str2): + """ + """ + maxSub = 0 + maxSubString = "" + + str1_len = len(str1) + str2_len = len(str2) + + for i in range(str1_len): + str1_pos = i + for j in range(str2_len): + str2_pos = j + str1_pos = i + if str1[str1_pos] != str2[str2_pos]: + continue + else: + while (str1_pos < str1_len) and (str2_pos < str2_len): + if str1[str1_pos] == str2[str2_pos]: + str1_pos = str1_pos + 1 + str2_pos = str2_pos + 1 + else: + break + + sub_len = str2_pos - j + if maxSub < sub_len: + maxSub = sub_len + maxSubString = str2[j:str2_pos] + return maxSubString + + +def find_min_commmon_strings(c): + ##### {"jack", "ja", "ss", "sss", "ps", ""} -> {"ja", "ss", "ps"} + common_strings = list(filter(lambda x: type(x) == type("") , + map(lambda t2: t2[0] + if t2[0] in t2[1] + else (t2[1] + if t2[1] in t2[0] + else (t2[0], t2[1])),combinations(c, 2)))) + req = set([]) + while c: + ele = c.pop() + if all(map(lambda cc: cc not in ele, common_strings)): + req.add(ele) + req = req.union(set(common_strings)) + return set(filter(lambda x: x, req)) +## string toolkit end + + + +###### datetime column match start +#### only use object dtype to extract +def time_template_extractor(rows_filtered, pattern = u"[年月\.\-\d]+"): + #re_words = re.compile(u"[年月\.\-\d]+") + re_words = re.compile(pattern) + nest_collection = pd.DataFrame(rows_filtered).applymap(lambda x: tuple(sorted(list(re.findall(re_words, x))))).values.tolist() + def flatten_collection(c): + if not c: + return c + if type(c[0]) == type(""): + return c + else: + c = list(c) + return flatten_collection(reduce(lambda a, b: a + b, map(list ,c))) + return flatten_collection(nest_collection) + +###@@ pattern_list +#pattern_list = [u"[年月\.\-\d]+", u"[年月\d]+", u"[年个月\d]+", u"[年月日\d]+"] + +def justify_column_as_datetime(df, threshold = 0.8, time_template_extractor = lambda x: x): + object_columns = list(map(lambda tt2: tt2[0] ,filter(lambda t2: t2[1].name == "object" ,dict(df.dtypes).items()))) + time_columns = [] + for col in object_columns: + input_ = df[[col]].applymap(lambda x: "~" if type(x) != type("") else x) + output_ = time_template_extractor(input_.values.tolist()) + input_ = input_.iloc[:, 0].values.tolist() + time_evidence_cnt = sum(map(lambda t2: t2[0].strip() == t2[1].strip() and t2[0] and t2[1] and t2[0] != "~" and t2[1] != "~",zip(input_, output_))) + if time_evidence_cnt > 0 and time_evidence_cnt / df.shape[0] >= threshold: + #### use evidence ratio because may have some noise in data + time_columns.append(col) + return time_columns + +def justify_column_as_datetime_reduce(df, threshold = 0.8, time_template_extractor_list = list(map(lambda p: partial(time_template_extractor, pattern = p), pattern_list))): + return sorted(reduce(lambda a, b: a.union(b) ,map(lambda func: set(justify_column_as_datetime(df, threshold, func)), time_template_extractor_list))) +## datetime column match end + +##### choose question column have a reduce function call below (choose_res_by_kws) +##### this is a tiny first version +###@@ time_kws = ("什么时候", "时间", "时候") +#time_kws = ("什么时候", "时间", "时候") +##### +def choose_question_column(decomp, header, df): + assert type(decomp) == type((1,)) and type(header) == type([]) + + time_columns = justify_column_as_datetime_reduce(df) + _, res, _ = decomp + + if type(res) != type(""): + return None + + #ic(res) + ##### should add time kws to it. + #time_kws = ("什么时候", "时间", "时候") + if any(map(lambda t_kw: t_kw in res, time_kws)): + if len(time_columns) == 1: + return time_columns[0] + else: + ''' + return sorted(map(lambda t_col: (t_col ,len(findMaxSubString(t_col, res)) / len(t_col)), time_columns), + key = lambda t2: t2[1])[::-1][0][0] + ''' + sort_list = sorted(map(lambda t_col: (t_col ,len(findMaxSubString(t_col, res)) / len(t_col)), time_columns), + key = lambda t2: t2[1])[::-1] + if sort_list: + if sort_list[0]: + return sort_list[0][0] + return None + + c_res_common_dict = dict(filter(lambda t2: t2[1] ,map(lambda c: (c ,findMaxSubString(c, res)), header))) + common_ratio_c_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(t2[0])), c_res_common_dict.items())) + common_ratio_res_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(res)), c_res_common_dict.items())) + #ic(decomp) + #ic(common_ratio_c_dict) + #ic(common_ratio_res_dict) + + if not common_ratio_c_dict or not common_ratio_res_dict: + return None + + dict_0_max_key = sorted(common_ratio_c_dict.items(), key = lambda t2: t2[1])[::-1][0][0] + dict_1_max_key = sorted(common_ratio_res_dict.items(), key = lambda t2: t2[1])[::-1][0][0] + return dict_0_max_key if dict_0_max_key == dict_1_max_key else None + + +##### agg-classifier start +''' +sum_count_high_kws = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",) +mean_kws = ('平均数', '均值', '平均值', '平均') +max_kws = ('最大', '最多', '最大值', '最高') +min_kws = ('最少', '最小值', '最小', '最低') +sum_count_low_kws = ('个', '总共') + ('总和','加','总','一共','和',) + ("哪些", "查", "数量", "数") + ("几",) + ('多少', "多大") + ("总数",) +max_special_kws = ("以上", "大于") +min_special_kws = ("以下", "小于") +''' + +###@@ sum_count_high_kws = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",) +###@@ mean_kws = ('平均数', '均值', '平均值', '平均') +###@@ max_kws = ('最大', '最多', '最大值', '最高') +###@@ min_kws = ('最少', '最小值', '最小', '最低') +###@@ sum_count_low_kws = ('个', '总共') + ('总和','加','总','一共','和',) + ("哪些", "查", "数量", "数") + ("几",) + ('多少', "多大") + ("总数",) +###@@ max_special_kws = ("以上", "大于") +###@@ min_special_kws = ("以下", "小于") + +def simple_label_func(s, drop_header = True): + text_tokens =s.question_cut + header = list(map(lambda x: x[:x.find("(")] if (not x.startswith("(") and x.endswith(")")) else x ,s.header.split(","))) + + #### not contain samples may not match in fuzzy-match, special column mapping in finance, + ### or "3" to "三" + ''' + fit_collection = ('多少个', '有几个', '总共') + ('总和','一共',) + ('平均数', '均值', '平均值', '平均') + ('最大', '最多', '最大值', '最高') + ('最少', '最小值', '最小', '最低') + + ''' + fit_collection = sum_count_high_kws + mean_kws + max_kws + min_kws + fit_header = [] + for c in header: + for kw in fit_collection: + if kw in c: + start_idx = c.find(kw) + end_idx = start_idx + len(kw) + fit_header.append(c[start_idx: end_idx]) + + if not drop_header: + header = [] + fit_header = [] + + input_ = "".join(text_tokens) + for c in header + fit_header: + if c in fit_collection: + continue + input_ = input_.replace(c, "") + c0, c1 = c, c + while c0 and c0 not in fit_collection and len(c0) >= 4: + c0 = c0[1:] + if c0 in fit_collection: + break + input_ = input_.replace(c0, "") + while c1 and c1 not in fit_collection and len(c1) >= 4: + c1 = c1[:-1] + if c1 in fit_collection: + break + input_ = input_.replace(c1, "") + + #ic(input_) + text_tokens = list(jieba.cut(input_)) + + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + ("哪些", "查", "数量") + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + ##### 高置信度部分 (作为是否构成使用特殊规则的判断标准) + #### case 2 部分 (高置信度有效匹配) + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",) + cat_6_collection_high_level = sum_count_high_kws + if any(map(lambda high_level_token: high_level_token in "".join(text_tokens), cat_6_collection_high_level)): + return 6 + + #### 够深 够宽 规则部分, change order by header, if header have kws in , lower order + if any(map(lambda kw: kw in text_tokens, mean_kws)): + return 1 + if any(map(lambda kw: kw in text_tokens, max_kws)): + return 2 + if any(map(lambda kw: kw in text_tokens, min_kws)): + return 3 + + ##### 低置信度部分 + #### case 2 部分 (低置信度尾部匹配) + cat_6_collection = sum_count_low_kws + if any(map(lambda kw: kw in text_tokens, cat_6_collection)): + return 6 + if any(map(lambda token: "几" in token, text_tokens)): + return 6 + + #### special case 部分 + if any(map(lambda kw: kw in text_tokens, max_special_kws)): + return 2 + if any(map(lambda kw: kw in text_tokens, min_special_kws)): + return 3 + + #### 无效匹配 + return 0 + + +def simple_special_func(s, drop_header = True): + text_tokens =s.question_cut + header = list(map(lambda x: x[:x.find("(")] if (not x.startswith("(") and x.endswith(")")) else x ,s.header.split(","))) + + #### not contain samples may not match in fuzzy-match, special column mapping in finance, + ### or "3" to "三" + fit_collection = sum_count_high_kws + mean_kws + max_kws + min_kws + fit_header = [] + for c in header: + for kw in fit_collection: + if kw in c: + start_idx = c.find(kw) + end_idx = start_idx + len(kw) + fit_header.append(c[start_idx: end_idx]) + + input_ = "".join(text_tokens) + if not drop_header: + header = [] + fit_header = [] + + for c in header + fit_header: + if c in fit_collection: + continue + input_ = input_.replace(c, "") + c0, c1 = c, c + while c0 and c0 not in fit_collection and len(c0) >= 4: + c0 = c0[1:] + if c0 in fit_collection: + break + input_ = input_.replace(c0, "") + while c1 and c1 not in fit_collection and len(c1) >= 4: + c1 = c1[:-1] + if c1 in fit_collection: + break + input_ = input_.replace(c1, "") + + #ic(input_) + text_tokens = list(jieba.cut(input_)) + #ic(text_tokens) + + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + ("哪些", "查", "数量") + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + #### case 2 部分 (高置信度有效匹配) + cat_6_collection_high_level = sum_count_high_kws + if any(map(lambda high_level_token: high_level_token in "".join(text_tokens), cat_6_collection_high_level)): + return 6 + + #### 够深 够宽 规则部分, change order by header, if header have kws in , lower order + if any(map(lambda kw: kw in text_tokens, mean_kws)): + return 1 + if any(map(lambda kw: kw in text_tokens, max_kws)): + return 2 + if any(map(lambda kw: kw in text_tokens, min_kws)): + return 3 + + return 0 + + +def simple_total_label_func(s): + is_special = False if simple_special_func(s) == 0 else True + if not is_special: + return 0 + return simple_label_func(s) +## agg-classifier end + + +##### main block of process start +def split_by_cond(s, extract_return = True): + def recurrent_extract_cond(text): + #return np.asarray(recurrent_extract(text)[0]) + #return recurrent_extract(text)[0] + return np.asarray(list(recurrent_extract(text)[0])) + + question = s["question"] + res = s["rec_decomp"][1] + if question is None: + question = "" + if res is None: + res = "" + + common_res = findMaxSubString(question, res) + #cond_kws = ("或", "而且", "并且", "当中") + #cond_kws = ("或", "而且" "并且" "当中") + cond_kws = conn_kws + condition_part = question.replace(common_res, "") + fit_kws = set([]) + for kw in cond_kws: + if kw in condition_part and not condition_part.startswith(kw) and not condition_part.endswith(kw): + fit_kws.add(kw) + if not fit_kws: + will_return = ([condition_part.replace(" ", "") + " " + common_res], "") + if extract_return: + #return (list(map(recurrent_extract_cond, will_return[0])), will_return[1]) + will_return = (np.asarray(list(map(recurrent_extract_cond, will_return[0]))) , will_return[1]) + #will_return = (np.concatenate(list(filter(lambda x: x.size ,map(np.asarray ,will_return[0].tolist()))), axis = 0), will_return[1]) + #will_return = (np.concatenate(list(map(np.asarray ,will_return[0].tolist())), axis = 0), will_return[1]) + input_ = list(filter(lambda x: x.size ,map(np.asarray ,will_return[0].tolist()))) + if input_: + will_return = (np.concatenate(input_, axis = 0), will_return[1]) + else: + will_return = (np.empty((0, 3)), will_return[1]) + + will_return = will_return[0].reshape((-1, 3)) if will_return[0].size else np.empty((0, 3)) + return will_return + + fit_kw = sorted(fit_kws, key = len)[::-1][0] + condition_part_splits = condition_part.split(fit_kw) + #if fit_kw in ("或",): + if fit_kw in or_kws: + fit_kw = "or" + #elif fit_kw in ("而且", "并且", "当中",): + elif fit_kw in and_kws: + fit_kw = "and" + else: + fit_kw = "" + + will_return = (list(map(lambda cond_: cond_.replace(" ", "") + " " + common_res, condition_part_splits)), fit_kw) + if extract_return: + #return (list(map(recurrent_extract_cond, will_return[0])), will_return[1]) + will_return = (np.asarray(list(map(recurrent_extract_cond, will_return[0]))), will_return[1]) + #ic(will_return[0]) + #will_return = (np.concatenate(list(map(np.asarray ,will_return[0].tolist())), axis = 0), will_return[1]) + input_ = list(filter(lambda x: x.size ,map(np.asarray ,will_return[0].tolist()))) + if input_: + will_return = (np.concatenate(input_, axis = 0), will_return[1]) + else: + will_return = (np.empty((0, 3)), will_return[1]) + #ic(will_return[0]) + will_return = will_return[0].reshape((-1, 3)) if will_return[0].size else np.empty((0, 3)) + + return will_return + + + +def filter_total_conds(s, df, condition_fit_num = 0): + assert condition_fit_num >= 0 and type(condition_fit_num) == type(0) + df = df.copy() + + #### some col not as float with only "None" as cell, also transform them into float + df = df.applymap(lambda x: np.nan if x in ["None", None, "/"] else x) + def justify_column_as_float(s): + if "float" in str(s.dtype): + return True + if all(s.map(type).map(lambda tx: "float" in str(tx))): + return True + return False + + float_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_float, axis = 0).to_dict().items()))) + for f_col in float_cols: + df[f_col] = df[f_col].astype(np.float64) + ### + + header = df.columns.tolist() + units_cols = filter(lambda c: "(" in c and c.endswith(")"), df.columns.tolist()) + if not float_cols: + float_discribe_df = pd.DataFrame() + else: + float_discribe_df = df[float_cols].describe() + + def call_eval(val): + try: + return literal_eval(val) + except: + return val + + #### find condition column same as question_column + def find_cond_col(res, header): + #ic(res, header) + c_res_common_dict = dict(filter(lambda t2: t2[1] ,map(lambda c: (c ,findMaxSubString(c, res)), header))) + #ic(c_res_common_dict) + common_ratio_c_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(t2[0])), c_res_common_dict.items())) + common_ratio_res_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(res)), c_res_common_dict.items())) + + if not common_ratio_c_dict or not common_ratio_res_dict: + return None + + dict_0_max_key = sorted(common_ratio_c_dict.items(), key = lambda t2: t2[1])[::-1][0][0] + dict_1_max_key = sorted(common_ratio_res_dict.items(), key = lambda t2: t2[1])[::-1][0][0] + return dict_0_max_key if dict_0_max_key == dict_1_max_key else None + ### + + #### type comptatible in column type and value type, and fit_num match + def filter_cond_col(cond_t3): + assert type(cond_t3) == type((1,)) and len(cond_t3) == 3 + col, _, value = cond_t3 + + if type(value) == type(""): + value = call_eval(value) + + if col not in df.columns.tolist(): + return False + + #### type key value comp + if col in float_cols and type(value) not in (type(0), type(0.0)): + return False + + if col not in float_cols and type(value) in (type(0), type(0.0)): + return False + + #### string value not in corr column + if col not in float_cols and type(value) not in (type(0), type(0.0)): + if type(value) == type(""): + if value not in df[col].tolist(): + return False + + if type(value) in (type(0), type(0.0)): + if col in float_discribe_df.columns.tolist(): + if condition_fit_num > 0: + if value >= float_discribe_df[col].loc["min"] and value <= float_discribe_df[col].loc["max"]: + return True + else: + return False + else: + assert condition_fit_num == 0 + return True + + if condition_fit_num > 0: + if value in df[col].tolist(): + return True + else: + return False + else: + assert condition_fit_num == 0 + return True + + return True + ### + + #### condtions with same column may have conflict, choose the nearest one by stats in float or + ### common_string as find_cond_col do. + def same_column_cond_filter(cond_list, sort_stats = "mean"): + #ic(cond_list) + if len(cond_list) == len(set(map(lambda t3: t3[0] ,cond_list))): + return cond_list + + req = defaultdict(list) + for t3 in cond_list: + req[t3[0]].append(t3[1:]) + + def t2_list_sort(col_name ,t2_list): + if not t2_list: + return None + t2 = None + if col_name in float_cols: + t2 = sorted(t2_list, key = lambda t2: np.abs(t2[1] - float_discribe_df[col_name].loc[sort_stats]))[0] + else: + if all(map(lambda t2: type(t2[1]) == type("") ,t2_list)): + col_val_cnt_df = df[col_name].value_counts().reset_index() + col_val_cnt_df.columns = ["val", "cnt"] + #col_val_cnt_df["val"].map(lambda x: sorted(filter(lambda tt2: tt2[-1] ,map(lambda t2: (t2 ,len(findMaxSubString(x, t2[1]))), t2_list)), + # key = lambda ttt2: -1 * ttt2[-1])[0]) + + t2_list_map_to_column_val = list(filter(lambda x: x[1] ,map(lambda t2: (t2[0] ,find_cond_col(t2[1], list(set(col_val_cnt_df["val"].values.tolist())))), t2_list))) + if t2_list_map_to_column_val: + #### return max length fit val in column + t2 = sorted(t2_list_map_to_column_val, key = lambda t2: -1 * len(t2[1]))[0] + if t2 is None and t2_list: + t2 = t2_list[0] + return t2 + + cond_list_filtered = list(map(lambda ttt2: (ttt2[0], ttt2[1][0], ttt2[1][1]) , + filter(lambda tt2: tt2[1] ,map(lambda t2: (t2[0] ,t2_list_sort(t2[0], t2[1])), req.items())))) + + return cond_list_filtered + ### + + total_conds_map_to_column = list(map(lambda t3: (find_cond_col(t3[0], header), t3[1], t3[2]), s["total_conds"])) + total_conds_map_to_column_filtered = list(filter(filter_cond_col, total_conds_map_to_column)) + total_conds_map_to_column_filtered = sorted(set(map(lambda t3: (t3[0], t3[1], call_eval(t3[2]) if type(t3[2]) == type("") else t3[2]), total_conds_map_to_column_filtered))) + #ic(total_conds_map_to_column_filtered) + + cp_cond_list = list(filter(lambda t3: t3[1] in (">", "<"), total_conds_map_to_column_filtered)) + eq_cond_list = list(filter(lambda t3: t3[1] in ("==", "!="), total_conds_map_to_column_filtered)) + + cp_cond_list_filtered = same_column_cond_filter(cp_cond_list) + + #total_conds_map_to_column_filtered = same_column_cond_filter(total_conds_map_to_column_filtered) + return cp_cond_list_filtered + eq_cond_list + #return total_conds_map_to_column_filtered + +###@@ only_kws_columns = {"城市": "=="} + +#### this function only use to cond can not extract by JointBert, +### may because not contain column string in question such as "城市" or difficult to extract kw +### define kw column as all cells in series are string type. +### this function support config relation to column and if future +### want to auto extract relation, this may can be done by head string or tail string by edit pattern "\w?{}\w?" +### "是" or "不是" can be extract in this manner. +def augment_kw_in_question(question_df, df, only_kws_in_string = []): + #### keep only_kws_in_string empty to maintain all condition + question_df = question_df.copy() + #df = df.copy() + + def call_eval(val): + try: + return literal_eval(val) + except: + return val + + df = df.copy() + + df = df.applymap(call_eval) + + #### some col not as float with only "None" as cell, also transform them into float + df = df.applymap(lambda x: np.nan if x in ["None", None, "/"] else x) + def justify_column_as_float(s): + if "float" in str(s.dtype): + return True + if all(s.map(type).map(lambda tx: "float" in str(tx))): + return True + return False + + float_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_float, axis = 0).to_dict().items()))) + #obj_cols = set(df.columns.tolist()).difference(set(float_cols)) + + def justify_column_as_kw(s): + if all(s.map(type).map(lambda tx: "str" in str(tx))): + return True + return False + + obj_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_kw, axis = 0).to_dict().items()))) + obj_cols = list(set(obj_cols).difference(set(float_cols))) + if only_kws_columns: + obj_cols = list(set(obj_cols).intersection(set(only_kws_columns.keys()))) + + #replace_format = "{}是{}" + #kw_augmented_df = pd.DataFrame(df[obj_cols].apply(lambda s: list(map(lambda val :(val,replace_format.format(s.name, val)), s.tolist())), axis = 0).values.tolist()) + #kw_augmented_df.columns = obj_cols + kw_augmented_df = df[obj_cols].copy() + #ic(kw_augmented_df) + + def extract_question_kws(question): + if not kw_augmented_df.size: + return [] + req = defaultdict(set) + for ridx, r in kw_augmented_df.iterrows(): + for k, v in dict(r).items(): + if v in question: + pattern = "\w?{}\w?".format(v) + all_match = re.findall(pattern, question) + #req = req.union(set(all_match)) + #req[v] = req[v].union(set(all_match)) + key = "{}~{}".format(k, v) + req[key] = req[key].union(set(all_match)) + #ic(k, v) + #question = question.replace(v[0], v[1]) + #return question.replace(replace_format.format("","") * 2, replace_format.format("","")) + #req = list(req) + if only_kws_in_string: + req = list(map(lambda tt2: tt2[0] ,filter(lambda t2: sum(map(lambda kw: sum(map(lambda t: kw in t ,t2[1])), only_kws_in_string)), req.items()))) + else: + req = list(set(req.keys())) + + def req_to_t3(req_string, relation = "=="): + assert "~" in req_string + left, right = req_string.split("~") + if left in only_kws_columns: + relation = only_kws_columns[left] + return (left, relation, right) + + if not req: + return [] + + return list(map(req_to_t3, req)) + + #return req + + question_df["question_kw_conds"] = question_df["question"].map(extract_question_kws) + return question_df + + +def choose_question_column_by_rm_conds(s, df): + question = s.question + total_conds_filtered = s.total_conds_filtered + #cond_kws = ("或", "而且", "并且", "当中") + cond_kws = conn_kws + stopwords = ("是", ) + #ic(total_conds_filtered) + def construct_res(question): + for k, _, v in total_conds_filtered: + if "(" in k: + k = k[:k.find("(")] + #ic(k) + question = question.replace(str(k), "") + question = question.replace(str(v), "") + for w in cond_kws + stopwords: + question = question.replace(w, "") + return question + + res = construct_res(question) + decomp = (None, res, None) + return choose_question_column(decomp, df.columns.tolist(), df) + + +def split_qst_by_kw(question, kw = "的"): + return question.split(kw) + +#qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个") +###@@ qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个") +def choose_res_by_kws(question): + #kws = ["的","多少", '是'] + question = question.replace(" ", "") + #kws = ["的","或者","或", "且","并且","同时"] + kws = ("的",) + conn_kws + kws = list(kws) + def qst_kw_filter(text): + #qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个") + if any(map(lambda kw: kw in text, qst_kws)): + return True + return False + + kws_cp = deepcopy(kws) + qst_c = set(question.split(",")) + while kws: + kw = kws.pop() + qst_c = qst_c.union(set(filter(qst_kw_filter ,reduce(lambda a, b: a + b,map(lambda q: split_qst_by_kw(q, kw), qst_c)))) + ) + #print("-" * 10) + #print(sorted(filter(lambda x: x and (x not in kws_cp) ,qst_c), key = len)) + #print(sorted(filter(lambda x: x and (x not in kws_cp) and qst_kw_filter(x) ,qst_c), key = len)) + #### final choose if or not + return sorted(filter(lambda x: x and (x not in kws_cp) and qst_kw_filter(x) ,qst_c), key = len) + #return sorted(filter(lambda x: x and (x not in kws_cp) and True ,qst_c), key = len) + + +def cat6_to_45_by_column_type(s, df): + agg_pred = s.agg_pred + if agg_pred != 6: + return agg_pred + question_column = s.question_column + + def call_eval(val): + try: + return literal_eval(val) + except: + return val + + df = df.copy() + + df = df.applymap(call_eval) + + #### some col not as float with only "None" as cell, also transform them into float + df = df.applymap(lambda x: np.nan if x in ["None", None, "/"] else x) + def justify_column_as_float(s): + if "float" in str(s.dtype): + return True + if all(s.map(type).map(lambda tx: "float" in str(tx))): + return True + return False + + float_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_float, axis = 0).to_dict().items()))) + #obj_cols = set(df.columns.tolist()).difference(set(float_cols)) + + def justify_column_as_kw(s): + if all(s.map(type).map(lambda tx: "str" in str(tx))): + return True + return False + + #obj_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_kw, axis = 0).to_dict().items()))) + obj_cols = df.columns.tolist() + obj_cols = list(set(obj_cols).difference(set(float_cols))) + + #ic(obj_cols, float_cols, df.columns.tolist()) + assert len(obj_cols) + len(float_cols) == df.shape[1] + + if question_column in obj_cols: + return 4 + elif question_column in float_cols: + return 5 + else: + return 0 + + +def full_before_cat_decomp(df, question_df, only_req_columns = False): + df, question_df = df.copy(), question_df.copy() + first_train_question_extract_df = pd.DataFrame(question_df["question"].map(lambda question: (question, recurrent_extract(question))).tolist()) + first_train_question_extract_df.columns = ["question", "decomp"] + + first_train_question_extract_df = augment_kw_in_question(first_train_question_extract_df, df) + + first_train_question_extract_df["rec_decomp"] = first_train_question_extract_df["decomp"].map(lambda decomp: decomp if decomp[0] else rec_more_time(decomp)) + #return first_train_question_extract_df.copy() + first_train_question_extract_df["question_cut"] = first_train_question_extract_df["rec_decomp"].map(lambda t3: jieba.cut(t3[1]) if t3[1] is not None else []).map(list) + first_train_question_extract_df["header"] = ",".join(df.columns.tolist()) + first_train_question_extract_df["question_column_res"] = first_train_question_extract_df["rec_decomp"].map(lambda decomp: choose_question_column(decomp, df.columns.tolist(), df)) + + #### agg + first_train_question_extract_df["agg_res_pred"] = first_train_question_extract_df.apply(simple_total_label_func, axis = 1) + first_train_question_extract_df["question_cut"] = first_train_question_extract_df["question"].map(jieba.cut).map(list) + first_train_question_extract_df["agg_qst_pred"] = first_train_question_extract_df.apply(simple_total_label_func, axis = 1) + ### if agg_res_pred and agg_qst_pred have conflict use max, to prevent from empty agg with errorous question column + ### but this "max" can also be replaced by measure the performance of decomp part, and choose the best one + ### or we can use agg_qst_pred with high balanced_score as 0.86+ in imbalanced dataset. + ### which operation to use need some discussion. + ### (balanced_accuracy_score(lookup_df["sql"], lookup_df["agg_pred"]), + ### balanced_accuracy_score(lookup_df["sql"], lookup_df["agg_res_pred"]), + ### balanced_accuracy_score(lookup_df["sql"], lookup_df["agg_qst_pred"])) + ### (0.9444444444444445, 0.861111111111111, 0.9444444444444445) first_train_df conclucion + ### (1.0, 0.8333333333333333, 1.0) cat6_conclucion + ### this show that res worse in cat6 situation, but the agg-classifier construct is sufficent to have a + ### good conclusion in full-question. (because cat6 is the most accurate part in Tupledire tree sense.) + ### so use max as the best one + first_train_question_extract_df["agg_pred"] = first_train_question_extract_df.apply(lambda s: max(s.agg_res_pred, s.agg_qst_pred), axis = 1) + + #### conn and conds + first_train_question_extract_df["conds"] = first_train_question_extract_df["rec_decomp"].map(lambda x: x[0]) + first_train_question_extract_df["split_conds"] = first_train_question_extract_df.apply(split_by_cond, axis = 1).values.tolist() + first_train_question_extract_df["conn_pred"] = first_train_question_extract_df.apply(lambda s: split_by_cond(s, extract_return=False), axis = 1).map(lambda x: x[-1]).values.tolist() + #first_train_question_extract_df["total_conds"] = first_train_question_extract_df.apply(lambda s: list(set(map(tuple,s["conds"] + s["split_conds"].tolist()))), axis = 1).values.tolist() + first_train_question_extract_df["total_conds"] = first_train_question_extract_df.apply(lambda s: list(set(map(tuple,s["question_kw_conds"] + s["conds"] + s["split_conds"].tolist()))), axis = 1).values.tolist() + first_train_question_extract_df["total_conds_filtered"] = first_train_question_extract_df.apply(lambda s: filter_total_conds(s, df), axis = 1).values.tolist() + + #### question_column_res more accurate, if not fit then use full-question question_column_qst to extract + ### can not fit multi question or fuzzy describe, or question need kw replacement. + + #first_train_question_extract_df["question_column_qst"] = first_train_question_extract_df.apply(lambda s: choose_question_column_by_rm_conds(s, df), axis = 1) + first_train_question_extract_df["question_column_qst"] = first_train_question_extract_df["question"].map(choose_res_by_kws).map(lambda res_list: list(filter(lambda x: x ,map(lambda res: choose_question_column((None, res, None), df.columns.tolist(), df), res_list)))).map(lambda x: x[0] if x else None) + first_train_question_extract_df["question_column"] = first_train_question_extract_df.apply(lambda s: s.question_column_res if s.question_column_res is not None else s.question_column_qst, axis = 1) + + #### predict cat6 to 4 5 based on question_column and column dtype, + #### this may performance bad if question_column has error, + #### and almost 100% accurate if question_column truly provide and user is not an idoit (speak ....) + agg_sql_dict = {0:"", 1:"AVG", 2:"MAX", 3:"MIN", 4:"COUNT", 5:"SUM"} + first_train_question_extract_df["agg_pred"] = first_train_question_extract_df.apply(lambda s: cat6_to_45_by_column_type(s, df), axis = 1).map(lambda x: agg_sql_dict[x]) + if only_req_columns: + return first_train_question_extract_df[["question", + "total_conds_filtered", + "conn_pred", + "question_column", + "agg_pred" + ]].copy() + + return first_train_question_extract_df.copy() + + +if __name__ == "__main__": + ###### valid block + req = list(data_loader(req_table_num=None)) + + + train_df, _ = req[2] + train_df + question = "哪些股票的收盘价大于20?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + #### not support select 股票 from table where 市值 = (select max(市值) from table) + #### this is a nest sql. + question = "哪个股票代码市值最高?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + question = "市值的最大值是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "EPS大于0的股票有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "EPS大于0且周涨跌大于5的平均市值是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + train_df, _ = req[5] + train_df + question = "产能小于20、销量大于40而且市场占有率超过1的公司有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + #### 特殊符号 "、" + question = "产能小于20而且销量大于40而且市场占有率超过1的公司有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + train_df, _ = req[6] + train_df + #### 加入列别名 只需要 复刻列即可 + question = "投资评级为维持的名称有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + train_df["公司"] = train_df["名称"] + question = "投资评级为维持的公司有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "投资评级为维持而且变动为增持的公司有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "投资评级为维持或者变动为增持的公司有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "投资评级为维持或者变动为增持的平均收盘价是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + train_df, _ = req[7] + train_df + question = "宁波的一手房每周交易数据上周成交量是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "一手房每周交易数据为宁波上周成交量是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + #### this also can deal with set column as use kw to extract + ### see function augment_kw_in_question + train_df["城市"] = train_df["一手房每周交易数据"] + question = "一手房每周交易数据为宁波上周成交量是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + question = "王翔知道宁波一手房的当月累计成交量是多少吗?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "王翔知道上周成交量大于50的最大同比当月是多少吗?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + train_df, _ = req[9] + #### the last column should be "周跌幅", can't tackle duplicates columns + train_df + cols = train_df.columns.tolist() + cols[-1] = "周跌幅(%)" + train_df.columns = cols + question = "周涨幅大于7的涨股有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + #### not recognize as 6 agg-classifier + question = "周涨幅大于7的涨股总数是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "周涨幅大于7的涨股总共有多少个?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) diff --git a/JointBERT-master/.gitignore b/JointBERT-master/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..2dee107fc2a021870790bd31ae9dea2c2efa38ac --- /dev/null +++ b/JointBERT-master/.gitignore @@ -0,0 +1,114 @@ +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +.hypothesis/ +.pytest_cache/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# pyenv +.python-version + +# celery beat schedule file +celerybeat-schedule + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ + +################################### +.vscode/ +.idea/ +snips_model/ +atis_model/ + +.DS_Store +cached* +sample_pred_out.txt \ No newline at end of file diff --git a/JointBERT-master/LICENSE b/JointBERT-master/LICENSE new file mode 100644 index 0000000000000000000000000000000000000000..261eeb9e9f8b2b4b0d119366dda99c6fd7d35c64 --- /dev/null +++ b/JointBERT-master/LICENSE @@ -0,0 +1,201 @@ + Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + 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. diff --git a/JointBERT-master/README.md b/JointBERT-master/README.md new file mode 100644 index 0000000000000000000000000000000000000000..6f147940efcf72294d37f9546c7f87ef3df73b3c --- /dev/null +++ b/JointBERT-master/README.md @@ -0,0 +1,96 @@ +# JointBERT + +(Unofficial) Pytorch implementation of `JointBERT`: [BERT for Joint Intent Classification and Slot Filling](https://arxiv.org/abs/1902.10909) + +## Model Architecture + +

+ +

+ +- Predict `intent` and `slot` at the same time from **one BERT model** (=Joint model) +- total_loss = intent_loss + coef \* slot_loss (Change coef with `--slot_loss_coef` option) +- **If you want to use CRF layer, give `--use_crf` option** + +## Dependencies + +- python>=3.6 +- torch==1.6.0 +- transformers==3.0.2 +- seqeval==0.0.12 +- pytorch-crf==0.7.2 + +## Dataset + +| | Train | Dev | Test | Intent Labels | Slot Labels | +| ----- | ------ | --- | ---- | ------------- | ----------- | +| ATIS | 4,478 | 500 | 893 | 21 | 120 | +| Snips | 13,084 | 700 | 700 | 7 | 72 | + +- The number of labels are based on the _train_ dataset. +- Add `UNK` for labels (For intent and slot labels which are only shown in _dev_ and _test_ dataset) +- Add `PAD` for slot label + +## Training & Evaluation + +```bash +$ python3 main.py --task {task_name} \ + --model_type {model_type} \ + --model_dir {model_dir_name} \ + --do_train --do_eval \ + --use_crf + +# For ATIS +$ python3 main.py --task atis \ + --model_type bert \ + --model_dir atis_model \ + --do_train --do_eval +# For Snips +$ python3 main.py --task snips \ + --model_type bert \ + --model_dir snips_model \ + --do_train --do_eval +``` + +## Prediction + +```bash +$ python3 predict.py --input_file {INPUT_FILE_PATH} --output_file {OUTPUT_FILE_PATH} --model_dir {SAVED_CKPT_PATH} +``` + +## Results + +- Run 5 ~ 10 epochs (Record the best result) +- Only test with `uncased` model +- ALBERT xxlarge sometimes can't converge well for slot prediction. + +| | | Intent acc (%) | Slot F1 (%) | Sentence acc (%) | +| --------- | ---------------- | -------------- | ----------- | ---------------- | +| **Snips** | BERT | **99.14** | 96.90 | 93.00 | +| | BERT + CRF | 98.57 | **97.24** | **93.57** | +| | DistilBERT | 98.00 | 96.10 | 91.00 | +| | DistilBERT + CRF | 98.57 | 96.46 | 91.85 | +| | ALBERT | 98.43 | 97.16 | 93.29 | +| | ALBERT + CRF | 99.00 | 96.55 | 92.57 | +| **ATIS** | BERT | 97.87 | 95.59 | 88.24 | +| | BERT + CRF | **97.98** | 95.93 | 88.58 | +| | DistilBERT | 97.76 | 95.50 | 87.68 | +| | DistilBERT + CRF | 97.65 | 95.89 | 88.24 | +| | ALBERT | 97.64 | 95.78 | 88.13 | +| | ALBERT + CRF | 97.42 | **96.32** | **88.69** | + +## Updates + +- 2019/12/03: Add DistilBert and RoBERTa result +- 2019/12/14: Add Albert (large v1) result +- 2019/12/22: Available to predict sentences +- 2019/12/26: Add Albert (xxlarge v1) result +- 2019/12/29: Add CRF option +- 2019/12/30: Available to check `sentence-level semantic frame accuracy` +- 2020/01/23: Only show the result related with uncased model +- 2020/04/03: Update with new prediction code + +## References + +- [Huggingface Transformers](https://github.com/huggingface/transformers) +- [pytorch-crf](https://github.com/kmkurn/pytorch-crf) diff --git a/JointBERT-master/__pycache__/data_loader.cpython-37.pyc b/JointBERT-master/__pycache__/data_loader.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b3e855919cf5192d6cf7d64a733adc4afedd3853 Binary files /dev/null and b/JointBERT-master/__pycache__/data_loader.cpython-37.pyc differ diff --git a/JointBERT-master/__pycache__/data_loader.cpython-38.pyc b/JointBERT-master/__pycache__/data_loader.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..c9db71bdb77292a4a5fa9ef26f2c2784e3039e3d Binary files /dev/null and b/JointBERT-master/__pycache__/data_loader.cpython-38.pyc differ diff --git a/JointBERT-master/__pycache__/main.cpython-37.pyc b/JointBERT-master/__pycache__/main.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..5b6445334fee3c678fe91ac19ffc0f5db7820456 Binary files /dev/null and b/JointBERT-master/__pycache__/main.cpython-37.pyc differ diff --git a/JointBERT-master/__pycache__/main.cpython-38.pyc b/JointBERT-master/__pycache__/main.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..739a3045d262e212cd56ab85fb26cdfa1f34832b Binary files /dev/null and b/JointBERT-master/__pycache__/main.cpython-38.pyc differ diff --git a/JointBERT-master/__pycache__/predict.cpython-37.pyc b/JointBERT-master/__pycache__/predict.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..8ad3f28ec7dee23e1d9bcc79ee7800e6d1b246b2 Binary files /dev/null and b/JointBERT-master/__pycache__/predict.cpython-37.pyc differ diff --git a/JointBERT-master/__pycache__/predict.cpython-38.pyc b/JointBERT-master/__pycache__/predict.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..812a5a0b91c5d03cc8a64fa0aaf4a979f74698f1 Binary files /dev/null and b/JointBERT-master/__pycache__/predict.cpython-38.pyc differ diff --git a/JointBERT-master/__pycache__/trainer.cpython-37.pyc b/JointBERT-master/__pycache__/trainer.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..a3caa9abb513b1d99a79dcd02941096a5cb9071e Binary files /dev/null and b/JointBERT-master/__pycache__/trainer.cpython-37.pyc differ diff --git a/JointBERT-master/__pycache__/trainer.cpython-38.pyc b/JointBERT-master/__pycache__/trainer.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..1e60234d26a22422aab52ca8ec07413a8290e41d Binary files /dev/null and b/JointBERT-master/__pycache__/trainer.cpython-38.pyc differ diff --git a/JointBERT-master/__pycache__/utils.cpython-37.pyc b/JointBERT-master/__pycache__/utils.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..c7055e4922eadf3a4288169b0bcfca50c143ad60 Binary files /dev/null and b/JointBERT-master/__pycache__/utils.cpython-37.pyc differ diff --git a/JointBERT-master/__pycache__/utils.cpython-38.pyc b/JointBERT-master/__pycache__/utils.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ca4a79c099babb92a8ab51f9039e8d3f5455b398 Binary files /dev/null and b/JointBERT-master/__pycache__/utils.cpython-38.pyc differ diff --git a/JointBERT-master/data/atis/dev/label b/JointBERT-master/data/atis/dev/label new file mode 100644 index 0000000000000000000000000000000000000000..d0cb00ebe144c0339fecc798996d9cae98af09ae --- /dev/null +++ b/JointBERT-master/data/atis/dev/label @@ -0,0 +1,500 @@ +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_restriction +atis_ground_service +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight_time +atis_distance +atis_aircraft +atis_flight +atis_flight#atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight_time +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_ground_fare +atis_flight +atis_flight_time +atis_flight +atis_capacity +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_abbreviation +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_abbreviation +atis_flight +atis_airfare +atis_airfare +atis_airfare +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airline +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airline +atis_quantity +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_city +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_airfare +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_aircraft +atis_flight +atis_flight +atis_ground_service +atis_airport +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight_time +atis_airline +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_abbreviation +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airline +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_ground_service +atis_ground_service +atis_airfare +atis_distance +atis_flight +atis_flight +atis_ground_service +atis_airfare +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_airfare +atis_flight +atis_abbreviation +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_ground_service +atis_airline +atis_flight +atis_ground_service +atis_flight +atis_aircraft +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_abbreviation +atis_airport +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_abbreviation +atis_flight +atis_ground_service +atis_flight +atis_airline +atis_flight +atis_airline +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_airline +atis_airfare +atis_quantity +atis_flight +atis_flight +atis_airfare#atis_flight_time +atis_airline +atis_ground_service +atis_distance +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airline +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airport +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_airline +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_ground_service +atis_flight +atis_abbreviation +atis_airline +atis_ground_fare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_ground_fare +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight diff --git a/JointBERT-master/data/atis/dev/seq.in b/JointBERT-master/data/atis/dev/seq.in new file mode 100644 index 0000000000000000000000000000000000000000..6260037562c9928f0840212fc6053cdcb9bbaa87 --- /dev/null +++ b/JointBERT-master/data/atis/dev/seq.in @@ -0,0 +1,500 @@ +i want to fly from boston at 838 am and arrive in denver at 1110 in the morning +show me all round trip flights between houston and las vegas +i would like some information on a flight from denver to san francisco on united airlines +what are the coach flights between dallas and baltimore leaving august tenth and returning august twelve +i'm flying from boston to the bay area +okay can you tell me the flight cost between denver and atlanta +from montreal to las vegas +what is the earliest breakfast flight from philadelphia to fort worth +flights from pittsburgh to baltimore between 10 am and 2 pm +what is the latest flight departing from boston to san francisco +flights from ontario to florida +i would like to know the first class fare on a flight from baltimore to denver +okay that sounds great let's go from atlanta on april twenty one in the morning to dallas least expensive fare one way +show me the prices of all flights from atlanta to washington dc +flights from cincinnati to o'hare departing after 718 am american +i'm interested in a flight from pittsburgh to atlanta +i am interested in booking an early morning flight from dallas into houston on february twenty second and returning late in the evening of february twenty second +i'm looking for a flight from oakland to denver with a stopover in dallas fort worth +what's restriction ap68 +what types of ground transportation are available in philadelphia +what does the abbreviation co mean +a first class flight on american to san francisco on the coming tuesday +please list the flights from baltimore to san francisco on fridays +what flights return from denver to philadelphia on a saturday +on united airlines flying from denver to san francisco before 10 am what type of aircraft is used +i need a flight from atlanta to baltimore nonstop arriving at 7 pm please +what are the cheapest round trip flights from denver to atlanta +does continental fly from denver to san francisco +i would like a nonstop flight from st. petersburg to charlotte leaving in the afternoon +on continental airlines any class service from san francisco to pittsburgh +find me the cheapest flight from boston to washington +well i'll try last time tell me the kind of aircraft united airlines flies from denver to san francisco before 10 o'clock in the morning +show me the northwest flights from detroit to st. petersburg +morning flights from pittsburgh to atlanta on wednesday +show me flights first class from san francisco to pittsburgh leaving on tuesday after 8 o'clock in the morning and before 12 noon +what's the most expensive way i can fly to washington +show me the cheapest one way fare from baltimore to dallas +flights from boston flights from philadelphia to boston on monday +list nonstop flights from houston to dallas which arrive before midnight +i need a flight to seattle leaving from baltimore making a stop in minneapolis +philadelphia to san francisco please +airline that stands for dl +i'd like a cheap flight from dallas to baltimore on january first +what flights are available friday from san francisco to boston +show me saturday and sunday's flights from milwaukee to phoenix on american airlines +what flights from st. paul to kansas city on friday with lunch served +what flights from toronto to philadelphia +what flights leave from atlanta to boston on june twenty ninth in the afternoon +what flights leave la guardia for san jose and arrive 10 pm +list the total number of flights to all airports by delta +can you tell me the time a flight would leave from atlanta to boston in the afternoon +show me the united airlines flights from denver to baltimore leaving on june fourteenth +please list all flights from dallas to philadelphia on monday +show me the flights from cleveland to memphis +please give me flights from atlanta to boston on wednesday and thursday +show me ground transportation in philadelphia on monday morning +what delta leaves boston for atlanta +find me the earliest boston departure and the latest atlanta return trip so that i can be on the ground the maximum amount of time in atlanta and return to boston on the same day +show me flights from boston to washington leaving july fifteen +i would like the time of your earliest flight in the morning from philadelphia to washington on american airlines +show me the flights from baltimore to boston +please list the flight schedule from baltimore to san francisco on friday nights +how long is a trip from philadelphia airport to downtown philadelphia +sure i'd like to determine what aircraft are use on july seventh leaving from boston and arriving in atlanta on july seventh +baltimore to philadelphia +what are the flights and fares from atlanta to philadelphia +united airlines flights stopping in denver +what flights are available wednesday afternoon from denver to san francisco +round trip fares from denver to philadelphia less than 1000 dollars +list the first class flights from baltimore to denver +what are the fares from newark to la monday and wednesday +what flights from chicago to kansas city +please show me flights from dallas to atlanta on monday +flights to baltimore +show me the latest flight to love field +how many of delta's night flights are first class +on united airlines give me the flight times from boston to dallas +show me the ground transportation schedule in philadelphia in the morning on wednesday +what is the last flight from boston to atlanta +what flights fly from denver to san francisco on monday tuesday wednesday thursday and friday +show me the flights from boston to philadelphia +i also need to go to san francisco on wednesday evening from dallas +from kansas city to salt lake city on delta arrive around 8 pm tomorrow +in new york i'll need to rent a car +show me flights from denver to boston on thursday +i would like to book a flight from charlotte to baltimore on april eighth +flights from oakland to san francisco on january twenty first 1992 +how much is a limousine between dallas fort worth international airport and dallas +is there a flight from boston to san francisco making a stopover in dallas fort worth +what time are the flights from baltimore to san francisco +from las vegas to phoenix departing in the morning +how many passengers can a boeing 737 hold +i would like a flight that leaves on friday from philadelphia to dallas that makes a stop in atlanta +thank you for that information now i would like information on a flight on april sixteen from atlanta to philadelphia early in the morning +what time is the last flight from washington to san francisco +show me the least expensive flight leaving miami on sunday after 12 o'clock noon and arriving cleveland +what do you have tomorrow morning from pittsburgh to atlanta +how much is the cheapest flight from denver to pittsburgh +what is the cheapest one way fare from pittsburgh to atlanta traveling on tuesday august twentieth +show me the flights from denver to san diego leaving after 5 pm +what is the latest first class flight of the day leaving dallas for san francisco +show me a list of flights from pittsburgh to baltimore on august third +show morning flights from san francisco to pittsburgh +what are the flights from memphis to tacoma +can you list all nonstop flights between st. petersburg and charlotte that leave in the afternoon and arrive soon after 5 pm +show me all united flights from denver to san francisco for september first 1991 +are there wednesday morning flights between pittsburgh and boston +list all american airlines from milwaukee to phoenix on saturday +give me the flights on december twenty seventh with the fares from indianapolis to orlando +okay all right do you have a flight on united airlines from atlanta to washington +show flights from denver to oakland arriving between 12 and 1 o'clock +list all nonstop flights on sunday from tampa to charlotte +i would like to make a one way flight from boston to atlanta +is there a flight in the afternoon from philadelphia that arrives in the evening in denver +what is the first flight from atlanta to baltimore that serves lunch +list list flights between oakland and denver +please give me a flight from boston to atlanta before 10 am in the morning +list the nonstop flights early tuesday morning from dallas to atlanta +what's the lowest round trip fare from denver to pittsburgh +please arrange a flight for me from denver to san francisco on us air +i would like to see information for flights from san francisco leaving after 12 pm to pittsburgh on monday +show me the cheapest flight from pittsburgh to atlanta on wednesday which leaves before noon and serves breakfast +what is the earliest flight from washington to san francisco +list flights from pittsburgh to los angeles which leave on thursday after 5 pm +list the flights from new york to miami on a tuesday which are nonstop and cost less than 466 dollars +list flights from denver to san francisco no denver to philadelphia +i need to find a plane from boston to san francisco on friday +what does lax stand for +show prices for all flights from baltimore to dallas on july twenty ninth +what flights are available from boston to washington late monday evening or early tuesday morning +what flights from washington dc to toronto +all flights from boston to washington dc on november eleventh before 10 am +list all flights from denver to philadelphia +i need a list of late afternoon flights from st. louis to chicago +show me the airlines for flights to or from love field +do you have any flights from chicago to indianapolis +what does yn stand for +shortest flights from nashville to st. petersburg +what are the fares for flights between atlanta and dfw +list the fares of midway airlines flights from boston to philadelphia +round trip fares from denver to philadelphia less than 1000 dollars +is there a continental flight leaving from las vegas to new york nonstop +i need the cost of a ticket going from denver to baltimore a first class ticket on united airlines +show me fares from philadelphia to san francisco on thursday morning +show me the round trip flights between phoenix and salt lake city +show me all the flights from denver to baltimore arriving may tenth +find the cheapest one way fare from boston to san francisco +show me the flights from boston to san francisco +please show me the flights from boston to san francisco +show me the airlines from love field +show business class fares on us air from boston to toronto +what is the latest flight leaving las vegas for ontario +flights from las vegas to phoenix +does flight ua 270 from denver to philadelphia have a meal +what nonstop flights are available from oakland to philadelphia arriving between 5 and 6 pm +give me the flights for american airline from philadelphia to dallas +show me the evening flights from atlanta to washington on wednesdays +i would like a coach class seat on a flight leaving denver arriving atlanta +can you list all the flights between phoenix and las vegas +show me the qx fare flights between atlanta and oakland on delta airlines +what afternoon flights are available between denver and dallas fort worth +fares and flights from pittsburgh to philadelphia +can you tell me what airline flies between denver and san francisco +how many flights does each airline have with booking class k +great now what i want to find out is on april twentieth from washington to denver do you have a flight least expensive fare around 5 o'clock in the morning +show me all direct flights from san francisco to boston departing before noon +i need a flight on thursday before 8 am from oakland to salt lake city +show me all the types of aircraft +i want a flight on continental from boston to san francisco +show flights from pittsburgh into san francisco +what city is mco +how many cities are served by american airline with first class flights +could you please show me all flights from charlotte to milwaukee +what flights depart san francisco after 4 pm and fly to washington via indianapolis +i would like to see the flights from denver to philadelphia +show me the flights that go from san diego to newark new jersey by way of houston +i would like information on flights from denver to san francisco after noon on wednesday +show me the flights from boston to pittsburgh +show me all flights from san diego to new york nonstop +show me the round trip tickets from baltimore to atlanta +show me the cheapest one way fares from san diego to miami +could you show me all weekday flights from phoenix to denver +i would like to fly from boston to philadelphia next thursday +i'm planning a trip to pittsburgh and i live in denver can you help me +i would like to find the least expensive flight from boston to denver +i would like to go from atlanta to denver on tuesday +atlanta to pittsburgh july twenty third +show me the flights from boston to atlanta +what airlines fly from burbank to denver +okay we're going from washington to denver first class ticket i'd like to know the cost of a first class ticket +i wish to book a flight from pittsburgh to atlanta coach discount fare +is it possible for me to fly from baltimore to san francisco +i want to fly from denver to san francisco with at least one stop +how many us air flights leave from washington +please list any flight available leaving oakland california tuesday arriving philadelphia wednesday +i'd like to find a flight from las vegas to detroit michigan that leaves in the afternoon on monday +are there any flights from denver to pittsburgh with stops in atlanta +i'd like to know the information from boston to philadelphia nonstop +show me all flights from denver to philadelphia on saturday after sunday which leave after noon +what are the flights from dallas to baltimore +do you have a flight from san francisco to atlanta around 8 am +what flights from seattle to salt lake city +what is the cheapest flight from boston to bwi +are there any flights from new york to los angeles which stop over in milwaukee +what is the earliest flight from oakland to washington dc on sunday +are there any turboprop flights from pittsburgh to baltimore on december seventeenth +show me the morning flights from boston to philadelphia +newark to cleveland daily +evening flights from philadelphia to oakland +show me prices and times for first class travel from baltimore to dallas next summer +what kind of plane flies from boston to pittsburgh after noon +i'd like to know what flights united airline has from dallas to san francisco +show me morning flights from toronto +what ground transportation is available at the boston airport +where do the flights from boston to oakland stop +show me the earliest flight from boston to san francisco +flights from la guardia or jfk to cleveland +find the cheapest one way fare from boston to san francisco +what are the flights from washington dc to denver +give me information on flights from atlanta to washington dc on wednesday after 4 pm and thursday before 9 am +flights between baltimore and washington dc +what fare codes cover flights from philadelphia to san francisco +are there any flights from boston to oakland that stop +list departure times from denver to philadelphia which are later than 10 o'clock and earlier than 2 pm +are there any airlines that have flights from boston to philadelphia that leave before 630 am +how many first class flights does united have today +please show me the flights available from san francisco to pittsburgh on tuesday +i'm in miami and i'd like to travel to las vegas on sunday +show me flights from denver to philadelphia +i would like to fly from pittsburgh to atlanta on us air at the latest time possible in the evening +show me all flights from dallas to pittsburgh which leave on monday after 8 o'clock am +are there any nonstop flights leaving from denver arriving in baltimore on july seventh +list round trip flights between boston and oakland using twa +what are the sunday flights from oakland to washington dc +what flights are there on sunday from seattle to minneapolis +what flights from las vegas to montreal on saturday +what is the fare on continental 271 from dallas to san francisco +show me flights denver to washington dc on thursday +what type of ground transportation is available at philadelphia airport +flights from phoenix to milwaukee on wednesday evening +show me the last flight from love field +can you list all flights that depart from orlando to kansas city +i want to fly from kansas city to chicago next wednesday arriving in the evening and returning the next day +what is the ground transportation available in the city of fort worth +i need a flight from baltimore to seattle that stops in minneapolis +what is the latest flight you have departing dallas to philadelphia +show me the flights from atlanta to philadelphia +show me the flights arriving at love field from other airports +what does ewr stand for +what flights from denver to salt lake city +please give me the flight times the morning on united airlines for september twentieth from philadelphia to san francisco +what is the earliest arrival in salt lake city of a flight from toronto +i'd like to see all the flights from boston to philadelphia +what is fare code c +what kind of aircraft does delta fly before 8 am on august second from boston to denver +flight from denver to san francisco in the afternoon +what is the first flight from boston to stapleton airport for tomorrow +i need to know what flights leave atlanta on sunday evening and arrive in baltimore +what are the flights from milwaukee to orlando on wednesday +what is the cheapest fare between denver and boston +what airlines have business class +i need a flight from san francisco to pittsburgh and then pittsburgh to new york and new york to san francisco +what flights are there between washington dc and san francisco leaving washington after 6 pm on wednesday +what type of aircraft does eastern fly from atlanta to denver before 6 pm +i would like the flights available from boston to denver arriving in denver on 9 o'clock wednesday morning on or by 9 o'clock wednesday morning +what ground transportation is available at the baltimore airport +show me flights from atlanta to baltimore denver and dallas +what flights are there from minneapolis to chicago +flights from denver to pittsburgh on thursday +may i have a list of flights going from boston to denver on the twenty ninth of july +what flights are there between nashville and st. louis which are nonstop and arrive after noon and before 8 pm +please list the flight times for boston to pittsburgh +flight leaving from oakland to salt lake city +what are the different classes that an airline offers +could you tell me if there is ground transportation between the boston airport and boston downtown +ground transportation denver +what are the prices of the flights from atlanta to dallas in the morning +how long does it take to fly from boston to atlanta +please list the friday afternoon flights from san jose to dallas on american airlines +is there an american airlines flight in the evening from dallas to san francisco +what ground transportation is available in denver +show me the fares from dallas to san francisco +in pittsburgh i'd like to rent a car +i would like to find a flight that goes from tampa to montreal making a stop in new york and a flight that serves lunch +please give me flights from atlanta to boston on wednesday afternoon and thursday morning +can you list all flights leaving from st. louis and arriving in milwaukee +flights from montreal to las vegas +give me the flights from chicago to seattle on saturday morning +what is airline nw +i need a flight tonight from charlotte to las vegas with a stop in st. louis and i want dinner +what's the latest flight out of denver that arrives in pittsburgh next monday +please list the flights taking off and landing on general mitchell international airport +what limousine service is in boston +what is fare code y mean +are there delta flights leaving denver +on thursday i'd like a flight from st. petersburg to miami +when do planes leave boston for +what flights are there wednesday morning from atlanta to philadelphia +show me all flights from san francisco to boston philadelphia or baltimore +what type of aircraft is used on the first flight from philadelphia to dallas in the morning +what are the flights from pittsburgh to oakland +list the morning flights at a 124 dollars from atlanta to boston +all flights from miami to new york +show flights from denver to oakland +show flights from philadelphia to san francisco +i'd like a flight tomorrow late from nashville to houston with dinner please +show me all prices of economy from baltimore to dallas +i need a flight from montreal quebec to san diego california leaving this sunday +show me the cheapest one way flight from san francisco to boston leaving san francisco after 9 pm +does united airlines have flights between boston and denver +i would like to fly us air from orlando to cleveland in the late evening what do you have available +what are the flights from milwaukee to orlando on wednesday night +show me the flights from newark to los angeles +can you give me the evening flight on wednesday from washington to atlanta again +what are the flights and prices from la to charlotte for monday morning +what first class flights are available on july twenty fifth 1991 from denver to baltimore +show me all flights from pittsburgh to baltimore tomorrow which serve a meal +show me all the flights between philadelphia and denver +flights from phoenix to newark +all flights from pittsburgh to dallas round trip after 12 pm less than 100 +thanks and what's the last flight back from washington to boston +show me the flights from boston to baltimore +what does fare code q mean +show me the flights arriving in baltimore from philadelphia at about 4 o'clock +what is the cheapest fare from baltimore to dallas in any class +give me all nonstops from new york to vegas that arrive on a sunday +what is sa +show me the flights from boston to san francisco +what does fare code qo mean +i need information on flights leaving dallas arriving in boston leaving dallas early in the morning +what is the earliest flight on thursday from atlanta to washington dc +what flights are available saturday to san francisco from dallas +i'd like to fly from boston to san francisco +how many flights does american airlines have from boston to atlanta +does midwest express have any flights from montreal to nashville +show me all economy prices from dallas to baltimore +and how much does it cost to travel from boston airport to downtown +all flights before 10 am boston denver +show me the flights that go from san diego to newark with one stop in houston +show me the earliest flight on wednesday from baltimore to newark +i'd like to book the cheapest one way flight from pittsburgh to atlanta on july twentieth +what does mco mean +show me all the flights from charlotte to cleveland +do you have a flight from salt lake city to st. petersburg +what is the earliest flight from boston to atlanta +i'd like a flight tomorrow from kansas city to newark in the morning +show me all flights from boston to detroit +show me the flights arriving in baltimore on june fifteenth leaving either from denver or dallas +show me the flights from love field to other airports +what is the earliest flight i can get from baltimore to boston +what is the round trip thrift fare on us air from boston to san francisco +show me flights from los angeles to pittsburgh on monday evening +i would like a flight from atlanta to denver +give me all the flights from memphis to charlotte +from philadelphia to toronto +newark to cleveland +list all american airline flights which leave phoenix on wednesday and stop at milwaukee +show me all flights from pittsburgh to baltimore tomorrow +is there a direct flight from denver to pittsburgh in the morning of august thirty first that is nonstop +which airline offers the cheapest rate going from dallas to baltimore on july fourth +does midwest express serve charlotte +show me all the flights from philadelphia to san francisco +ground transportation in denver +show me all flights from boston to dallas fort worth both direct and connecting that arrive before noon +show flights from philadelphia to dallas on saturday +and flights leaving from atlanta to oakland leaving after 5 pm +okay and on may four i would like to go from atlanta to denver leaving early in the morning around 8 +all flights from boston to washington dc on november eleventh +what are the early morning flights from boston to denver +what is the cheapest flight from denver to pittsburgh leaving on september twenty eighth +flight from dallas to oakland california on monday +i would like to fly from dallas to san francisco on saturday and arrive in san francisco before 4 pm +morning flights out of san francisco arriving boston afternoon +i'd like to see flights from baltimore to atlanta that arrive before noon +find me the earliest boston departure for atlanta and the lastest return trip from atlanta so that i can be in atlanta the longest amount of time but return to boston the same day +please give me the cheapest round trip airfare from atlanta to philadelphia on august the first +i would like information on flights from philadelphia to oakland california on friday afternoon +what afternoon flights are available from pittsburgh to atlanta on a weekday +show ground transportation in denver +please show me airlines with flights from denver to boston with stop in philadelphia +dallas to baltimore +rental cars in washington dc +does american airlines fly to san francisco from atlanta +kindly give me the type of aircraft used to fly from atlanta to denver +give me flights from denver to baltimore +what is fare class h +what is the earliest flight from washington to san francisco on friday that serves breakfast +what flights are there from atlanta to washington early on thursday mornings +what kind of ground transportation is there in dallas +could i have a list of flights in first class on monday from san francisco to pittsburgh starting at noon and afterwards +how much is a us air boston to pittsburgh daily nonstop flight +i'd like to go from boston to atlanta sometime after 5 pm can you tell me the flights that could do that for me +what's fare code yn +airports in new york +i'd like to arrange for two friends to fly into los angeles next saturday evening one of the people is coming from kansas city and the other is coming from las vegas +show me all overnight flights from washington dc to san francisco and list their fares +what ground transportation is there in atlanta +flights from pittsburgh to baltimore arriving between 4 and 5 pm +what does fare code qw mean +show flights from new york city to las vegas +i need information for ground transportation denver colorado +list the flight from philadelphia to san francisco on american airlines +show me the airlines for flights to or from love field +list nonstop flights from san francisco to oakland that depart in the afternoon +which airline serves denver pittsburgh and atlanta +how many first class flights does delta airlines have +please show flights arriving in philadelphia from denver +now show me the flights from pittsburgh to baltimore +show me flights from milwaukee to orlando on wednesday night or thursday morning +i would like to fly delta airlines from atlanta to pittsburgh +what is fare code f +what are the flights for united airlines on september twentieth in the morning +show all airlines with flights between denver and dallas +cheapest fare from nashville to seattle +how many flights does american airlines have with a class of service code f +find a nonstop flight between boston and washington arriving in washington around 5 pm +pittsburgh to baltimore please on january one +show me the costs and times for flights from san francisco to atlanta +what airlines fly from boston to denver +what ground transportation is there in atlanta +how far from the airport in the dallas fort worth airport is dallas +list all flights from tampa florida to miami that are the cheapest one way +show me the flights from philadelphia to baltimore +ground transportation in denver +please list all flights from atlanta to baltimore on wednesday and thursday +does flight dl 1083 from philadelphia to denver fly on saturdays +i would like to book a flight going from tampa to seattle on may twenty sixth i would like to stop in milwaukee on the way +i want to fly from boston to atlanta i would like the cheapest fare please +show me the flights from montreal to philly +what flights are available sunday afternoon from oakland to dallas +explain the restriction ap 80 +i want to go from baltimore to san francisco with a stopover in denver +information on a flight from san francisco to philadelphia +shortest morning flights from cincinnati to tampa +what are the flights from boston to washington on october fifteenth 1991 +what flights are there on wednesday evening from denver to sfo +show me a list of flights on american airlines from boston to dc on july twenty second +us air 269 leaving boston at 428 what is the arrival time in baltimore +i would like information on flights leaving early monday morning from atlanta to baltimore +now show me the flights from memphis to cleveland +what flights leave from nashville to phoenix +show me the air fare for the flights from baltimore to dallas +what are the flights from denver to san francisco +which airlines go from san francisco to washington by way of indianapolis +all flights from washington dc to san francisco on november twelfth +round trip fares from pittsburgh to philadelphia under 1000 dollars +show nonstop flights from new york to miami on a tuesday which cost less than 466 dollars one way +i'd like flights on american airlines from philadelphia to dallas arriving before 1145 am +show business class fares from san francisco to denver on united airlines +what is the earliest flight between logan and bwi +describe pittsburgh airport +show flights on us air from pittsburgh to oakland connecting through denver +list all nonstop flights on tuesday before noon from charlotte to baltimore +minneapolis to phoenix on monday +please list me the flights and their cost of all airlines flying from denver to baltimore +what airline uses the code hp +find a flight from san francisco to boston on wednesday +could you tell me about ground transportation arrangements from the dallas airport to downtown dallas +display all flights from pittsburgh to san francisco on august second +give me morning flights from charlotte to baltimore +anything from baltimore or washington with a stopover in denver going to san francisco +show me flights from boston to denver +show me the flights from columbus to charlotte +i need a flight from new york city to montreal thursday may six +philadelphia to san francisco +what is the earliest flight from boston to san francisco +is there a limousine service available from the pittsburgh airport +boston ground transportation +the earliest flight from boston to san francisco please that will be serving a meal +what does code qw mean +what airline is hp +what are the costs of car rental in dallas +show me the flights leaving saturday or sunday from milwaukee to phoenix +i'm interested in a flight from pittsburgh to atlanta +flights from kansas city to cleveland on wednesday +is there a nonstop flight from denver to san francisco +display all flights from san francisco to boston on august eighth +which airlines have flights between philadelphia and pittsburgh +i want to go from boston to atlanta on monday +what is the next flight from pittsburgh to san francisco after delta flight 1059 +show me the least expensive flight from miami to cleveland on sunday after noon +what type of aircraft is used flying from atlanta to denver before 12 noon +show me all flights from boston to atlanta which leave atlanta after noon tomorrow +how much does it cost to rent a car in tacoma +what kind of airplane is flight ua 270 from denver to philadelphia +list all flights from boston to atlanta before 5 o'clock am on thursday +i'd like the earliest flight from dallas to boston +show me the flights on delta from atlanta in the morning +what flights from salt lake city to las vegas +show me the list of flights between philadelphia and denver that leave in the afternoon +what is the fare from atlanta to boston on coach one way +how many fares are there one way from tacoma to montreal +i would like to know some information on flights leaving philadelphia arriving in pittsburgh in the afternoon +what flights are available from pittsburgh to boston on wednesday of next week +is there a flight on continental airlines from boston to denver +pm flights dallas to atlanta +information on flights from baltimore to philadelphia +what flights from atlanta to st. louis on tuesday arriving around 230 pm +show me ground transportation in san francisco +what flights do you have from newark new jersey to ontario california that connect in phoenix diff --git a/JointBERT-master/data/atis/dev/seq.out b/JointBERT-master/data/atis/dev/seq.out new file mode 100644 index 0000000000000000000000000000000000000000..70774932d1d2d20f4cab135a193f8c0f64ea6ebd --- /dev/null +++ b/JointBERT-master/data/atis/dev/seq.out @@ -0,0 +1,500 @@ +O O O O O B-fromloc.city_name O B-depart_time.time I-depart_time.time O O O B-toloc.city_name O B-arrive_time.time O O B-arrive_time.period_of_day +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O B-class_type O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O O B-return_date.month_name B-return_date.day_number +O O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod B-meal_description O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name O B-toloc.state_name +O O O O O O B-class_type I-class_type O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day O B-toloc.city_name B-cost_relative I-cost_relative O B-round_trip I-round_trip +O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O B-fromloc.city_name O B-toloc.airport_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-airline_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O B-depart_time.period_of_day O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O O O B-return_time.period_of_day O B-return_date.month_name B-return_date.day_number I-return_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name +O O B-restriction_code +O O O O O O O O B-city_name +O O O O B-airline_code O +O B-class_type I-class_type O O B-airline_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.date_relative B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop O O B-arrive_time.time I-arrive_time.time O +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-arrive_time.period_of_day +O B-airline_name I-airline_name O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-class_type I-class_type O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O B-cost_relative I-cost_relative O O O O O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.period_of_day +O O O O O B-toloc.city_name O O B-fromloc.city_name O O O O B-stoploc.city_name +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O +O O O O B-airline_code +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-depart_date.day_name O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-meal_description O +O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day +O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name O O B-arrive_time.time I-arrive_time.time +O O O O O O O O O O B-airline_name +O O O O O B-flight_time O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_name +O O O O O B-city_name O B-day_name B-period_of_day +O B-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod B-fromloc.city_name O O O B-flight_mod B-fromloc.city_name O O O O O O O O O O O O O O O O B-toloc.city_name O O O B-toloc.city_name O O O B-return_date.date_relative +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-flight_time O O B-flight_mod O O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O O O O O O O O B-depart_date.month_name B-depart_date.day_number O O B-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +B-airline_name I-airline_name O O O B-stoploc.city_name +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount +O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-toloc.city_name +O O O B-flight_mod O O B-toloc.airport_name I-toloc.airport_name +O O O B-airline_name B-depart_time.period_of_day O O B-class_type I-class_type +O B-airline_name I-airline_name O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-city_name O O B-period_of_day O B-day_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.day_name B-depart_date.day_name B-depart_date.day_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name +O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-airline_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.today_relative +O B-city_name I-city_name O O O O O B-transport_type +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year +O O O O B-transport_type O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name +O B-flight_time O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_time.period_of_day +O O O O O O B-aircraft_code O +O O O O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name O O O O O B-stoploc.city_name +O O O O O O O O O O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day +O B-flight_time O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time O O B-toloc.city_name +O O O O B-depart_date.today_relative B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-flight_mod B-class_type I-class_type O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-arrive_time.period_of_day O O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_date.year +O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O B-flight_stop O O B-arrive_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-depart_time.period_of_day O B-fromloc.city_name O O O O B-arrive_time.period_of_day O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day +O O B-flight_stop O B-arrive_time.period_mod B-arrive_date.day_name B-arrive_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-toloc.city_name O B-depart_date.day_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-depart_time.time_relative B-depart_time.time O O B-meal_description +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name O O B-flight_stop O O B-cost_relative O B-fare_amount I-fare_amount +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O B-airport_code O O +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day B-or B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-depart_time.period_of_day I-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fare_basis_code O O +B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.airport_code +O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount +O O O B-airline_name O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-class_type I-class_type O O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name +O B-class_type I-class_type O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O O B-meal +O B-flight_stop O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-class_type I-class_type O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fare_basis_code I-fare_basis_code O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O B-depart_time.period_of_day O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O O B-fare_basis_code +O O O O O O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name O O O O O B-cost_relative I-cost_relative O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day +O O O B-connect O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time +O O O O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O O +O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-airport_code +O O O O O O B-airline_name I-airline_name O B-class_type I-class_type O +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O B-toloc.city_name O B-stoploc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name O O O B-stoploc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O O O B-toloc.city_name O O O O B-fromloc.city_name O O O O +O O O O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type O O O O O O O O O B-class_type I-class_type O +O O O O O O O B-fromloc.city_name O B-toloc.city_name B-class_type O O +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-flight_stop I-flight_stop +O O B-airline_name I-airline_name O O O B-fromloc.city_name +O O O O O O B-fromloc.city_name B-fromloc.state_name B-depart_date.day_name O B-toloc.city_name B-arrive_date.day_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name O O O O B-depart_time.period_of_day O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.date_relative B-depart_date.day_name O O B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.airport_code +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name O B-toloc.city_name B-flight_days +B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O B-flight_time O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name O O +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time +O O O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-depart_time.period_of_day O O B-fromloc.city_name +O O O O O O O B-airport_name I-airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fromloc.airport_name I-fromloc.airport_name B-or B-fromloc.airport_code O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-flight_stop +O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative O B-depart_time.time I-depart_time.time O B-depart_time.time_relative O B-depart_time.time I-depart_time.time +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O B-class_type I-class_type O O B-airline_name O B-depart_date.today_relative +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-fromloc.city_name O O O O O O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O B-flight_mod I-flight_mod I-flight_mod O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +O O O B-flight_stop O O O B-fromloc.city_name O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-airline_code +O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-airline_name B-flight_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name +O O O O O O O O B-airport_name I-airport_name +O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-flight_mod O O B-fromloc.airport_name I-fromloc.airport_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name O O O B-arrive_time.period_of_day O O O B-return_date.date_relative O +O O O O O O O O O O B-city_name I-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O B-flight_mod O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-toloc.airport_name I-toloc.airport_name O O O +O O B-airport_code O O +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O B-flight_time I-flight_time O B-depart_time.period_of_day O B-airline_name I-airline_name O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O O O B-fromloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code +O O O O O B-airline_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name O B-depart_date.today_relative +O O O O O O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-class_type I-class_type +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.time I-arrive_time.time B-arrive_date.day_name B-arrive_time.period_of_day O B-or B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.day_name B-arrive_time.period_of_day +O O O O O O O B-airport_name I-airport_name +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_number I-depart_date.day_number O B-depart_date.month_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-flight_stop O O B-arrive_time.time_relative B-arrive_time.time O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O O O O +O O O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name O +O O B-city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O B-airline_name I-airline_name O O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-city_name O O O O O B-transport_type +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name O O O O O B-meal_description +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-airline_code +O O O O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name O O O B-meal_description +O O B-flight_mod O O O B-fromloc.city_name O O O B-toloc.city_name B-arrive_date.date_relative B-arrive_date.day_name +O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name +O B-transport_type O O O B-city_name +O O O O B-fare_basis_code O +O O B-airline_name O O B-fromloc.city_name +O B-depart_date.day_name O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.city_name O B-toloc.city_name +O O O O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-depart_time.period_of_day O O O B-fare_amount I-fare_amount O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-depart_date.today_relative B-depart_time.period_mod O B-fromloc.city_name O B-toloc.city_name O B-meal_description O +O O O O O B-economy O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O B-depart_date.date_relative B-depart_date.day_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-airline_name I-airline_name O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_mod B-depart_time.period_of_day O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-depart_time.period_of_day O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name O +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O B-class_type I-class_type O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative O O O B-meal +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-depart_time.time_relative B-depart_time.time I-depart_time.time B-cost_relative O B-fare_amount +O O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code O +O O O O O O B-toloc.city_name O B-fromloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O O +O O O B-flight_stop O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-arrive_date.day_name +O O B-days_code +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fare_basis_code O +O O O O O O B-fromloc.city_name O O B-toloc.city_name O B-fromloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day +O O O B-flight_mod O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O B-depart_date.day_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-economy O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O +O O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-fromloc.city_name B-fromloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-flight_stop I-flight_stop O B-stoploc.city_name +O O O B-flight_mod O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-airport_code O +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number O O O B-fromloc.city_name B-or B-fromloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name O O O +O O O B-flight_mod O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-round_trip I-round_trip B-class_type O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name O B-toloc.city_name +O O B-airline_name I-airline_name O O O B-fromloc.city_name O B-depart_date.day_name O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative +O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-flight_stop +O O O O B-cost_relative O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O B-airline_name O O B-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O O O O O B-arrive_time.time_relative B-arrive_time.time +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-depart_date.month_name B-depart_date.day_number O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.period_mod O O B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number +O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +B-depart_time.period_of_day O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-arrive_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time +O O O B-flight_mod B-fromloc.city_name O O B-toloc.city_name O O B-flight_mod O O O B-fromloc.city_name O O O O O O B-toloc.city_name O O O O O O O O B-toloc.city_name O O B-return_date.date_relative +O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name O B-depart_date.day_number +O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name O B-depart_date.day_name B-depart_time.period_of_day +O B-depart_time.period_of_day O O O O B-fromloc.city_name O B-toloc.city_name O O B-flight_mod +O O O O B-city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +B-fromloc.city_name O B-toloc.city_name +B-transport_type I-transport_type O B-city_name B-state_code +O B-airline_name I-airline_name O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name +O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O O B-meal_description +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O O B-city_name +O O O O O O O O B-class_type I-class_type O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.time O B-depart_time.time_relative +O O O O B-airline_name I-airline_name B-fromloc.city_name O B-toloc.city_name B-flight_days B-flight_stop O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O O O O O O O O O O +O O O B-fare_basis_code +O O B-city_name I-city_name +O O O O O O O O O O B-toloc.city_name I-toloc.city_name B-arrive_date.date_relative B-arrive_date.day_name B-arrive_time.period_of_day O O O O O O O B-fromloc.city_name I-fromloc.city_name O O O O O O B-fromloc.city_name I-fromloc.city_name +O O O B-flight_mod O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name O O O O +O O O O O O B-city_name +O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O B-fare_basis_code O +O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-city_name B-state_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name +O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-arrive_time.period_of_day +O O O B-fromloc.city_name B-fromloc.city_name O B-fromloc.city_name +O O B-class_type I-class_type O O B-airline_name I-airline_name O +O O O O O B-toloc.city_name O B-fromloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-or B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code +O O O O O B-airline_name I-airline_name O B-depart_date.month_name B-depart_date.day_number O O B-depart_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name +B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name I-airline_name O O O O O O O B-fare_basis_code +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number +O O O O O B-flight_time O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-city_name +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-fromloc.city_name +O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name O O O B-cost_relative B-round_trip I-round_trip +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_name +O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O O O O B-stoploc.city_name O O O +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-cost_relative O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O B-restriction_code I-restriction_code +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_date.year +O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.airport_code +O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +B-airline_name I-airline_name B-flight_number O B-fromloc.city_name O B-depart_time.time O O O B-flight_time I-flight_time O B-toloc.city_name +O O O O O O O B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount +O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_date.day_name O O B-cost_relative O B-fare_amount I-fare_amount B-round_trip I-round_trip +O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O B-flight_mod O O B-fromloc.airport_name O B-toloc.airport_code +O B-airport_name I-airport_name +O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name B-connect O B-stoploc.city_name +O O B-flight_stop O O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_code +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name B-or B-fromloc.city_name O O O O B-stoploc.city_name O O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-transport_type O O O O B-fromloc.airport_name I-fromloc.airport_name +B-city_name O O +O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O O B-meal +O O O B-fare_basis_code O +O O O B-airline_code +O O O O O B-transport_type I-transport_type O B-city_name +O O O O O B-depart_date.day_name B-or B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-mod B-airline_name O B-flight_number +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time +O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time B-depart_date.today_relative +O O O O O O O O B-transport_type O B-city_name +O O O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name O B-fromloc.city_name O O B-depart_time.period_of_day +O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-class_type B-round_trip I-round_trip +O O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-fromloc.city_name O O B-toloc.city_name O O B-arrive_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.date_relative O +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-city_name I-city_name +O O O O O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O B-toloc.city_name B-toloc.state_name O B-connect O B-stoploc.city_name diff --git a/JointBERT-master/data/atis/intent_label.txt b/JointBERT-master/data/atis/intent_label.txt new file mode 100644 index 0000000000000000000000000000000000000000..7a7859a46c984c05b3ce313bb98d5843912e7b05 --- /dev/null +++ b/JointBERT-master/data/atis/intent_label.txt @@ -0,0 +1,22 @@ +UNK +atis_abbreviation +atis_aircraft +atis_aircraft#atis_flight#atis_flight_no +atis_airfare +atis_airline +atis_airline#atis_flight_no +atis_airport +atis_capacity +atis_cheapest +atis_city +atis_distance +atis_flight +atis_flight#atis_airfare +atis_flight_no +atis_flight_time +atis_ground_fare +atis_ground_service +atis_ground_service#atis_ground_fare +atis_meal +atis_quantity +atis_restriction diff --git a/JointBERT-master/data/atis/slot_label.txt b/JointBERT-master/data/atis/slot_label.txt new file mode 100644 index 0000000000000000000000000000000000000000..fe0ce2b0d9befcac6c665cb0e311404d816d5dd0 --- /dev/null +++ b/JointBERT-master/data/atis/slot_label.txt @@ -0,0 +1,122 @@ +PAD +UNK +O +B-aircraft_code +B-airline_code +B-airline_name +I-airline_name +B-airport_code +B-airport_name +I-airport_name +B-arrive_date.date_relative +B-arrive_date.day_name +B-arrive_date.day_number +I-arrive_date.day_number +B-arrive_date.month_name +B-arrive_date.today_relative +B-arrive_time.end_time +I-arrive_time.end_time +B-arrive_time.period_mod +B-arrive_time.period_of_day +I-arrive_time.period_of_day +B-arrive_time.start_time +I-arrive_time.start_time +B-arrive_time.time +I-arrive_time.time +B-arrive_time.time_relative +I-arrive_time.time_relative +B-city_name +I-city_name +B-class_type +I-class_type +B-connect +B-cost_relative +I-cost_relative +B-day_name +B-day_number +B-days_code +B-depart_date.date_relative +B-depart_date.day_name +B-depart_date.day_number +I-depart_date.day_number +B-depart_date.month_name +B-depart_date.today_relative +I-depart_date.today_relative +B-depart_date.year +B-depart_time.end_time +I-depart_time.end_time +B-depart_time.period_mod +B-depart_time.period_of_day +I-depart_time.period_of_day +B-depart_time.start_time +I-depart_time.start_time +B-depart_time.time +I-depart_time.time +B-depart_time.time_relative +I-depart_time.time_relative +B-economy +I-economy +B-fare_amount +I-fare_amount +B-fare_basis_code +I-fare_basis_code +B-flight_days +B-flight_mod +I-flight_mod +B-flight_number +B-flight_stop +I-flight_stop +B-flight_time +I-flight_time +B-fromloc.airport_code +B-fromloc.airport_name +I-fromloc.airport_name +B-fromloc.city_name +I-fromloc.city_name +B-fromloc.state_code +B-fromloc.state_name +I-fromloc.state_name +B-meal +B-meal_code +I-meal_code +B-meal_description +I-meal_description +B-mod +B-month_name +B-or +B-period_of_day +B-restriction_code +I-restriction_code +B-return_date.date_relative +I-return_date.date_relative +B-return_date.day_name +B-return_date.day_number +B-return_date.month_name +B-return_date.today_relative +I-return_date.today_relative +B-return_time.period_mod +B-return_time.period_of_day +B-round_trip +I-round_trip +B-state_code +B-state_name +B-stoploc.airport_name +B-stoploc.city_name +I-stoploc.city_name +B-stoploc.state_code +B-time +I-time +B-time_relative +B-today_relative +I-today_relative +B-toloc.airport_code +B-toloc.airport_name +I-toloc.airport_name +B-toloc.city_name +I-toloc.city_name +B-toloc.country_name +B-toloc.state_code +B-toloc.state_name +I-toloc.state_name +B-transport_type +I-transport_type diff --git a/JointBERT-master/data/atis/test/label b/JointBERT-master/data/atis/test/label new file mode 100644 index 0000000000000000000000000000000000000000..f8dbb0ce2251731428345162e2c30df9bb409b1b --- /dev/null +++ b/JointBERT-master/data/atis/test/label @@ -0,0 +1,893 @@ +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_day_name +atis_flight +atis_day_name +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_meal +atis_meal +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airport +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airline +atis_flight_time +atis_flight +atis_flight +atis_city +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_ground_fare +atis_ground_fare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_quantity +atis_quantity +atis_flight +atis_flight +atis_airport +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_abbreviation +atis_meal +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_distance +atis_distance +atis_distance +atis_distance +atis_ground_fare +atis_ground_fare +atis_ground_fare +atis_ground_fare +atis_airline +atis_flight +atis_flight +atis_airfare +atis_aircraft +atis_flight +atis_airfare +atis_flight +atis_flight#atis_airfare +atis_flight#atis_airfare +atis_flight#atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_airline +atis_airline +atis_distance +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare#atis_flight +atis_abbreviation +atis_distance +atis_distance +atis_distance +atis_distance +atis_ground_fare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_capacity +atis_capacity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_airfare +atis_airfare +atis_ground_service +atis_flight +atis_ground_service +atis_airline +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_meal +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_abbreviation +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_abbreviation +atis_abbreviation +atis_flight +atis_abbreviation +atis_flight +atis_airline +atis_flight +atis_flight +atis_ground_service +atis_capacity +atis_capacity +atis_flight +atis_ground_service +atis_capacity +atis_flight +atis_airline +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_ground_service +atis_flight +atis_ground_service +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_flight#atis_airfare +atis_flight#atis_airfare +atis_airfare +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_airfare +atis_airfare +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight#atis_airline +atis_ground_service +atis_flight +atis_ground_service +atis_flight +atis_flight#atis_airfare +atis_flight#atis_airfare +atis_flight_no#atis_airline +atis_flight_no +atis_airport +atis_airport +atis_airport +atis_airport +atis_flight +atis_airport +atis_airport +atis_flight +atis_flight +atis_airline +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_no +atis_flight +atis_abbreviation +atis_flight +atis_abbreviation +atis_airfare +atis_flight +atis_abbreviation +atis_abbreviation +atis_abbreviation +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_airline +atis_flight +atis_abbreviation +atis_flight +atis_abbreviation +atis_abbreviation +atis_abbreviation +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_ground_service +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airline +atis_airline +atis_airline +atis_airline +atis_airline +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_airline +atis_ground_service +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_abbreviation +atis_abbreviation +atis_airline +atis_airline +atis_airline +atis_airline +atis_flight +atis_flight +atis_flight#atis_airfare +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_distance +atis_airport +atis_airport +atis_airport +atis_airport +atis_airport +atis_airport +atis_airport +atis_city +atis_city +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight#atis_airfare +atis_abbreviation +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_capacity +atis_flight +atis_ground_service +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight_no +atis_flight_no +atis_flight +atis_flight_no +atis_flight_no +atis_flight_no +atis_flight_no +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_city +atis_city +atis_city +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_aircraft +atis_abbreviation +atis_airport +atis_flight +atis_flight +atis_flight +atis_meal +atis_meal +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_airfare +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_capacity +atis_capacity +atis_capacity +atis_capacity +atis_capacity +atis_capacity +atis_airline +atis_airline +atis_airline +atis_flight +atis_capacity +atis_abbreviation +atis_capacity +atis_capacity +atis_capacity +atis_capacity +atis_flight +atis_flight +atis_flight +atis_capacity +atis_aircraft +atis_aircraft +atis_aircraft +atis_capacity +atis_capacity +atis_capacity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_abbreviation +atis_ground_service +atis_ground_service +atis_ground_service +atis_ground_service +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_airport +atis_flight +atis_airport +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight diff --git a/JointBERT-master/data/atis/test/seq.in b/JointBERT-master/data/atis/test/seq.in new file mode 100644 index 0000000000000000000000000000000000000000..360b8788c92bb80545235ef31471b8b66fcfdbab --- /dev/null +++ b/JointBERT-master/data/atis/test/seq.in @@ -0,0 +1,893 @@ +i would like to find a flight from charlotte to las vegas that makes a stop in st. louis +on april first i need a ticket from tacoma to san jose departing before 7 am +on april first i need a flight going from phoenix to san diego +i would like a flight traveling one way from phoenix to san diego on april first +i would like a flight from orlando to salt lake city for april first on delta airlines +i need a flight from toronto to newark one way leaving wednesday evening or thursday morning +monday morning i would like to fly from columbus to indianapolis +on wednesday april sixth i would like to fly from long beach to columbus after 3 pm +after 12 pm on wednesday april sixth i would like to fly from long beach to columbus +are there any flights from long beach to columbus on wednesday april sixth +find a flight from memphis to tacoma dinner +on next wednesday flight from kansas city to chicago should arrive in chicago around 7 pm return flight on thursday +show flight and prices kansas city to chicago on next wednesday arriving in chicago by 7 pm +flight on american from miami to chicago arrive in chicago about 5 pm +find flights arriving new york city next saturday +find nonstop flights from salt lake city to new york on saturday april ninth +show flights from burbank to milwaukee for today +show flights tomorrow evening from milwaukee to st. louis +show flights saturday evening from st. louis to burbank +show flights from burbank to st. louis on monday +show flights from burbank to milwaukee on monday +show flights tuesday evening from milwaukee to st. louis +show flights wednesday evening from st. louis to burbank +which flights travel from kansas city to los angeles +what flights travel from las vegas to los angeles +which flights travel from kansas city to los angeles on april ninth +which flights travel from las vegas to los angeles california and arrive on april ninth between 4 and 5 pm +which flights on us air go from orlando to cleveland +which flights travel from cleveland to indianapolis on april fifth +which flights travel from indianapolis to san diego on april fifth +which flights go from cleveland to indianapolis on april fifth +which flights travel from nashville to tacoma +does tacoma airport offer transportation from the airport to the downtown area +which flights travel from tacoma to san jose +what day of the week do flights from nashville to tacoma fly on +what are the flights from tacoma to san jose +what days of the week do flights from san jose to nashville fly on +what are the flights from tacoma to san jose +i need a flight that goes from boston to orlando +are there any flights from boston to orlando connecting in new york +are there any flights from boston to orlando connecting in columbus +does this flight serve dinner +i need a flight from charlotte to miami +i need a nonstop flight from miami to toronto +i need a nonstop flight from toronto to st. louis +i need a flight from toronto to st. louis +i need a flight from st. louis to charlotte +i need a flight on united airlines from la guardia to san jose +i need a flight from tampa to milwaukee +i need a flight from milwaukee to seattle +what meals are served on american flight 811 from tampa to milwaukee +what meals are served on american flight 665 673 from milwaukee to seattle +i need a flight from memphis to las vegas +i need a flight from las vegas to ontario +i need a flight from ontario to memphis +which flights go from milwaukee to tampa and stop in nashville +which flights leave newark after noon next saturday and arrive in los angeles +which flights leave detroit and arrive at st. petersburg around 9 am +which flights on northwest airline leave detroit and arrive at st. petersburg +which flights leave chicago next tuesday and arrive in detroit around 6 pm +show me round trip flights from chicago to detroit leaving next tuesday and returning the day after +which round trip flights leave chicago next tuesday around 6 pm and arrive in detroit +which round trip flights leave chicago next tuesday and arrive in detroit around 6 pm +which flights leave on monday from montreal and arrive in chicago in the morning +which flights leave chicago on april twelfth and arrive in indianapolis in the morning +which flights leave on wednesday april thirteenth from indianapolis and arrive in montreal in the morning +which flights leave april twelfth from indianapolis and arrive in montreal around 10 pm +i'd like to go from long beach to st. louis and i'd like to stop in dallas i'd also like to have lunch during my flight +next wednesday i would like to leave kansas city on a trip to chicago which arrives in chicago around 7 pm +i would like to return from chicago around 7 pm to kansas city +i would like to leave this afternoon on an american flight from cincinnati to burbank +on sunday evening i would like to leave montreal quebec on a flight to san diego california +what are the flights on sunday from montreal quebec to san diego california +on tuesday are the flights from san diego california to indianapolis indiana i would like the flight to be in the afternoon +on thursday morning i would like a nonstop flight from indianapolis to toronto +on friday morning i would like to fly from toronto to montreal +i would like an early morning flight today from los angeles to charlotte +on wednesday night i would like a flight from charlotte to newark +on friday night i would like a flight from newark to los angeles +find a flight from tampa to montreal by way of new york +please find a flight from miami florida to las vegas nevada arriving before 4 o'clock pm +please find a flight from las vegas to michigan +please find a flight from detroit michigan to st. petersburg arriving before 10 pm +please find a flight from st. petersburg to miami on thursday +please find a flight from san diego to toronto on alaska airlines +please find the flights from columbus to houston with a layover in nashville tomorrow +please give me the flights from nashville to houston nonstop with dinner served +please find flights available from kansas city to newark +please find a flight that goes from kansas city to newark to orlando back to kansas city +please find a flight from kansas city to newark +please find a flight from newark to orlando +please find a flight from orlando to kansas city +i would like to fly from columbus to phoenix through cincinnati in the afternoon +i would like to know what airports are in los angeles +does the airport at burbank have a flight that comes in from kansas city +which flights arrive in burbank from kansas city on saturdays in the afternoon +which flights arrive in burbank from las vegas on saturday april twenty third in the afternoon +which flights are available from orlando to cleveland that arrive around 10 pm +what flights are available from indianapolis to san diego on april twenty first in the late afternoon +what flights leave cleveland going to indianapolis on april twenty first in the morning +which flights are available on april twenty first in the morning from nashville to tacoma +which flights are available from tacoma to san jose in the morning on april twenty second +which flights are available from san jose to nashville leaving in the morning on april twenty three +what is the most expensive one way fare between detroit and westchester county +what airlines fly between detroit and westchester county +what are the departure times from detroit to westchester county +what is the latest flight from baltimore to oakland that serves dinner +what is the earliest flight between baltimore and oakland that serves breakfast +to what cities from boston does america west fly first class +what airline flies from boston to san diego +what is the latest breakfast flight from dallas to tampa +show me all lufthansa flights from seattle to boston with stopovers in minneapolis +show me all flights from seattle to boston with stopovers in minneapolis +list philadelphia to san francisco flights with stopovers in dallas +show me the connecting flights between boston and denver and the types of aircraft used +show me all the morning flights from philadelphia to fort worth +show me all the flights from kansas city to st. paul +show me northwest flight 608 from kansas city to st. paul +show me all the flights from indianapolis to charlotte on monday +what is the ground transportation between the charlotte airport charlotte airport and downtown charlotte +show me all the flights from charlotte to minneapolis that leave at 2 pm or later on monday +show me all the flights from charlotte to minneapolis on tuesday morning +show me the direct flights from charlotte to minneapolis on tuesday morning +show me flight us 1500 on monday from charlotte to minneapolis please +show me all the flights from minneapolis to indianapolis on tuesday that leave after 2 pm +show me the flights from minneapolis to indiana +show me the flights in from minneapolis to indianapolis on tuesday afternoon +show me flight us 1207 from indianapolis to charlotte on monday and flight us 1500 from charlotte to minneapolis on monday and flight twa 639 from minneapolis to indianapolis +show me all the flights from las vegas to new york city +which different airlines go from las vegas to new york city +show me all the flights on america west and twa from las vegas to jfk on a friday +what are the flights from tacoma to miami that leave after 6 pm tomorrow +i'd like to fly from san diego to houston on june tenth +is there an american airlines flight from houston to newark on june tenth after 6 pm +is there an american airlines flight from houston to newark on june tenth after 3 pm +i need to get from cincinnati to denver on june sixth by 6 pm +what's the ground transportation in denver +what's the fare for a taxi to denver +what are the fares for ground transportation in denver +i need to fly from denver to westchester county on june seventh after 3 pm +what's the ground transportation in westchester county +i need to take a united airlines flight on june eighth from westchester county to cincinnati after 3 pm +what united airlines flights on june eighth go from westchester county to cincinnati +on june eighth what flights go from westchester county to cincinnati +does us air fly from cincinnati to denver on june sixth +list the flights from cincinnati to denver on june sixth +list the flights from denver to westchester county on june seventh +list the flights from westchester county to cincinnati on june eighth +list the flights from cincinnati to westchester county on june sixth +list the flights from westchester county to denver on june seventh +list the flights from denver to cincinnati on june eighth +list the flights from denver to cincinnati on june sixth after 4 pm +list the flights from cincinnati to westchester county on june seventh +list the flights from westchester county to cincinnati on june seventh leaving after 5 pm +what airlines off from love field between 6 and 10 am on june sixth +what flights arrive at love field on june sixth +list the flights from montreal to philly before 9 am +list the flights from cleveland to memphis +list the flights from memphis to cleveland +list the flights from denver to baltimore arriving on july first +list the flights from dallas to baltimore arriving july first +list the flights from pittsburgh to baltimore arriving on july first +list the flights on canadian airlines international +how many canadian airlines international flights use j31 +how many canadian airlines international flights use aircraft 320 +how many canadian airlines flights use aircraft dh8 +show me the flights on american airlines which fly from st. petersburg to ontario canada with a stopover in st. louis +show me the flights on american airlines which go from st. petersburg to ontario california by way of st. louis +which airport is closest to ontario california +show me the flights from houston to orlando +show me the flights from orlando to houston +show me the flights from detroit to las vegas +show me the cheapest round trip coach fare from las vegas to detroit +show me the cheapest round trip coach fare on twa from las vegas to detroit +show me the delta flights which serve a snack to coach passengers +what is meal code sb +what meals are available on dl 468 which al arrives in san francisco at 950 am +show me the delta flights from tampa to san francisco +show me delta flight 486 +list the tower air flights on mondays +list all tower air flights with meals +what flights depart from baltimore +what flights depart from baltimore and arrive at san francisco on a friday +what flights leave from cincinnati in the morning and arrive in tampa +which flights depart from tampa and arrive in cincinnati in the evening +which flights depart from tampa in the early evening and arrive in cincinnati +which flights depart from philadelphia and arrive in atlanta +which flights depart from a atlanta and arrive in toronto +which flights depart from toronto and arrive in washington dc +which flights depart from new york and arrive in los angeles after 10 am +how far is new york's la guardia from downtown +how far is toronto international from downtown +how far is los angeles international from downtown +how far is san francisco international from downtown +how much is the limousine service in boston +how much is a limousine service in la guardia +how much is a limousine service in toronto international +how much is limousine service in los angeles +what airlines fly between washington dc and columbus ohio +what flights are there between washington dc and columbus ohio +what are the flights between washington dc and columbus ohio +what are the fares for all flights between washington and columbus +at the charlotte airport how many different types of aircraft are there for us air +list all us air flights arriving in charlotte on saturday at 1 pm +what is the first class round trip airfare from india indianapolis to memphis +list all flights from memphis to miami +list all flights and their fares from indianapolis to memphis on a monday morning +list all flights and their fares from memphis to miami on a wednesday evening +list all flights and their fares for all flights between miami and indianapolis +list all flights from cleveland to kansas city on monday +list all flights from kansas city to cleveland +list all flights from cleveland to nashville +list all flights from nashville to cleveland on sunday +list all sunday flights from cleveland to nashville and their fares +what airlines are departing from baltimore +which airlines fly from baltimore to san francisco +how long does a flight from baltimore to san francisco take +which flights are leaving from kansas city to atlanta early monday morning +which flights are leaving atlanta and arriving in st. louis close to 230 pm on tuesday +please list flights from st. louis to st. paul which depart after 10 am thursday morning +list flights from st. paul to kansas city friday in the evening with a meal included +list early morning flights from cincinnati to tampa +list early evening flights from tampa to cincinnati +list evening flights from tampa to cincinnati +list flights from philadelphia to atlanta friday am +list flights from atlanta to toronto friday afternoon +list flights from toronto to washington dc saturday am +list flights from washington dc to philadelphia saturday pm +list direct flights from new york city to los angeles after 10 am +list the airfare for american airlines flight 19 from jfk to lax +what is fare code m +list the distance in miles from boston airport to downtown boston +list the distance in miles from new york's la guardia airport to downtown new york city +list the distance in miles from toronto international airport to downtown toronto +list the distance in miles from san francisco international airport to san francisco downtown +list limousine rates for the city of boston +list american airlines flights from houston to milwaukee departing friday pm +list flights from houston to milwaukee friday pm +list american airlines flights from milwaukee to san jose wednesday +list american airlines flights from san jose to dallas friday afternoon +list flights from dallas to houston arriving sunday afternoon +list airlines flying from seattle to salt lake city +what is the seating capacity for aircraft l10 +what is the seating capacity for delta be1 +list flights from seattle to salt lake city on delta l10 +list flights from seattle to salt lake city on delta be1 +list flights from boston to pittsburgh daily +list flights from pittsburgh to newark daily +list flights from newark to boston daily +list us air flights leaving saturday from charlotte airport at 1 pm +list us air flights leaving saturday from charlotte airport around 1 pm +list first class airfare round trip from indianapolis to memphis +what is fare code f +list flights from memphis to miami wednesday evening +list flights from miami to indianapolis sunday +list flights from ontario california to orlando florida +list flights from ontario california to salt lake city utah +list flights from ontario california to salt lake city utah monday +list flights from salt lake city utah to phoenix arizona monday +list flights from salt lake city to phoenix arizona tuesday +list flights from phoenix arizona to ontario california wednesday +what airlines fly from baltimore to san francisco +what is the fare for a first class round trip ticket from detroit to st. petersburg +what is the airfare for a round trip first class ticket from detroit to st. petersburg +kansas city to atlanta monday morning flights +monday morning flights from atlanta to kansas city +kansas city to atlanta monday morning flights +atlanta to st. louis tuesday before 230 pm flights +st. louis to st. paul thursday after 10 am +st. paul to kansas city friday night +cleveland to kansas city arrive monday before 3 pm +kansas city to cleveland flight arrive wednesday before 5 pm +cleveland to nashville flight friday morning +nashville to cleveland sunday before 9 +first class flights pittsburgh to newark monday morning +flights newark to los angeles wednesday morning +los angeles to minneapolis thursday afternoon +minneapolis to pittsburgh flight +minneapolis to pittsburgh first class flight +i would like flights leaving from milwaukee to orlando +what does hp stand for +i would like flights from ontario to tacoma +i would like flights from minneapolis to san diego +i would like flights from salt lake city to cincinnati +i would like to see flights from cincinnati to salt lake city +i'd like flights from new york to miami +i would like flights from miami to new york +i would like a flight leaving san francisco for san diego +i would like flights from san diego to las vegas +i would like a flight from san diego to las vegas +i would like flights from las vegas to san francisco +what does fare code bn mean +i would like to have the airline that flies toronto detroit and st. louis +i would like a flight from toronto to detroit +i would like a flight from detroit to st. louis +i would like a flight from toronto to st. louis +i would like flights from san francisco to long beach +i would like flights leaving san francisco to san diego +i would like a flight from san francisco to st. petersburg +show me a one way flight from milwaukee to orlando leaving wednesday afternoon after 6 pm +show me one way flights from milwaukee to orlando on wednesday +show me flights from columbus to chicago first class that leave before 10 am +show me the cheapest round trip between st. petersburg and detroit that arrives before 7 pm +show me nonstop flights from kansas city to phoenix +what is airline wn +show me the cheapest first class round trip from new york to miami +now show me all the round trips from new york to miami +show me the cheapest one way flight from san francisco to houston +now show me the cheapest one way flight from houston to boston +show me the cheapest round trip fares from houston to boston +show me the cheapest round trip fares from san francisco to houston +show me the cheapest round trip fare from san francisco to houston on february twenty eighth 1994 +show me the cheapest one way fare from san francisco to houston on february twenty eighth 1994 +now show me ground transportation in houston on monday afternoon +now show me one way flights from houston to boston +and now show me ground transportation that i could get in boston late night +show me airlines that have flights between toronto and detroit between detroit and st. louis and between st. louis and toronto +show me round trip fares from toronto to detroit on delta northwest us air and united airlines +show me flights between detroit and st. louis on delta northwest us air and united airlines +show me flights from montreal to orlando and long beach +show me flights from montreal to orlando +i need a flight on friday afternoon in june from new york to cleveland +i need a flight from new york to los angeles on saturday evening on us air +i'd like a red eye flight from new york to los angeles on saturday evening on us air +i'd like a flight from new york to los angeles on saturday morning on us air +i need a flight from san francisco to milwaukee on monday morning +what does ua mean +i need a flight from milwaukee to washington dc on monday night +how about flights from milwaukee to washington dc on tuesday mornings +what meals are there on flight 382 from milwaukee to washington dc on tuesday morning +i'll need to rent a car in washington dc +can i get a flight on tuesday night from washington dc to oakland +how about from dc to oakland on wednesday morning +how much does it cost to fly on twa from columbus to milwaukee +what does q mean +how much does it cost to fly from columbus to st. louis round trip on twa +what's the cheapest flight from columbus to st. louis round trip on twa +what's the cheapest round trip flight on twa from columbus to st. paul +i want to fly from milwaukee to los angeles +can i get the shortest flight from milwaukee to orlando +what is the shortest flight from milwaukee to long beach +what does m mean +what does ap 57 mean +what is the shortest flight from milwaukee to st. petersburg +what is the shortest flight from milwaukee to long beach +what is the shortest flight from milwaukee to san diego +what does ap 20 mean +can i get a flight today from san francisco to detroit michigan +what's the cheapest flight from san francisco to detroit today +i want to fly from san francisco to milwaukee and from milwaukee to denver +what's the cheapest flight from san francisco to milwaukee +i need to rent a car in milwaukee +what's the cheapest flight tomorrow from milwaukee to denver +what ground transportation is available at denver +what's the cheapest flight from san francisco to denver +what flights leave from cleveland and go to dallas +show me all nonstop flights from st. petersburg to charlotte +what airline is us +show me flights between toronto and san diego +what is phl +what is mci +show me the flights between oakland and salt lake city +what does not sa mean +what is the earliest daily flight between oakland and salt lake city +what airline is dl +what is the latest daily flight between oakland and salt lake city +show me the flights between los angeles and dallas +what ground transportation is available from dallas fort worth airport to downtown dallas +how many passengers can an l1011 aircraft hold +what is the seating capacity of a dc9 +what are the flights between dallas and phoenix +what ground transportation is available between phoenix airport and downtown phoenix +what is the seating capacity for the aircraft m80 +are there any flights between dallas and phoenix using a dc10 aircraft +what airline is aa +show me the flights between milwaukee and indiana +what are the flights between milwaukee and pittsburgh +what ground transportation is available between pittsburgh airport and downtown pittsburgh +show me the flights between pittsburgh and washington dc +what ground transportation is available between dca and downtown washington +what are the flights between dca and milwaukee +what ground transportation is available between milwaukee airport and downtown milwaukee +determine the type of aircraft used on a flight from cleveland to dallas that leaves before noon +find a flight between st. petersburg and charlotte the flight should leave in the afternoon and arrive as soon after 5 pm as possible it should be a nonstop flight +list a flight on delta airlines from toronto to san diego +list a flight on american airlines from toronto to san diego +list a flight from toronto to san diego +list flights from oakland to salt lake city leaving after 1700 wednesday +list flights from oakland to salt lake city leaving after midnight thursday +list flights between phoenix and las vegas +list flights from las vegas to denver +list flights from milwaukee to washington dc before 1200 +list flights from washington dc to pittsburgh leaving after 1800 +list flights from washington dc to pittsburgh +list flights between pittsburgh and milwaukee +i'd like a flight to san diego from washington dc +i'd like to fly from cleveland to dallas +i want to fly from washington dc to phoenix arizona +i need a flight from phoenix to atlanta +i would like to fly from atlanta to san diego +i would like to fly from san diego to seattle +i would like to fly from orlando to kansas city +i need a flight from kansas city to minneapolis +i need a flight from san diego to washington dc +i need a flight from washington dc to san diego +i need a round trip flight from san diego to washington dc and the fares +i need a round trip from atlanta to washington dc and the fares leaving in the morning +i need a round trip from phoenix to washington dc and the fare leaving in the morning +what is the lowest fare for a flight from washington dc to boston +what is the lowest fare from washington dc to montreal +what is the lowest fare from toronto to washington dc +i want a flight from montreal to washington dc +i want a flight from nashville to seattle that arrives no later than 3 pm +i want a flight from memphis to seattle that arrives no later than 3 pm +i need a flight from indianapolis to seattle arriving in seattle at 1205 pm +i want a flight round trip from memphis to seattle +i want to fly from nashville to seattle and i want the cheapest fare round trip +i want to fly from memphis to seattle round trip with the cheapest fare +i want to fly from indianapolis to seattle round trip with the cheapest fare +please list flights from orlando to philadelphia +please list flights from san francisco to charlotte +please list flights from milwaukee to philadelphia +please list flights from philadelphia to san francisco +please show ground transportation to milwaukee +please list flights from san francisco to milwaukee +list flights from houston to denver +list flights from houston to phoenix +list flights from phoenix to houston +list flights from newark to houston +show flights from denver to houston +show flights from st. petersburg to charlotte +show flights from orlando to kansas city +show flights from kansas city to minneapolis +show flights from kansas city to orlando +show flights from minneapolis to kansas city +show flights from kansas city to orlando +list flights from washington dc to boston +list fares from washington dc to montreal +list flights from washington dc to montreal +list fares from washington dc to toronto that should be good +list fares from washington dc to boston +list flights from washington dc to montreal +list flights from washington dc to toronto +list flights from toronto to washington dc +list flights from oakland to salt lake city +what flights go from dallas to phoenix +what flights go from phoenix to salt lake city +i need an early flight from milwaukee to denver +what types of ground transportation are available in denver +what flights go from denver to st. louis on tuesday morning +is ground transportation available in st. louis +i need to fly from st. louis to milwaukee on wednesday afternoon +flights from washington to seattle +flights from atlanta to seattle +flights from san diego to seattle +i would like flight information from phoenix to denver +could i have flight information on flights from salt lake city to phoenix please +could i have flight information on flights from pittsburgh to phoenix please +i would like information on flights leaving from washington dc to denver +i need information on flights from washington to boston that leave on a saturday +i need the flights from washington to montreal on a saturday +i need the fares on flights from washington to toronto on a saturday +i want to go from boston to washington on a saturday +i need a flight from cleveland to dallas that leaves before noon see if too much information +get fares from washington to boston +get saturday fares from washington to boston +get fares from washington to montreal +get saturday fares from washington to montreal +get saturday fares from washington to toronto +get the saturday fare from washington to toronto +list saturday flights from washington to boston +list saturday flights from boston to washington +get flights from milwaukee to dtw +list flights from milwaukee to detroit +get flights from detroit to toronto +get flights from toronto to milwaukee +get last flight from oakland to salt lake city on wednesday or first flight from oakland to salt lake city on thursday +get first flight from oakland to salt lake city on thursday +get last flight from oakland to salt lake city on wednesday +list last wednesday flight from oakland to salt lake city +get flight from toronto to san diego stopping at dtw +get flights between st. petersburg and charlotte +i need a flight from milwaukee to indianapolis leaving monday before 9 am +i need a flight departing from milwaukee to indianapolis leaving monday before 8 am +is there ground transportation available at the indianapolis airport +i need flight information for a flight departing from indianapolis to cleveland departing tuesday at noon +i need flight information for a flight departing from cleveland to milwaukee wednesday after 6 pm +i need flight information for flights departing from cleveland going back to milwaukee wednesday after 5 pm +i need flight information for flights departing from cleveland to milwaukee on wednesday after 5 pm +i need flight information for flights departing from cleveland to milwaukee on wednesday after 5 pm +i need a flight from denver to salt lake city on monday +is there ground transportation available at the denver airport +i need flight and airline information for a flight from denver to salt lake city on monday departing after 5 pm +is there ground transportation available at the salt lake city airport +i need a flight from salt lake city to phoenix departing wednesday after 5 pm +is there ground transportation available at the phoenix airport +i need a flight from oakland to salt lake city on wednesday departing after 6 pm +i need flight and fare information for thursday departing prior to 9 am from oakland going to salt lake city +i need flight and fare information departing from oakland to salt lake city on thursday before 8 am +i need flight numbers and airlines for flights departing from oakland to salt lake city on thursday departing before 8 am +i need flight numbers for those flights departing on thursday before 8 am from oakland going to salt lake city +list airports in arizona nevada and california please +list california nevada arizona airports +list the arizona airport +list california airports +list flights from las vegas to phoenix +list california airports +list airports +list wednesday night flights from oakland to salt lake city +list flights from oakland to salt lake city before 6 am thursday morning +which airlines fly between toronto and san diego +please list afternoon flights between st. petersburg and charlotte +what is tpa +what are the flights from cleveland to dallas +please list only the flights from cleveland to dallas that leave before noon +what type of aircraft are flying from cleveland to dallas before noon +i need information on flights from indianapolis to seattle +i need a flight from memphis to seattle +i need a ticket from nashville to seattle +i need a ticket from nashville tennessee to seattle +i need flight information from milwaukee to tampa +i need to rent a car at tampa +i need a daily flight from st. louis to milwaukee +i need flights departing from oakland and arriving salt lake city +i need information on flights from toronto to san diego +i need information on flights from toronto to san diego +i want a flight from toronto to san diego +i need information on flights between st. petersburg and charlotte +i need the flight numbers of flights leaving from cleveland and arriving at dallas +which flights go from new york to miami and back +what does fare code qo mean +show me flights from milwaukee to orlando one way +what the abbreviation us stand for +i'd like a one way ticket from milwaukee to orlando either wednesday evening or thursday morning +show me flights from milwaukee to orlando +what does fare code f mean +what does fare code h mean +what does fare code y mean +what are restrictions ap 57 +please show me first class flights from indianapolis to memphis one way leaving before 10 am +now show me all round trip flights from burbank to seattle that arrive before 7 pm in seattle +round trip flights from orlando to montreal please +what airline is dl +show me all delta airlines flights from montreal to orlando +show me all flights from orlando to montreal please +which airline is kw +please list all flights from new york to miami any any type of class +what does fare code bh mean +show me a return flight from miami to jfk please +what does fare code bh mean +what does fare code bh mean +what does fare code bh mean +what does fare code bh mean +show me one way flights from milwaukee to orlando after 6 pm on wednesday +show me the flights from indianapolis to memphis +show me round trip flights from burbank to seattle +show me round trip flights from orlando to montreal +show me nonstop flights from montreal to orlando +show me round trips between montreal and orlando +show me round trip flights from montreal to orlando +show me the cheapest one way flights from montreal to orlando +show me the cheapest one way flights from orlando to montreal +show me the cheapest economy flights from miami to new york +kansas city to las vegas economy +kansas city to las vegas economy +what airline is hp +ground transportation in las vegas +ground transportation for las vegas +las vegas to baltimore economy +las vegas to baltimore economy +baltimore to kansas city economy +what airline is us +which airline is us +which airline is us +which airline is us +which airline is us +columbus to chicago one way before 10 am +what airline is hp +st. petersburg to detroit +from milwaukee to orlando one way after 5 pm wednesday +and from milwaukee to atlanta before 10 am daily +what airline is yx +show me all flights from san jose to phoenix +show me all flights from san jose to phoenix +what airline is hp +show me ground transportation in phoenix +show me flights from phoenix to fort worth +show me ground transportation in fort worth +show me flights from fort worth to san jose +show me first class flights from new york to miami round trip +show me first class flights from new york to miami round trip +show me all round trip flights from new york to miami nonstop +show me all round trip flights from miami to new york nonstop +show me one way flights from indianapolis to memphis before 10 am on any day +what does fare code f mean +show me round trip flights from burbank to tacoma +what does the restriction ap58 mean +what does fare code h mean +what airline is as +what airline is as +what airline is as +what airline is as as in sam +show me nonstop flights from st. petersburg to toronto +show me nonstop flights from toronto to st. petersburg +show me the nonstop flights and fares from toronto to st. petersburg +show me the nonstop flights from toronto to st. petersburg +show me weekday flights from milwaukee to orlando one way +show me weekday flights from milwaukee to orlando one way +what airline is hp +list flights from chicago to san diego +list flights from chicago to san diego +list flights from kansas city to denver +list flights from denver to phoenix +list flights from phoenix to las vegas +list flights from las vegas to san diego +list flights from chicago to kansas city in the morning +list flights from houston to san jose +list flights from houston to milwaukee +list flights from milwaukee to san jose on wednesday +list flights from san jose to dallas on friday +list flights from dallas to houston +list distance from airports to downtown in new york +list airports in new york +list airports in new york +list airports in la +list airports +list airports in la +list airports in la +list the airports in la +list la +list la +list flights from new york to la +list flights from la guardia to burbank +list flights from la to orlando +list flights from ontario california to orlando +list flights from ontario california to orlando +list flights from indianapolis to memphis with fares on monday +list flights from indianapolis to memphis on monday +list flights from memphis to miami on wednesday +list flights from miami to indianapolis on sunday +list flights from charlotte on saturday afternoon +list type of aircraft for all flights from charlotte +list flights and fares from tacoma to orlando round trip leaving saturday returning next saturday +what class is fare code q +list flights from orlando to tacoma on saturday of fare basis code of q +list airfares for first class round trip from detroit to st. petersburg +list coach round trip airfare from detroit to st. petersburg +list flights from pittsburgh to newark on monday morning +list flights from minneapolis to pittsburgh on friday +list flights before 9 am from cincinnati to tampa +list flights from cincinnati to tampa before noon +list flights from tampa to cincinnati after 3 pm +list airlines that fly from seattle to salt lake city +list delta flights from seattle to salt lake city +list seating capacities of delta flights from seattle to salt lake city +list delta flights from seattle to salt lake city with aircraft type +what ground transportation is there in baltimore +list ground transportation in baltimore +list flights from baltimore to san francisco on friday +give me the flights from los angeles to pittsburgh on tuesday +give me the flights from pittsburgh to los angeles thursday evening +give me the round trip flights from cleveland to miami next wednesday +give me the fares for round trip flights from cleveland to miami next wednesday +give me the flights and fares for a trip to cleveland from miami on wednesday +give me the fares from miami to cleveland next sunday +give me the flights from milwaukee to phoenix on saturday or sunday on american airlines +give me the flights from phoenix to milwaukee on wednesday evening +give me the flights from phoenix to milwaukee on wednesday on american airlines +give me the flights from phoenix to milwaukee on american airlines +give me the flights from phoenix to milwaukee +give me the meal flights departing early saturday morning from chicago to seattle nonstop +give me the flights from chicago to seattle saturday morning that have meals +give me flights from seattle to chicago that have meals on continental +give me the flights from seattle to chicago that have meals on continental saturday morning +give me the flights from chicago to seattle on continental that have meals early saturday morning +give me a combination of continental flights from chicago to seattle that have meals early saturday morning +give me the saturday morning flights with meals from chicago to minneapolis +give me the saturday morning flights on continental that have meals from chicago to minneapolis +give me the saturday morning flights from chicago to st. paul on continental that have meals +give me the flights from new york to las vegas nonstop +give me the flights from memphis to las vegas nonstop +give me the cheapest round trip flights from indianapolis to orlando around december twenty fifth +i need a friday flight from newark to tampa +i need a sunday flight from tampa to charlotte +give me a flight from charlotte to baltimore on tuesday morning +can i have a morning flight from baltimore to newark please +cheapest round trip fare from or indianapolis to orlando on december twenty fifth +cheapest one way fare from indianapolis to orlando on december twenty seventh +flight number from dallas to houston +flight number from houston to dallas +saturday flight on american airlines from milwaukee to phoenix +flight numbers on american airlines from phoenix to milwaukee +flight numbers from chicago to seattle +flight numbers from chicago to seattle on continental +flight numbers from seattle to chicago on continental +is there a fare from pittsburgh to cleveland under 200 dollars +how much is coach flight from pittsburgh to atlanta +newark to tampa on friday +tampa to charlotte sunday morning +charlotte to baltimore on tuesday +baltimore to newark wednesday morning +dallas to houston after 1201 am +houston to dallas before midnight +indianapolis to orlando december twenty seventh +cheapest fare from indianapolis to orlando on the twenty seventh of december +cheapest fare round trip from indianapolis to orlando on december twenty seventh +cleveland to miami on wednesday arriving before 4 pm +miami to cleveland sunday afternoon +new york city to las vegas and memphis to las vegas on sunday +new york city to las vegas and memphis to las vegas on sunday +new york to las vegas sunday afternoon +memphis to las vegas sunday afternoon +new york to las vegas on sunday afternoon +chicago to seattle saturday morning +chicago to las vegas saturday morning +los angeles to pittsburgh afternoon tuesday +los angeles to pittsburgh afternoon on monday +pittsburgh to los angeles thursday evening +milwaukee to phoenix on saturday +phoenix to milwaukee on sunday +phoenix to milwaukee on wednesday +a flight from baltimore to san francisco arriving between 5 and 8 pm +how many northwest flights leave st. paul +how many northwest flights leave washington dc +how many flights does northwest have leaving dulles +what cities does northwest fly out of +list the cities from which northwest flies +what cities does northwest fly to +i would like a connecting flight from dallas to san francisco leaving after 4 o'clock +please list all the flights from dallas to san francisco +tell me again the morning flights on american airlines from philadelphia to dallas +tell me the flights that leave philadelphia and go to dallas +what is a d9s +what type of plane is a d9s +what is a d9s +show me the airports serviced by tower air +show me the first class and coach flights between jfk and orlando +show me the first class and coach flights from kennedy airport to miami +show me the first class and coach flights from jfk to miami +are meals ever served on tower air +are snacks served on tower air +show delta airlines flights from jfk to miami +show delta airlines from boston to salt lake +show delta airlines flights from boston to salt lake +show delta airlines flights from boston to salt lake city +what are the fares for flights between boston and washington dc +what is the least expensive fare from boston to salt lake city +what are the lowest fares from washington dc to salt lake city +what is the lowest fare from bwi to salt lake city +show me the cost of a first class ticket from detroit to las vegas and back +what is the earliest arriving flight from boston to washington dc +what is the earliest arriving flight between boston and washington dc +what's the earliest arriving flight between boston and washington dc +what is the earliest arriving flight from houston to orlando +what is the earliest arriving flight from houston to orlando +show me the flights between houston and orlando +show me the flights between houston and orlando +show me the flights from houston to orlando +list all flights leaving denver between 8 pm and 9 pm +what is the seating capacity on the aircraft 733 +what is the seating capacity of a 72s +what is the seating capacity of the aircraft 72s +what is the seating capacity of the aircraft m80 +what is the seating capacity of the type of aircraft m80 +what is the seating capacity of an m80 +what airlines serve denver +list the airlines with flights to or from denver +what airlines fly into denver +list all flights arriving in denver between 8 and 9 pm +what is the capacity of the 73s +what is 73s +what is seating capacity on the aircraft 73s +what is the seating capacity of a 757 +how many people will a 757 hold +how many passengers can fly on a 757 +list all of the daily flights arriving in denver between 8 and 9 pm +list all of the daily flights arriving in denver from 8 to 9 pm +show me all of the daily flights arriving in denver between 8 pm and 9 pm +what is the seating capacity of the 757 +tell me about the m80 aircraft +tell me about the m80 aircraft +tell me about the type of aircraft called an m80 +what is the seating capacity of the 733 +what is the seating capacity of the m80 +what is the seating capacity on the aircraft m80 +list all flights arriving or leaving denver between 8 and 9 pm +list all flights arriving in denver between 8 and 9 pm +list all flights on all types of aircraft arriving in denver between 8 and 9 pm +please list all flights from nashville to memphis on monday morning +please list the flights from nashville to memphis on monday morning +is there ground transportation from the memphis airport into town when if i arrive at 842 in the morning +please list the flights from memphis to new york city on a monday night +what is cvg +what ground transportation is available from la guardia airport into new york city +is there ground transportation from lga into new york city +please list the ground transportation from lga into new york city +please list ground transportation from ewr into new york city +show me the morning flights from memphis to new york city +give me the flights from new york city to nashville leaving after 5 pm on wednesday +tell me about the ground transportation from nashville airport +what are the nonstop flights from cincinnati to charlotte leaving after noon and arriving before 7 pm +how many flights does alaska airlines have to burbank +list the alaska airline flights from burbank to anywhere +list the alaska airline flights from burbank +which airline is as +list the alaska airlines flights arriving in burbank +list the alaska airlines flights a departing from burbank +list all alaska airlines flights +list all flights departing from seattle +list the flights from indianapolis to memphis that leave before noon +list the cheapest fare from charlotte to las vegas +i want a flight from los angeles to charlotte early in the morning +i would like a morning flight from charlotte to newark +i'd like a morning flight from newark to los angeles +i'd like an evening flight from newark to los angeles +i would like a flight that leaves on sunday from montreal quebec to san diego california +i would like a flight on tuesday which leaves from san diego to indianapolis indiana and that leaves in the afternoon +i would like to leave thursday morning from indianapolis to toronto +i would like a flight on friday morning from toronto to montreal +i would like a flight from cincinnati to burbank on american +what type of aircraft is used for the american flight leaving at 419 pm +i need a flight leaving kansas city to chicago leaving next wednesday and returning the following day +what flights go from long beach to st. louis +what are the flights from memphis to las vegas +what are the flights from las vegas to ontario +what are the flights from ontario to memphis +what type of ground transportation is there at the las vegas airport +is there taxi service at the ontario airport +what are the flights from tampa to milwaukee +what are the flights from milwaukee to seattle +what are the flights from la guardia to san jose on united +what are the flights on mondays that travel from charlotte north carolina to phoenix arizona +what are the flights from phoenix arizona to st. paul minnesota on tuesday +what are the flights on thursday leaving from st. paul minnesota to st. louis +what are the flights from st. louis to charlotte north carolina leaving on friday +what are the flights from boston to orlando that stop in new york +i need a morning flight from burbank to milwaukee on next monday +how about a flight from milwaukee to st. louis that leaves monday night +and a flight from st. louis to burbank that leaves tuesday afternoon +how about a flight leaving tuesday night from st. louis to burbank +i need a flight from salt lake to newark airport that arrives on saturday before 6 pm +i'd like a flight from cincinnati to newark airport that arrives on saturday before 6 pm +i need a flight on american airlines from miami to chicago that arrives around 5 pm +i need a flight from memphis to tacoma that goes through los angeles +what are the flights between cincinnati and san jose california which leave after 6 pm +what are the nonstop flights between san jose and houston texas +what are the nonstop flights between houston and memphis +what are the flights between memphis and cincinnati on wednesday +what are the american flights from newark to nashville +the flights from ontario to westchester that stop in chicago +please list the flights from los angeles to charlotte +please list the flights from charlotte to newark +please list the flights from newark to los angeles +please list the flights from cincinnati to burbank on american airlines +please give me the flights from kansas city to chicago on june sixteenth +please give me the flights from chicago to kansas city on june seventeenth +please list all the flights from kansas city to chicago on june sixteenth +please list all the flights from chicago to kansas city on june seventeenth +i'd like to travel from burbank to milwaukee +can you find me a flight from salt lake city to new york city next saturday before arriving before 6 pm +can you find me another flight from cincinnati to new york on saturday before 6 pm +can you list all of the delta flights from salt lake city to new york next saturday arriving before 6 pm +i'd like to fly from miami to chicago on on american airlines arriving around 5 pm +i'd like to travel from kansas city to chicago next wednesday +i'd like a round trip flight from kansas city to chicago on wednesday may twenty sixth arriving at 7 pm +yes i'd like to find a flight from memphis to tacoma stopping in los angeles +find flight from san diego to phoenix on monday am +find flight from phoenix to detroit on monday +find flight from detroit to san diego on tuesday +find flight from cincinnati to san jose on monday +find flight from san jose to houston on wednesday +find flight from houston to memphis on friday +find flight from memphis to cincinnati on sunday +find american flight from newark to nashville around 630 pm +please find a flight round trip from los angeles to tacoma washington with a stopover in san francisco not exceeding the price of 300 dollars for june tenth 1993 +are there any flights on june tenth from burbank to tacoma +please find a flight from ontario to westchester that makes a stop in chicago on may seventeenth one way with dinner +like to book a flight from burbank to milwaukee +show me all the flights from burbank to milwaukee +find me all the flights from milwaukee to st. louis +now show me all the flights from st. louis to burbank +is there one airline that flies from burbank to milwaukee milwaukee to st. louis and from st. louis to burbank +find me all the round trip flights from burbank to milwaukee stopping in st. louis +i'd like to book two flights to westchester county +i want to book a flight from salt lake city to westchester county +tell me all the airports near westchester county +i'd like to book a flight from cincinnati to new york city on united airlines for next saturday +tell me all the airports in the new york city area +please find all the flights from cincinnati to any airport in the new york city area that arrive next saturday before 6 pm +find me a flight from cincinnati to any airport in the new york city area +i'd like to fly from miami to chicago on american airlines +i would like to book a round trip flight from kansas city to chicago +find me a flight that flies from memphis to tacoma diff --git a/JointBERT-master/data/atis/test/seq.out b/JointBERT-master/data/atis/test/seq.out new file mode 100644 index 0000000000000000000000000000000000000000..5ce23c4ee2550c31db7dd2e58b54cd484570c8b6 --- /dev/null +++ b/JointBERT-master/data/atis/test/seq.out @@ -0,0 +1,893 @@ +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-stoploc.city_name I-stoploc.city_name +O B-depart_date.month_name B-depart_date.day_number O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-depart_date.month_name B-depart_date.day_number O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O B-depart_date.day_name B-depart_time.period_of_day O B-depart_date.day_name B-depart_time.period_of_day +B-depart_date.day_name B-depart_time.period_of_day O O O O O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name B-meal_description +O B-depart_date.date_relative B-depart_date.day_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O O B-return_date.day_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O B-airline_name O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-arrive_date.date_relative B-arrive_date.day_name +O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.today_relative +O O B-depart_date.today_relative B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O O O B-arrive_date.month_name B-arrive_date.day_number O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name +O B-airport_name I-airport_name O O O O O O O O O +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-connect O B-stoploc.city_name I-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-connect O B-stoploc.city_name +O O O O B-meal_description +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O B-meal O O O B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name +O B-meal O O O B-airline_name O B-flight_number I-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.period_of_day B-depart_date.date_relative B-depart_date.day_name O O O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-airline_name I-airline_name O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name B-depart_date.date_relative B-depart_date.day_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name O O O B-return_date.date_relative I-return_date.date_relative +O B-round_trip I-round_trip O O B-fromloc.city_name B-depart_date.date_relative B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O B-toloc.city_name +O B-round_trip I-round_trip O O B-fromloc.city_name B-depart_date.date_relative B-depart_date.day_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-depart_date.day_name O B-fromloc.city_name O O O B-toloc.city_name O O B-arrive_time.period_of_day +O O O B-fromloc.city_name O B-depart_date.month_name B-depart_date.day_number O O O B-toloc.city_name O O B-arrive_time.period_of_day +O O O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O O O B-toloc.city_name O O B-arrive_time.period_of_day +O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O O B-stoploc.city_name O O O O O B-meal_description O O O +B-depart_date.date_relative B-depart_date.day_name O O O O O B-fromloc.city_name I-fromloc.city_name O O O O B-toloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-toloc.city_name I-toloc.city_name +O O O O O B-depart_date.today_relative B-depart_time.period_of_day O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name B-depart_time.period_of_day O O O O O B-fromloc.city_name B-fromloc.state_name O O O O B-toloc.city_name I-toloc.city_name B-toloc.state_name +O O O O O B-depart_date.day_name O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name +O B-depart_date.day_name O O O O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name O O O O O O O O O B-depart_time.period_of_day +O B-depart_date.day_name B-depart_time.period_of_day O O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name B-depart_time.period_of_day O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_time.period_of_day B-depart_time.period_of_day O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name B-depart_time.period_of_day O O O O O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name B-depart_time.period_of_day O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.state_name +O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name B-depart_date.today_relative +O O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop O B-meal_description O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-toloc.city_name O O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name O O B-depart_time.period_of_day +O O O O O O O O O B-city_name I-city_name +O O O O B-toloc.city_name O O O O O O O B-fromloc.city_name I-fromloc.city_name +O O O O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name O B-arrive_date.day_name O O B-arrive_time.period_of_day +O O O O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day I-depart_time.period_of_day +O O O B-fromloc.city_name O O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day +O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O B-cost_relative I-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O O O B-fromloc.city_name O B-airline_name I-airline_name O B-class_type I-class_type +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod B-meal_description O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O O O O O O +O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-airline_name O B-flight_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O B-airport_name I-airport_name B-city_name I-city_name O O B-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-depart_time.time I-depart_time.time O B-depart_time.time_relative O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-airline_code B-flight_number O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name O +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.state_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O B-flight_number O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O B-airline_name I-airline_name O B-airline_code O B-fromloc.city_name I-fromloc.city_name O B-toloc.airport_code O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.today_relative +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-city_name +O O O O O B-transport_type O B-city_name +O O O O O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-city_name I-city_name +O O O O O B-airline_name I-airline_name O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-airline_name I-airline_name O O B-depart_date.month_name B-depart_date.day_number O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O B-depart_date.month_name B-depart_date.day_number O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.airport_name I-fromloc.airport_name O B-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time O B-depart_date.month_name B-depart_date.day_number +O O O O B-toloc.airport_name I-toloc.airport_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_date.month_name B-arrive_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_date.month_name B-arrive_date.day_number +O O O O B-airline_name I-airline_name I-airline_name +O O B-airline_name I-airline_name I-airline_name O O B-aircraft_code +O O B-airline_name I-airline_name I-airline_name O O O B-aircraft_code +O O B-airline_name I-airline_name O O O B-aircraft_code +O O O O O B-airline_name I-airline_name O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.country_name O O O O B-stoploc.city_name I-stoploc.city_name +O O O O O B-airline_name I-airline_name O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name O O O B-stoploc.city_name I-stoploc.city_name +O O O B-mod O B-city_name B-state_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip B-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip B-class_type O O B-airline_code O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O O O O B-meal_description O B-compartment O +O O O O B-meal_code +O B-meal O O O B-airline_code B-flight_number O O O O B-toloc.city_name I-toloc.city_name O B-arrive_time.time I-arrive_time.time +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-airline_name O B-flight_number +O O B-airline_name I-airline_name O O B-day_name +O O B-airline_name I-airline_name O O B-meal +O O O O B-fromloc.city_name +O O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name O O B-arrive_date.day_name +O O O O B-fromloc.city_name O O B-depart_time.period_of_day O O O B-toloc.city_name +O O O O B-fromloc.city_name O O O B-toloc.city_name O O B-arrive_time.period_of_day +O O O O B-fromloc.city_name O O B-depart_time.period_of_day B-depart_time.period_of_day O O O B-toloc.city_name +O O O O B-fromloc.city_name O O O B-toloc.city_name +O O O O O B-fromloc.city_name O O O B-toloc.city_name +O O O O B-fromloc.city_name O O O B-toloc.city_name B-toloc.state_code +O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-city_name I-city_name B-airport_name I-airport_name O O +O O O B-airport_name I-airport_name O O +O O O B-airport_name I-airport_name I-airport_name O O +O O O B-airport_name I-airport_name I-airport_name O O +O O O O B-transport_type O O B-city_name +O O O O B-transport_type O O B-airport_name I-airport_name +O O O O B-transport_type O O B-airport_name I-airport_name +O O O B-transport_type O O B-city_name I-city_name +O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-city_name I-city_name O O O O O O O O O B-airline_name I-airline_name +O O B-airline_name I-airline_name O O O B-toloc.city_name O B-arrive_date.day_name O B-arrive_time.time I-arrive_time.time +O O O B-class_type I-class_type B-round_trip I-round_trip O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name O O O +O O O O O B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative O B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name O O B-depart_time.period_of_day O O B-meal O +O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O B-connect O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-airline_name I-airline_name O B-flight_number O B-fromloc.airport_code O B-toloc.airport_code +O O O O B-fare_basis_code +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O O B-city_name I-city_name I-city_name +O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O O B-city_name +O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name O +O B-transport_type O O O B-city_name I-city_name I-city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name +O B-airline_name I-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.day_name B-arrive_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O O B-aircraft_code +O O O O O O B-airline_name B-aircraft_code +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-airline_name B-aircraft_code +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-airline_name B-aircraft_code +O O O B-fromloc.city_name O B-toloc.city_name B-flight_days +O O O B-fromloc.city_name O B-toloc.city_name B-flight_days +O O O B-fromloc.city_name O B-toloc.city_name B-flight_days +O B-airline_name I-airline_name O O B-depart_date.day_name O B-fromloc.airport_name I-fromloc.airport_name O B-depart_time.time I-depart_time.time +O B-airline_name I-airline_name O O B-depart_date.day_name O B-fromloc.airport_name I-fromloc.airport_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-class_type I-class_type O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code +O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name +O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-toloc.state_name +O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-toloc.state_name B-depart_date.day_name +O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name B-depart_date.day_name +O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name B-depart_date.day_name +O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-class_type I-class_type B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-round_trip I-round_trip B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day O +B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day O +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.time_relative B-depart_time.time +B-class_type I-class_type O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name O +B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type O +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_code O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fare_basis_code O +O O O O O O O O O B-fromloc.city_name B-toloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-cost_relative B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-airline_code +O O O B-cost_relative B-class_type I-class_type B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year +O O O O O O B-city_name O B-day_name B-period_of_day +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O B-city_name B-period_of_day B-period_of_day +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-airline_name B-airline_name B-airline_name I-airline_name O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name B-airline_name B-airline_name I-airline_name O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-depart_date.month_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-airline_name I-airline_name +O O O B-flight_mod I-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-airline_name I-airline_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-airline_name I-airline_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O B-airline_code O +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.period_of_day +O B-meal O O O O B-flight_number O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-transport_type O B-city_name B-state_code +O O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-fromloc.state_code O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O O B-airline_code O B-fromloc.city_name O B-toloc.city_name +O O B-fare_basis_code O +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-round_trip I-round_trip O B-airline_code +O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-round_trip I-round_trip O B-airline_code +O O B-cost_relative B-round_trip I-round_trip O O B-airline_code O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fare_basis_code O +O O B-restriction_code I-restriction_code O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-restriction_code I-restriction_code O +O O O O O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-transport_type O B-city_name +O O B-cost_relative O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-city_name +O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O O O B-toloc.city_name +O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-airline_code +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-airport_code +O O B-airport_code +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O B-mod B-days_code O +O O O B-flight_mod B-flight_days O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-airline_code +O O O B-flight_mod B-flight_days O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-airport_name I-airport_name I-airport_name I-airport_name O O B-city_name +O O O O O B-aircraft_code O O +O O O O O O O B-aircraft_code +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airport_name I-airport_name O O B-city_name +O O O O O O O O B-aircraft_code +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-aircraft_code O +O O O B-airline_code +O O O O O B-fromloc.city_name O B-toloc.state_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airport_name I-airport_name O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O B-airport_code O O B-city_name +O O O O O B-airport_code O B-city_name +O O O O O O B-airport_name I-airport_name O O B-city_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.period_of_day +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O O O B-depart_time.period_of_day O O O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O O O O O B-flight_stop O +O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.period_of_day B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code B-depart_time.time_relative B-depart_time.time +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-fromloc.state_code +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O +O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O O O O B-depart_time.period_of_day +O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O O O O B-depart_time.period_of_day +O O O B-cost_relative O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative I-arrive_time.time_relative I-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative I-arrive_time.time_relative I-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.time I-arrive_time.time +O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-cost_relative O B-round_trip I-round_trip +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O O B-cost_relative O +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O O B-cost_relative O +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name O O O O +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-city_name I-city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time O O O O O +O O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.airport_code +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-or B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O B-flight_mod B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.airport_code +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O B-airport_name I-airport_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_time.period_of_day +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O B-fromloc.city_name O O O B-toloc.city_name B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O O B-airport_name I-airport_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O B-airport_name I-airport_name I-airport_name I-airport_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O B-airport_name I-airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O B-depart_date.day_name O B-depart_time.time_relative I-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-state_name I-state_name O B-state_name O +O B-state_name B-state_name B-state_name O +O O B-state_name O +O B-state_name O +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O B-state_name O +O O +O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-airport_code +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.period_of_day +O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-transport_type O B-city_name +O O O B-flight_days O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-fromloc.city_name O O O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O +O O O O B-fare_basis_code O +O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O B-airline_code O O +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-or B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code O +O O O O B-fare_basis_code O +O O O O B-fare_basis_code O +O O O B-restriction_code I-restriction_code +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-toloc.city_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O +O O O B-airline_code +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O +O O O B-airline_code +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O O +O O O O B-fare_basis_code O +O O O B-round_trip O O B-fromloc.city_name O B-toloc.airport_code O +O O O O B-fare_basis_code O +O O O O B-fare_basis_code O +O O O O B-fare_basis_code O +O O O O B-fare_basis_code O +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-economy O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-economy +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-economy +O O O B-airline_code +O O O B-city_name I-city_name +O O O B-city_name I-city_name +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-economy +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-economy +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-economy +O O O B-airline_code +O O O B-airline_code +O O O B-airline_code +O O O B-airline_code +O O O B-airline_code +B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-airline_code +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name +O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-flight_days +O O O B-airline_code +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-airline_code +O O O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-city_name I-city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-flight_stop +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O +O O O O B-fare_basis_code O +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-restriction_code O +O O O O B-fare_basis_code O +O O O B-airline_code +O O O B-airline_code +O O O B-airline_code +O O O B-airline_code O O O +O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_stop O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O B-airline_code +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-city_name I-city_name +O O O B-city_name I-city_name +O O O B-city_name I-city_name +O O O B-city_name +O O +O O O B-city_name +O O O B-city_name +O O O O B-city_name +O B-city_name +O B-city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name +O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O O B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O B-depart_date.day_name O B-return_date.date_relative B-return_date.day_name +O O O O O B-booking_class +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O O O B-fare_basis_code +O O O B-class_type I-class_type B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-class_type B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O O +O O O O O O B-city_name +O O O O B-city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O O O O O O O O B-toloc.city_name O B-fromloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-or B-depart_date.day_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-meal O O B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name B-flight_stop +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day O O B-meal +O O O O B-fromloc.city_name O B-toloc.city_name O O B-meal O B-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-meal O B-airline_name B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name O O B-meal B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name O O B-meal B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day +O O O B-depart_date.day_name B-depart_time.period_of_day O O B-meal O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_date.day_name B-depart_time.period_of_day O O B-airline_name O O B-meal O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name O O B-meal +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O +B-cost_relative B-round_trip I-round_trip O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +B-depart_date.day_name O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name +O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount +O O O B-class_type O O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_number I-depart_date.day_number O B-depart_date.month_name +B-cost_relative O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.period_of_day B-depart_date.day_name +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.period_of_day O B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O B-flight O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O B-airline_name O O B-fromloc.city_name I-fromloc.city_name +O O B-airline_name O O B-fromloc.city_name B-fromloc.state_code +O O O O B-airline_name O O B-fromloc.airport_name +O O O B-airline_name O O O +O O O O O B-airline_name O +O O O B-airline_name O O +O O O O B-connect O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-depart_time.period_of_day O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O O O B-toloc.city_name +O O O B-aircraft_code +O O O O O O B-aircraft_code +O O O B-aircraft_code +O O O O O O B-airline_name I-airline_name +O O O B-class_type I-class_type O B-class_type O O B-fromloc.airport_code O B-toloc.city_name +O O O B-class_type I-class_type O B-class_type O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name +O O O B-class_type I-class_type O B-class_type O O B-fromloc.airport_code O B-toloc.city_name +O B-meal O O O B-airline_name I-airline_name +O B-meal_description O O B-airline_name I-airline_name +O B-airline_name I-airline_name O O B-fromloc.airport_code O B-toloc.city_name +O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O B-fromloc.airport_code O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-round_trip +O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O O O O O O O B-aircraft_code +O O O O O O O B-aircraft_code +O O O O O O O O B-aircraft_code +O O O O O O O O B-aircraft_code +O O O O O O O O O O B-aircraft_code +O O O O O O O B-aircraft_code +O O O B-city_name +O O O O O O O O B-city_name +O O O O B-toloc.city_name +O O O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O O O B-aircraft_code +O O B-aircraft_code +O O O O O O O B-aircraft_code +O O O O O O O B-aircraft_code +O O O O O B-aircraft_code O +O O O O O O O B-aircraft_code +O O O O B-flight_days O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O B-flight_days O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O O B-flight_days O O O B-toloc.city_name O B-arrive_time.start_time I-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O O O O B-aircraft_code +O O O O B-aircraft_code O +O O O O B-aircraft_code O +O O O O O O O O O B-aircraft_code +O O O O O O O B-aircraft_code +O O O O O O O B-aircraft_code +O O O O O O O O B-aircraft_code +O O O O O O B-city_name O B-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O O O O O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-airport_name I-airport_name O O O O O O O O O O B-period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O B-airport_code +O O O O O O B-airport_name I-airport_name I-airport_name O B-city_name I-city_name I-city_name +O O O O O B-airport_code O B-city_name I-city_name I-city_name +O O O O O O B-airport_code O B-city_name I-city_name I-city_name +O O O O O B-airport_code O B-city_name I-city_name I-city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O O O B-airport_name I-airport_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.period_of_day O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-airline_name I-airline_name O O B-toloc.city_name +O O B-airline_name I-airline_name O O B-fromloc.city_name O O +O O B-airline_name I-airline_name O O B-fromloc.city_name +O O O B-airline_code +O O B-airline_name I-airline_name O O O B-toloc.city_name +O O B-airline_name I-airline_name O O O O B-fromloc.city_name +O O B-airline_name I-airline_name O +O O O O O B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.period_of_day +O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day +O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-depart_date.day_name O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name +O O O O O O B-depart_date.day_name O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name O O O O O B-depart_time.period_of_day +O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name +O O O O O O O O B-airline_name O O O B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name O O B-return_date.date_relative I-return_date.date_relative I-return_date.date_relative +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-airport_name I-airport_name I-airport_name +O O B-transport_type I-transport_type O O B-airport_name I-airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name O B-airline_name +O O O O O B-depart_date.day_name O O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O B-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O B-depart_date.day_name +O O O O O B-depart_date.day_name O O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name O O O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name O O O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-depart_date.date_relative B-depart_date.day_name B-arrive_time.time_relative O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-airline_name O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.date_relative B-depart_date.day_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-airline_name I-airline_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-arrive_time.time I-arrive_time.time +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-stoploc.city_name I-stoploc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name O O O O B-stoploc.city_name I-stoploc.city_name B-cost_relative I-cost_relative O O O B-fare_amount I-fare_amount O B-depart_date.month_name B-depart_date.day_number B-depart_date.year +O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-stoploc.city_name O B-depart_date.month_name B-depart_date.day_number B-round_trip I-round_trip O B-meal_description +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-city_name I-city_name +O O O O O O O B-city_name I-city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-stoploc.city_name I-stoploc.city_name +O O O O O O O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-city_name I-city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O B-depart_date.date_relative B-depart_date.day_name +O O O O O O O B-city_name I-city_name I-city_name O +O O O O O O B-fromloc.city_name O O O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O O B-arrive_date.date_relative B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O O O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name diff --git a/JointBERT-master/data/atis/train/label b/JointBERT-master/data/atis/train/label new file mode 100644 index 0000000000000000000000000000000000000000..049ea60019c7d6b992b970fc2c273f8c053abde9 --- /dev/null +++ b/JointBERT-master/data/atis/train/label @@ -0,0 +1,4478 @@ +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_airfare +atis_quantity +atis_flight +atis_flight +atis_flight +atis_city +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_abbreviation +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_airline +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airline +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_airline +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_distance +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_city +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_distance +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airline +atis_flight +atis_airline +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_abbreviation +atis_ground_service +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_city +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_quantity +atis_flight +atis_airfare +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_ground_fare +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_airfare +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_distance +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_capacity +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airline +atis_ground_service +atis_flight +atis_flight +atis_flight_time +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_quantity +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_meal +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airline +atis_flight +atis_flight#atis_airfare +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_ground_service +atis_aircraft#atis_flight#atis_flight_no +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_capacity +atis_flight +atis_airfare +atis_airline +atis_abbreviation +atis_flight +atis_ground_service +atis_meal +atis_airfare +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_ground_service +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_abbreviation +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_abbreviation +atis_flight +atis_meal +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_aircraft +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airline +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight_no +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_airline +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_no +atis_flight_no +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_ground_service +atis_flight +atis_flight +atis_flight_time +atis_abbreviation +atis_airline +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airline +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_restriction +atis_flight +atis_distance +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_airfare +atis_flight +atis_airfare +atis_flight#atis_airfare +atis_airfare +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_ground_service +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airline +atis_airline +atis_airport +atis_flight +atis_ground_service +atis_aircraft +atis_ground_service +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_city +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_airfare +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airline +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_airport +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_ground_service +atis_airport +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_city +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_airfare +atis_flight +atis_distance +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight#atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_airfare +atis_quantity +atis_airline +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight_no +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_airport +atis_ground_service +atis_flight +atis_city +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_aircraft +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_airline +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_quantity +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airline +atis_flight +atis_city +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_distance +atis_airfare +atis_abbreviation +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airline +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_airline +atis_flight +atis_abbreviation +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_airport +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_airline +atis_flight +atis_aircraft +atis_ground_service +atis_flight +atis_ground_service +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_airfare +atis_airline +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_quantity +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight_no +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_distance +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_aircraft +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_no +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight_time +atis_ground_service +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airfare +atis_city +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_airfare +atis_ground_service +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_capacity +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_aircraft +atis_airfare +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_airline +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_ground_service +atis_airline +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_restriction +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight_no +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_ground_fare +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_airfare +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_airline +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_ground_service +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_quantity +atis_ground_service +atis_flight +atis_flight +atis_airline +atis_airfare +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_airfare +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_airline +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_distance +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_abbreviation +atis_flight +atis_flight +atis_flight#atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_city +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_ground_service +atis_ground_service +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_aircraft +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_ground_fare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_abbreviation +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_ground_fare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_distance +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_meal +atis_flight +atis_flight +atis_capacity +atis_flight +atis_airfare +atis_airfare +atis_airfare +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight#atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_city +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_ground_fare +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airline +atis_airline#atis_flight_no +atis_abbreviation +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_aircraft +atis_ground_service +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_ground_service +atis_airfare +atis_flight +atis_flight +atis_airline +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_airfare +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight_time +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airline +atis_flight_time +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_ground_service +atis_airline +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_airfare +atis_ground_service +atis_airfare +atis_flight +atis_airport +atis_flight +atis_airfare +atis_flight +atis_flight +atis_ground_service +atis_airport +atis_flight#atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_ground_service +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_airline +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_fare +atis_meal +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_restriction +atis_ground_service +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_airfare +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_distance +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_abbreviation +atis_ground_service +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight#atis_airfare +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_ground_service +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight#atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_airfare +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_distance +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_distance +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_ground_service +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_distance +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_quantity +atis_airfare +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_airfare +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airline +atis_airfare +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_aircraft +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight_time +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_airfare +atis_airline +atis_flight +atis_flight_no +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_ground_service +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_fare +atis_flight +atis_abbreviation +atis_flight +atis_airline +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_capacity +atis_flight +atis_flight +atis_abbreviation +atis_ground_service +atis_flight +atis_ground_service +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_airport +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_capacity +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_capacity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_ground_fare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_airport +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_airport +atis_flight_time +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_cheapest +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airline +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_distance +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_city +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_airfare +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airport +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airline +atis_airfare +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_city +atis_ground_service +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_ground_fare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight_time +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_airline +atis_flight +atis_airfare +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight#atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_abbreviation +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airfare +atis_ground_fare +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airport +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_airline +atis_airfare +atis_ground_service +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airport +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight_no +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_airfare +atis_city +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight_no +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight#atis_airfare +atis_abbreviation +atis_flight +atis_aircraft +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_ground_service +atis_ground_service +atis_flight +atis_flight +atis_ground_service +atis_airline +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_abbreviation +atis_airline +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_aircraft +atis_capacity +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_capacity +atis_flight +atis_flight +atis_flight +atis_distance +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_capacity +atis_abbreviation +atis_flight +atis_airline +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_distance +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_airline +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_restriction +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_capacity +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight_time +atis_airline +atis_airfare +atis_flight +atis_city +atis_ground_service +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_airline +atis_airfare +atis_flight +atis_flight +atis_meal +atis_flight +atis_restriction +atis_flight +atis_flight +atis_airfare +atis_ground_fare +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_airfare +atis_aircraft +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_city +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight_time +atis_quantity +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airport +atis_abbreviation +atis_flight +atis_airline +atis_flight +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_abbreviation +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_fare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_aircraft +atis_abbreviation +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_aircraft +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_airfare +atis_aircraft +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_airline +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline#atis_flight_no +atis_flight_no +atis_ground_service +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_airfare +atis_quantity +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_ground_fare +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_distance +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_abbreviation +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight_no +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_airfare +atis_flight +atis_airfare +atis_ground_service +atis_flight +atis_ground_service +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_airport +atis_flight +atis_flight +atis_airfare +atis_abbreviation +atis_aircraft +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_quantity +atis_ground_service +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airline +atis_flight +atis_abbreviation +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_abbreviation +atis_abbreviation +atis_capacity +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_fare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_airfare +atis_capacity +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_aircraft +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_quantity +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_ground_service#atis_ground_fare +atis_airline +atis_airfare +atis_airport +atis_flight +atis_flight +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_airline +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_abbreviation +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight#atis_airfare +atis_city +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_aircraft +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_airline +atis_flight +atis_ground_service +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_capacity +atis_flight +atis_flight +atis_quantity +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_abbreviation +atis_airfare +atis_airfare +atis_abbreviation +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_airfare +atis_flight_time +atis_city +atis_flight +atis_flight +atis_flight +atis_airport +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_airfare +atis_ground_fare +atis_flight_time +atis_flight +atis_flight +atis_flight +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_airfare +atis_city +atis_flight +atis_airfare +atis_airfare +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_ground_service +atis_ground_service +atis_flight +atis_airfare +atis_flight_time +atis_flight +atis_flight +atis_ground_service +atis_airline +atis_flight +atis_flight +atis_flight +atis_flight +atis_aircraft +atis_airfare +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_capacity +atis_abbreviation +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight +atis_flight +atis_flight +atis_flight +atis_ground_service +atis_flight +atis_flight diff --git a/JointBERT-master/data/atis/train/seq.in b/JointBERT-master/data/atis/train/seq.in new file mode 100644 index 0000000000000000000000000000000000000000..cb0fa5ab4e47561e9eb076d09ff6ce84a8cb0e76 --- /dev/null +++ b/JointBERT-master/data/atis/train/seq.in @@ -0,0 +1,4478 @@ +i want to fly from baltimore to dallas round trip +round trip fares from baltimore to philadelphia less than 1000 dollars round trip fares from denver to philadelphia less than 1000 dollars round trip fares from pittsburgh to philadelphia less than 1000 dollars +show me the flights arriving on baltimore on june fourteenth +what are the flights which depart from san francisco fly to washington via indianapolis and arrive by 9 pm +which airlines fly from boston to washington dc via other cities +i'm looking for a flight from charlotte to las vegas that stops in st. louis hopefully a dinner flight how can i find that out +okay and then from pittsburgh i'd like to travel to atlanta on september fourth +show me all the flights from philadelphia to cincinnati +okay i'd like a flight on us air from indianapolis to san diego in the afternoon what's available +on tuesday what flights leave phoenix to st. paul minnesota and leave after noon +american flights from chicago to los angeles morning +what types of ground transportation are there to san francisco airport +in the next two days i want to fly from nashville to san jose or to tacoma +does continental airlines fly from denver to san francisco +chicago to milwaukee +how many flights does twa have in business class +show me the flights from dallas to baltimore in first class +i'd like to find the least expensive one way fare from boston to philadelphia +how many booking classes are there +what are the flights from tacoma to san jose on wednesday the nineteenth +what flights leave pittsburgh july fifth after 7 pm and arrive in san francisco +please list all the arriving and departing flights from general mitchell international +what time zone is denver in +show me ground transportation in boston and in baltimore +i want to find the first flight from baltimore to boston that serves a meal +from seattle to salt lake city +can you show me the flights from dallas to baltimore with economy fares +what flights leave from phoenix +what are the flights from pittsburgh to denver +show flights leaving miami to cleveland on us air that leave after noon +please give me a list of all the flights between dallas and baltimore and their cost +what does fare code y mean +ground transportation in phoenix +okay could you tell me what flight leaves dallas to san francisco by united airline +show me all flights from denver to san francisco next wednesday which leave after noon +is there a flight from atlanta to san francisco that stops over in denver +show departures and arrivals in atlanta for american airlines +find me the earliest flight from boston to atlanta and the latest return from atlanta to boston within the same day +i want to fly from milwaukee to orlando on either wednesday evening or thursday morning +i want a flight originating in denver going to pittsburgh and atlanta in either order +show me the flights from dallas to atlanta +what flights are available from denver to san francisco +what is the cost of a flight from boston to denver +show me the earliest flight from san jose to pittsburgh that serves a snack +could you please give me the round trip fare from denver to atlanta +do you have a flight leaving boston at 645 am going to washington +what are all the flights into atlanta's airport +show me the flights from atlanta to denver on friday +what does fare code qx mean +i would like information on twa flights from washington to philadelphia +which airlines fly from boston to washington dc but stopover in some other city +ground transportation in oakland +list all afternoon flights on united airlines from san francisco to denver +show me all flights from san francisco to pittsburgh on a monday +what is the latest flight leaving boston to denver +okay i would like to know the type of aircraft used on a flight from cleveland to dallas please +please show me the flights from las vegas to detroit on the twenty eighth +what airlines fly from st. petersburg to milwaukee and from milwaukee to tacoma +i'd like to take a flight that begins in boston and lands at dallas fort worth but i'd like to stop over in philadelphia +give me the earliest flight tomorrow on united airlines from st. petersburg to milwaukee +american airlines from denver to milwaukee +what flight is available at noontime from boston to washington what flight is available around noontime from boston to washington +i need a return flight from philadelphia to boston +northwest flights with stops in denver +what is the first class fare from baltimore to dallas +could you please tell me the airlines that fly from toronto to san diego +what is the earliest flight from memphis to cincinnati on june thirtieth +show me the nonstop flights from dallas to houston +show me economy fares from dallas to baltimore +i would like a flight on continental airlines on august twentieth from washington to pittsburgh +do you have a flight on wednesday from denver to washington dc nonstop +what is ewr +i want to fly boston to san francisco +what flight leaves dallas for atlanta on august twenty seventh in the evening +wednesday morning flights between baltimore and newark +show me flights from dallas to pittsburgh +what flights are there arriving in chicago on continental after 11 pm +what is the lowest cost fare that delta has between boston and san francisco +i'd like to go from boston to san francisco +round trip air fares from pittsburgh to philadelphia less than 1000 dollars +does any airline have a jet flight between pittsburgh and baltimore +what is mco +show me the flights from newark new jersey to ontario international next saturday +i want to fly from dallas fort worth to philadelphia +show me flights between new york city and las vegas +how long does it take to get from atlanta airport into the city of atlanta +show me all first class prices from dallas to baltimore +is there a flight between san francisco and boston with a stopover in dallas fort worth +show me ground transportation information for san francisco +need an inexpensive flight from baltimore to san francisco +find the earliest flight from boston to oakland that serves breakfast +i'd like to fly from philadelphia to dallas to san francisco +show me all the direct flights from atlanta to baltimore +latest flight from houston to san jose +what're the flights from new york city to las vegas that arrive on a sunday +i would like to fly united airlines from washington dc to denver colorado +okay i need to see economy flights on united between dallas and baltimore +please show me flights from pittsburgh to atlanta on wednesday morning serving breakfast +i need information for flights leaving baltimore and arriving in atlanta +show me all flights from san francisco to pittsburgh which arrive in pittsburgh before 9 o'clock am tomorrow +show me the fares from dallas to san francisco +please give me flights available from baltimore to philadelphia +what are the flights on january first 1992 from boston to san francisco +flights from denver to baltimore between 10 am and 2 pm +what ground transportation is there in atlanta +list nonstop flights from baltimore washington to oakland that arrive between 445 and 515 pm +show flights from baltimore to san francisco between 6 pm and 8 pm on friday +i want to fly from denver to san francisco +coach fares only weekdays for denver to boston +what are the coach fares for flights from newark to la leaving after 3 pm +from philadelphia to toronto +i would like a nonstop flight from philadelphia to pittsburgh +what are my choices of flights leaving early afternoon from minneapolis to indianapolis +what is the cheapest flight flying from boston to atlanta before 8 +list possible round trip daily flights between boston and oakland +please give me round trip fares from baltimore to philadelphia +find a flight from long beach to st. louis stopping in dallas +please list the flights from st. paul to kansas city on friday night that serve meals +what is lowest cost air fare available for a flight from dallas to baltimore arriving on july fourth +can you show me the flights from baltimore to dallas +i need flight information on saturday for a flight from philadelphia to dallas +show me the flights from denver that go to pittsburgh and then atlanta +what is the earliest flight you have leaving boston heading to philadelphia +what are the least expensive flights from denver to atlanta +what kind of ground transportation is there once i get to dallas +show me the flights that go from atlanta to washington on thursday mornings +find a flight on delta from philadelphia to san francisco +do you have any flights from boston to dallas fort worth that stop over in philadelphia +what is ff +show all nonstop flights from boston to san francisco +what kind of ground transportation is available in denver +i would like to travel from indianapolis to houston +find travel arrangements for a round trip flight from boston to pittsburgh +please list the tuesday flights from atlanta to st. louis +show me all flights from atlanta to san francisco +what is the cheapest fare i can get from dallas to denver +what is the latest flight from salt lake city to st. petersburg +chicago to san francisco on continental +could you show me all the flights from oakland to salt lake city +what cities are served by canadian airlines international +san francisco to philadelphia please +flights from nashville to seattle +what flights are available friday afternoon from philadelphia to oakland california +tell me about flights from toronto to salt lake city leaving toronto between 530 and 7 pm +what kinds of ground transportation is available in dallas fort worth +requesting flight information from boston to denver on wednesday +can you list all flights departing from toronto and landing in san diego with a stopover in denver +all flights from denver to pittsburgh leaving after 6 pm and before 7 pm +list flights from phoenix to detroit on wednesday +what is the distance between pittsburgh airport and downtown pittsburgh +show me the flights from love field to any other airport +find a flight from charlotte to las vegas that stop in st. louis that serve dinner and i want to find the airline for this flight +list all flights from washington dc to tampa florida +can you tell me the cheapest one way fare from boston to san francisco +what airlines are there +i would like a flight between denver and san francisco leaving from denver in the afternoon and arriving at 5 pm it must be a nonstop flight +is there an airline that advertises having more flights than any other airline +phoenix to denver +what is the lowest fare from denver to atlanta +all flights from boston to washington dc on november eleventh +flight from nashville to cleveland +i would like to see the flights from baltimore to philadelphia please +i want a flight on twa from boston to denver +can you list flights from boston to washington with the lowest one way fares that leave on saturday +give me flights that arrive in baltimore from atlanta denver and pittsburgh +all flights leaving washington dc to san francisco that are first class +i need a flight from baltimore to seattle +what are the ground transportation services in philadelphia +what does fare code qo mean +ground transportation washington +show me the latest flight to love field +what airlines fly between boston and atlanta +what is american's last flight from boston to washington dc on july twenty first +show flights from boston to denver on wednesday morning +show me all flights from philadelphia to boston on monday which serve a meal and arrive before noon +list all daily flights between boston and oakland and between oakland and boston using delta airlines +i need a flight from ontario to los angeles on a thursday +what are the fares from dallas to san francisco on flight dl 217 +what are the flights from montreal to chicago +list daily flights of united airline from denver to baltimore with first class service +is there ground transportation from the atlanta airport to downtown atlanta +please show me early morning flights from atlanta to philadelphia on wednesday +what flights from baltimore to san francisco arrive before 8 pm in san francisco +okay could you get me a round trip ticket from indianapolis to kansas city +show me the flights from miami to denver +what is the earliest flight flying from pittsburgh to atlanta on july fifth +find a flight between denver and oakland the flight should leave in the afternoon and arrive near 5 pm the flight should also be nonstop +what ground transportation is available in newark +i want a flight from philadelphia to dallas with a stop in atlanta +i need information on flights from kansas city missouri to salt lake city utah i am interested in only those flights on delta airlines +when is the first flight leaving from oakland to boston +flights from phoenix to las vegas +tell me about flights leaving from atlanta and going to charlotte north carolina next monday i need to know about flights that arrive in charlotte between 415 and 530 pm +show me delta flights from dallas to denver +in denver what kind of ground transportation is there from the airport to downtown +give me a flight from philadelphia to denver on sunday +show me all fares between philadelphia and san francisco that are less than 200 dollars one way +explain meal codes sd d +i want the flights from denver to pittsburgh +what are all flights from boston to denver +show me the cheapest fare from dallas to baltimore +i'm trying to fly from denver to boston and i want a flight that serves a meal +what's the cheapest fare from san francisco to baltimore +list the round trip flights from st. paul to san jose +what's the earliest flight i can get between boston and dallas +i'd like to know what type of plane flies from boston to dallas fort worth after 530 +could you please show me all the weekday flights between denver and dallas +i'd like to fly from columbus to nashville tomorrow morning +which of the flights from pittsburgh to baltimore on july twenty fifth 1991 carries the smallest number of passengers +show me all flights from new york to miami leaving on a tuesday and show me all flights from miami to new york leaving on sunday +list the takeoffs and landings at general mitchell international +can you give me a list of the flights from atlanta to boston +show me the first class fares from baltimore to dallas +flight information from denver to san francisco +can you tell me how to get from the airport in philadelphia to downtown +flights from baltimore to philadelphia please +show me the flights from los angeles to pittsburgh which arrive at pittsburgh on monday +what are the flights dallas to boston on monday morning +i'd like to book an flight on american airlines from boston to san francisco with one stop in pittsburgh +shortest flight from ontario california to orlando florida +flights between new york and miami +show me city served both by nationair and canadian airlines international +what flights go from pittsburgh to newark after 823 in the morning +show me all flights from san francisco to la guardia nonstop +list all daily flights between boston and oakland as well as boston and oakland using american airline +show me about the ground transportation in boston +please tell me how many nonstop flights there are from boston to atlanta +list the flights from philadelphia to dallas on american airlines +show me the fares for delta flights from dallas to san francisco +what type of aircraft are used on flights from cleveland to dallas that leave before noon +do you have a night flight from washington to boston on august twenty seventh +what nonstop flights are available from oakland to pittsburgh +are there any flights next monday morning from pittsburgh to san francisco +please show me the return flights from miami to new york +ground transportation in baltimore +show me flights from denver to atlanta on june sixteenth +show me the cheapest flights from san francisco to boston +what are the rental car rates in san francisco +explain fare code qx +i would like to fly from pittsburgh to san francisco +i'm trying to find a flight from columbus to phoenix through cincinnati +show me the flights from salt lake city to st. petersburg on wednesday +show me all ground transportation in washington dc +i'd like a ticket from denver to atlanta with a stopover in pittsburgh is this possible +show me the airlines that fly from san francisco to boston +do you have a flight from atlanta to baltimore nonstop on a boeing 757 arriving baltimore around 7 pm +show me flights available from atlanta to baltimore leaving on monday morning +can you list all flights from toronto to san diego +please give me direct morning flights from pittsburgh to atlanta +is there limousine service available at baltimore airport +show me the flights from toronto to salt lake city which leave toronto after 6 pm +can i get a rental car in dallas +i need a listing of flights from new york city to montreal canada departing thursday in the morning +i'd like to find the cheapest one way fare from baltimore to denver +show me flights from baltimore to philadelphia please +how much does the american airlines flight 71 from dallas to san francisco cost +what is the earliest flight arriving in charlotte from st. louis on friday +show me the cheapest flights round trip from new york to san jose +first class round trip airfare from indianapolis to memphis +tell me about ground transportation at san francisco +show flights from denver to oakland that arrive after 12 o'clock +please list the flights from dallas fort worth to dc baltimore on july twenty third +i want to fly from philadelphia to dallas to san francisco on monday july eighth +how many nonstop flights going from dallas to oakland july twenty seventh +show me the flight with the smallest seating capacity which leaves pittsburgh and arrives in baltimore on june fourteenth +flight from long beach to columbus on twenty seventh +what are the classes of service for continental airlines +what is the earliest flight from boston to bwi that serves a snack +show me flights from washington dc to san francisco with a stopover in denver +what airlines flies out of atlanta +list flights from houston to memphis june twenty ninth +i need a late flight from san francisco to boston on wednesday +what type of aircraft leaves from boston to washington dc at 9 am +flights from baltimore to san francisco +show me all flights that arrive in philadelphia from baltimore denver or pittsburgh +i'm looking for flights from pittsburgh to philadelphia leaving before 9 am +what is the distance from boston airport to boston +i'd like the cheapest one way fare from boston to atlanta please +show me flights between new york city and las vegas on sunday +what is the cheapest one way fare from boston to baltimore +weekday flights from san francisco to denver +show me the nonstop flights from nashville to st. louis +i'd like to find a flight from miami florida to las vegas nevada that would arrive before 4 pm on sunday +show me the lowest price from dallas to baltimore +i'd like to book the cheapest one way flight from denver to pittsburgh on july fifteenth +how many flights are there between san francisco and philadelphia on august eighteenth +please list all available flights from oakland california to philadelphia on wednesday +how much is a first class ticket from baltimore to san francisco +list all flights from new york to las vegas that fly nonstop on sunday and list flights from memphis to las vegas that fly nonstop on sunday +show me the latest flight from las vegas to denver +i want information on flights from atlanta to washington dc give me information on flights after 4 pm on wednesday +i need to fly from kansas city to chicago leaving next wednesday and returning the following day +i need a flight from st. petersburg to miami for thursday +list the cheapest one way flight from miami florida to charlotte north carolina +are there any flights on us air from pittsburgh to atlanta on wednesday +what is the least expensive flight from atlanta to boston +what are the flights from orlando to kansas city +show me the flights from baltimore to dallas +show first flight from boston to philadelphia +i would like the earliest morning flight from atlanta to philadelphia on wednesday morning +list types of aircraft that fly between boston and san francisco +i want to fly from boston to san francisco +first flights from pittsburgh to atlanta on a thursday +please list the friday night flights from st. paul to kansas city +what are the seating capacities of planes between pittsburgh and baltimore +i need a flight from kansas city to chicago that leaves wednesday and arrives in chicago around 7 pm +information on ground transportation from airport to downtown boston +what flights go from newark to boston after 5 pm +what flights go from boston to pittsburgh after 6 o'clock next tuesday +i want to fly from boston to baltimore +i'd like flights on american from philadelphia to dallas arriving before 1145 am +what is the earliest united airlines flight flying from denver to baltimore and arriving on july fourth +what flights are available from atlanta to oakland with one way economy fares +what planes does united use +show me the flights from denver to las vegas +list the flights between san jose and houston +find me flights that are nonstop between boston and dallas +find the cheapest one way fare from boston to oakland +i'd like a flight tomorrow from san diego to toronto +what are the flights from kansas city to burbank on saturday may twenty two on america west +show me the flights from philadelphia to baltimore +what are the early weekday flights from san francisco to pittsburgh +flights from indianapolis to seattle washington +flights from atlanta to washington dc on thursday morning +flights from phoenix to las vegas +now show me the flights from denver to philadelphia on a saturday +please give me the prices for all flights from philadelphia to denver airport next sunday +show me the flights from baltimore to boston +on eastern flight 825 flying from atlanta to denver can you tell me what type of aircraft is used on a flight when it leaves at 555 +what flights from burbank to milwaukee leave burbank tomorrow +show all airlines flying from pittsburgh to san francisco +is there ground transportation from the milwaukee airport to the downtown area +i want to fly from atlanta to philadelphia nonstop +what is the cheapest flight from washington to san francisco on friday +could you give me the schedule of flights for american and delta to dfw on august fifteenth +what is the cost for these flights from baltimore to philadelphia +i want to travel from philadelphia to san francisco with a stopover in dallas +show me all flights both direct and connecting from dallas fort worth to either san francisco or oakland that depart after 7 pm +show me all flights from pittsburgh to dallas +dallas to san francisco leaving after 4 in the afternoon please +i'm trying to make a connection between denver and san francisco does delta airline fly between those two +is there a flight around 3 pm from charlotte to minneapolis +flights from long beach to nashville +what is the cheapest flight from long beach to memphis +show me all the flights from boston to denver that serve lunch +what is the latest flight leaving newark for los angeles wednesday +flight from philadelphia to dallas arriving before 4 pm on saturday +what is fare code f +how many fare codes belong to economy class +show me the cheapest round trip fare from baltimore to dallas +which northwest flights stop in denver before noon +what are the most expensive first class tickets between atlanta and dallas +fly from denver to philadelphia on continental +give me nonstop flights from new york city to las vegas +what is the cheapest fare one way between pittsburgh and denver +list daily flights from oakland to boston using continental airlines +what is the earliest flight that i can get from bwi to boston logan +what northwest airline flights leave denver before noon +list the nonstop flights from denver to washington dc +i would like a nonstop flight between pittsburgh and philadelphia leaving in the afternoon and arriving in the vicinity of 5 pm +show me the flights from pittsburgh to baltimore +do i get a meal on the atlanta to bwi flight eastern 210 +is there an atlanta flight to denver connecting +what is the cheapest one way ticket from denver to pittsburgh +i want to go between boston and washington early in the morning +what are the flights from boston to san francisco +what's the last flight leaving from pittsburgh to oakland +all round trip flights between new york and miami that are first class +show me the flights from boston to pittsburgh on wednesdays and thursdays +what are the flights on january first 1992 from boston to san francisco +i'd like to have flight from denver to pittsburgh +show me all flights arriving to denver from oakland +give me the flights from milwaukee to st. louis leaving sunday morning +yes what flights will be used on july seventh in the morning from atlanta to boston +show me the flights from new york to los angeles with stop in milwaukee +show me flights from pittsburgh to san francisco +round trip houston to las vegas nonstop +what is the earliest flight from ontario to memphis +what's the lowest round trip fare from dallas to atlanta +what flights are available from denver to philadelphia on wednesday +show me airlines going from pittsburgh going to denver and then continuing to san francisco on monday +please show me all the flights from indianapolis to san diego tomorrow +all flights and fares from denver to pittsburgh on us air number 1039 on a thursday +list least expensive flight from dallas to baltimore +give me the flights from pittsburgh to los angeles thursday evening +how much is a first class ticket from washington to san francisco leaving on friday +give me the least expensive first class round trip ticket on us air from cleveland to miami +okay i need to get a flight from houston to seattle +what are the flights from kansas city to burbank on saturday may twenty two on southwest +please list the flight times from newark to boston +all flights from boston to washington +show me fares less than 400 dollars for flights from dallas to baltimore +a first class flight to san francisco on american airlines tuesday next week +show all flights between san francisco and philadelphia for september fifteenth +what is the earliest american airlines flight leaving philadelphia for dallas +i want all flights from atlanta to washington dc on thursday +what is the earliest flight from boston to philadelphia +show me the flights from baltimore to atlanta +i need to fly from washington to san francisco but i'd like to stop over at dallas can you tell me a schedule of flights that will do that +i would like to know if i fly on american flight number 813 from boston to oakland if i will stop enroute at another city +is there an airport limousine at the atlanta airport +please list the morning flights from kansas city to atlanta +from denver to baltimore +what's the cheapest one way flight from denver to pittsburgh +show me one way flights from milwaukee to orlando leaving on wednesday morning +what are the flights from cleveland to indianapolis on wednesday may twelfth on either twa delta or continental +how many cities are served by continental with first class flights +eastern flight 825 from atlanta to denver leaving at 555 what type of aircraft is used on that flight +show me the flights leaving from love field +what's the next smallest plane after a turboprop +give me the flights from baltimore to pittsburgh +information on american airline flights from washington to philadelphia early morning times of flight +show me flights from baltimore to philadelphia +on the flight from baltimore to san francisco on us air leaving at 420 what type of aircraft is used +i'd like the earliest flight information from boston to san francisco with a meal +which airlines have first class flights today +show me ground transportation information for pittsburgh +i want to fly from detroit to st. petersburg on northwest airlines and leave around 9 am tell me what aircraft are used by this flight and tell me the flight number +show me all flights that go from new york to miami on tuesday and go from miami to new york on sunday +information on flights from pittsburgh to philadelphia +show me all flights from philadelphia to san francisco with one stop in dallas +show me flights from denver to dc on wednesday +can you list all round trip flights from orlando to kansas city and then to minneapolis +show me the flights from love field +i want a nonstop flight from indianapolis to toronto that leaves thursday morning +show flights from denver to oakland arriving between 12 and 1 o'clock +what are the nonstop flights from kansas city to burbank arriving on saturday may twenty two +show me the cheapest round trip fares from san francisco to salt lake city +also show me flights from san francisco to pittsburgh on tuesday +what is the cheapest one way fare from san francisco to boston on wednesday august twenty first +show me all flights from san francisco to new york nonstop +we're going from denver to san francisco +show me the flights from miami to san diego with one stop in denver +nonstop or connecting flights from seattle to boston +show me flights from denver to boston on tuesday +what is the smallest aircraft available to fly on from pittsburgh to baltimore +show me flights from pittsburgh to dc +show me all flights from phoenix to milwaukee on wednesday +what are the flights from las vegas to burbank on saturday may twenty two +what's the first flight from boston to san francisco +show me all flights from new york to miami leaving on a tuesday and returning on sunday +please list all flights between boston and san francisco nonstop +show me the flights from denver to westchester county +what is the seating capacity of the various airplanes that united airlines uses +show me the flights from westchester county to cincinnati +what is the least expensive one way fare from boston to pittsburgh +what airlines fly from boston to san francisco +what does code yn mean +what flights do you have from baltimore to san francisco +is there transportation from the atlanta airport to downtown atlanta +is there a meal on delta flight 852 from san francisco to dallas fort worth +show me the airfare from pittsburgh to san francisco +give me flights from pittsburgh to baltimore +what is the last flight from dallas to boston +what flights go from philadelphia to san francisco with a stopover in dallas +please give me ground transportation information for denver +what ground transport is available in charlotte +what are the flights available between 10 am and 3 pm between pittsburgh and fort worth +please tell me the type of aircraft used from atlanta to denver before 12 o'clock noon +american flights from san francisco please +show me the flights from philadelphia to atlanta +display all fare codes +round trip fares from baltimore to philadelphia less than 1000 dollars round trip fares from denver to philadelphia less than 1000 dollars round trip fares from pittsburgh to philadelphia less than 1000 dollars +show me the flights next tuesday between philadelphia and san francisco +i would like to fly to denver for under 500 dollars please show me the airfares between pittsburgh and denver +what is as +can you list all the airlines that have flights from boston to san francisco +how can i get from boston to atlanta and back in the same day and have the most hours on the ground in atlanta +show me the flights leaving charlotte to atlanta around 7 pm next tuesday +i now need a flight from san jose to houston leaving on sunday the fourth +i'd like information on boston to washington +what ground transportation is available in pittsburgh +which airlines fly from boston to washington dc +show me the flights from baltimore to boston +what flights do you have from boston to pittsburgh on wednesday of next week after 6 pm +show me the flights out of love field +i need a flight from newark to los angeles leaving tomorrow evening +flights from montreal +what pm flights are available from philadelphia to pittsburgh +show me flights from denver to philadelphia +i'd like flight information between boston and washington september third +i'd like to fly from minneapolis to long beach two days from today in the early morning +how many fares are there one way from tacoma to montreal +show me the flights from atlanta to boston +list all the landings at general mitchell international +which northwest and united flights go through denver before noon +round trip fares from baltimore to philadelphia under 1000 dollars +morning flight from dallas to atlanta +what is fare code fn +i would like a flight from pittsburgh to san francisco on august twentieth +what are my meal options from boston to denver +i want to fly from miami to chicago on american airlines and arrive at around 5 o'clock in the afternoon show me all flights +show me all flights from pittsburgh which leave tomorrow and arrive in boston +flights from indianapolis to seattle +newark to cleveland +list flights from boston to san francisco that serve only breakfast +show me flights from los angeles to pittsburgh for tuesday +are there any flights from chicago to minneapolis on saturday on continental +all flights from boston to washington dc after 5 pm on november eleventh economy class +list all day time flights from pittsburgh to boston +when are the american flights from phoenix to milwaukee +give me the flights from washington dc to philadelphia for december second +boston to denver monday +show me the flights on delta or twa which go through atlanta +is there a plane from boston to washington +what ground transportation is available in san francisco +show afternoon flights from dallas to san francisco +shortest evening flight from tampa to cincinnati +i want to leave chicago next tuesday and arrive in detroit around 6 pm +all flights from pittsburgh to philadelphia that arrive at 6 o'clock next tuesday +find the latest flight from san francisco to atlanta that serves a meal +i would like to book a flight from baltimore to newark early in the morning on april ninth +flights from newark new jersey to cleveland ohio +show me the flights from boston to oakland +how much is the cheapest flight from denver to pittsburgh with a stop in atlanta +please list the flight times from pittsburgh to newark +show me the cheapest one way flights from dallas to san francisco leaving dallas after 4 pm +give me a flight from tampa to charlotte on sunday +i want a flight from los angeles to charlotte that leaves on a weekday morning +show me all direct flights from dallas fort worth to either san francisco or oakland +list types of planes that fly between pittsburgh and baltimore +please give me flights available from denver to philadelphia +show me flights leaving from dallas to baltimore +price of flight from cleveland to nashville +can you show me flights that are economy class from baltimore to dallas +what flights from st. paul to kansas city on friday with a meal +flights from montreal and phoenix to las vegas +show me the southwest airlines flights from san diego to san francisco +what are the prices of these flights +i would like to fly from boston to baltimore please tell me what are the times of the flights +can i see ground transportation from long beach airport to downtown +show me flights from atlanta to baltimore +i want a flight from pittsburgh to los angeles that departs after 6 pm on thursday +i'd like a first class flight from denver to baltimore on january first +flight on monday from philadelphia to oakland california early morning +first class fares from dallas to baltimore please +i would like information on flights from san francisco to pittsburgh leaving after 8 pm monday night +show me the price of all flights from atlanta to washington dc +what kind of aircraft is used on the first class american airlines flight from philadelphia to san francisco with a dallas stopover +on flight us air 2153 from san francisco to baltimore what time and what city does the plane stop in between +show me all flights out of boston on june twentieth that have business class +how many flights arrive at general mitchell international +i'd like to know if you have any flights from denver to philadelphia +round trip flights from salt lake city to cincinnati nonstop flights if possible +what flights go from dallas to san francisco before 6 o'clock sunday afternoon +show me the earliest flight from denver to las vegas +delta flights from san francisco please +show me a list of flights from boston to atlanta leaving after noon and arriving before 7 pm +leaving washington going to san francisco the latest flight +please give me the cheapest flight from denver to pittsburgh +i would like information on flights from oakland california to dallas leaving on sunday morning +what airlines fly from new york to milwaukee to los angeles +what are the afternoon flights between washington and boston +please give me flight schedules from pittsburgh to philadelphia +does american airlines fly from boston to san francisco +please give me flight schedules from baltimore to philadelphia +are there any nonstop flights leaving from dallas to baltimore july seventh with who united airlines +from denver to pittsburgh on april twenty first i need the cheapest flight +what is the earliest flight from boston to washington +what are my choices of flights to get from charlotte to minneapolis arriving about 7 pm in minneapolis +what flights leave from newark to los angeles in the afternoon +i'd like to find a flight between dallas and philadelphia +what is the cheapest way to travel round trip from milwaukee to san francisco +show me the airlines +is there any flight leaving washington around 3 o'clock for denver +what flights available between pittsburgh and baltimore on august eleventh +what does restriction ap 57 mean +flights from newark to boston +show flights leaving boston on wednesday morning and arriving in denver +on july twenty third all flights on american airlines from philadelphia to san francisco +i'd like to fly from denver to pittsburgh to atlanta could you find me the cheapest way to do this +what's the cheapest round trip fare between boston and washington +nonstop flights from new york city to las vegas on sunday +display all flights from st. petersburg and charlotte flights should leave after noon arrive after 5 pm nonstop flight +show me all daily flights between milwaukee and orlando +find me a flight from boston to san francisco with a layover in denver +how much does it cost to fly eastern airlines from atlanta to boston +i would like to fly from boston to denver early in the morning +list all the flights from charlotte to atlanta that return around 7 pm +i need a listing of flights from kansas city missouri to salt lake city utah +i'd like a flight from detroit to st. petersburg for tuesday +show me the airlines that fly from denver to san francisco +what flights are available from boston to denver +what flights do you have between pittsburgh and atlanta +i want to arrive in detroit around 6 pm and i'm leaving from chicago +show me what flights are available from baltimore to dallas with economy fares +show me the most expensive one way flight from detroit to westchester county +round trip fare from baltimore to philadelphia less than 1000 dollars +which airlines fly from toronto to san diego and have a stopover in denver +what are the coach fares from charlotte to la wednesday night +could you tell me what the abbreviation us stands for +could you give me a flight between pittsburgh and philadelphia +show me the flights from san diego to newark +can i have a list of all the thursday flights from baltimore to atlanta that leave after 1 pm +what is the latest flight from philadelphia to boston +what are the flights from baltimore to dallas on sunday afternoon +show me airlines with flights from pittsburgh to boston please +i'd like to know the earliest flight from boston to san francisco +list flights from philadelphia to dallas that stop in atlanta +show me one way flights from tampa to st. louis departing before 10 am +what ground transportation is available in denver +i need a thursday flight from pittsburgh to baltimore arriving in baltimore before 9 o'clock +list the number of flights arriving in dallas fort worth from boston before noon +what is the round trip fare on continental 1291 from dallas to san francisco and return +show flights from denver into san francisco +i would like a flight from washington to boston flight 324 on august twentieth +i need a flight from pittsburgh to new york departing after 5 pm +i want a list of flights from pittsburgh to baltimore on thursday that arrive in baltimore before 10 am +what flights does delta have from dallas to denver after 5 o'clock +what is the earliest flight from boston to san francisco on november seventh +i'd like information on a flight from denver to san francisco on united air +and what are the flights from nashville to tacoma on the eighteenth again +list flights from denver to baltimore +what ground transportation is available at the atlanta airport +does any airline offer dc10 service between denver and boston +i would like to fly from st. paul to san jose monday morning from san jose to houston tuesday morning and from houston to st. paul on wednesday morning +list all flights that leave from baltimore or denver or pittsburgh and arrive in philadelphia +what flights are currently available between boston and dallas fort worth +show me round trip fares from denver to philadelphia +list all american airlines flights from phoenix to milwaukee on wednesday +i need a connecting flight on continental on june fifth from chicago to seattle +which airlines are represented in the database +what is the first flight from boston to dallas +on monday i would like to travel from charlotte north carolina to phoenix arizona i would like to arrive in phoenix before 4 pm +what is the fare going from atlanta to boston one way on november seventh +list all flights arriving at general mitchell international +please show me airlines with flights from denver to boston stop philadelphia +what flights are there from atlanta to baltimore +list the flights from philadelphia to san francisco via dallas +which flight from pittsburgh to baltimore carries the smallest number of passengers +which airline has the smallest plane leaving pittsburgh and arriving in baltimore on july fourth +is there a flight leaving at 1505 from pittsburgh to baltimore on july twenty fifth 1991 +what flights go from pittsburgh to denver after 2 pm +does continental fly from boston to san francisco with a stop in denver +what flights are there from baltimore to newark +show me the flights to and from love field +what is the cheapest flight from denver to pittsburgh on july twenty sixth +show me all flights from san diego to miami with a stop in denver +us 3724 baltimore to philadelphia what is the fare +list the three earliest flights from atlanta to philadelphia on wednesday +please list all flights from philadelphia to boston +okay show me all the flights to baltimore +show me fares from houston to las vegas +i need a flight from indianapolis to houston on twa +list all flights on continental departing on monday before noon from denver to chicago +now i need flights leaving from atlanta and arriving in philadelphia on wednesday morning +flights from dc to denver +please show me any united flights including connections between boston and san francisco at 5 in the evening +i would like information for flights from baltimore to dallas on early tuesday morning +may i have a listing of flight numbers from columbus ohio to minneapolis minnesota on monday +flight numbers from minneapolis to long beach on june twenty six +i need a flight from philadelphia to denver +give me american airlines from milwaukee to phoenix on saturday and sunday +show me flights from baltimore to dallas +find me the earliest flight from boston to denver that serves breakfast +show me the flights from st. petersburg to toronto that arrive early in the morning +show me all flights from atlanta to dallas round trip less than 1100 dollars +i want to make a round trip flight from washington to san francisco and return +which flights depart los angeles destination charlotte that leave on a monday morning +what stops does dl 838 make from san francisco to atlanta +show me all flights from boston to denver which arrive in denver wednesday before noon +i would like the first flight from toronto to montreal next friday +what is the cheapest flight from boston to san francisco +flights and fares from denver to oakland +what limousine service in los angeles +i'd like to go from boston to denver at 9 o'clock saturday night +i want a flight from san diego to indianapolis that leaves tuesday afternoon +now i'd like a schedule for the flights on tuesday morning from oakland no from dallas fort worth to atlanta +what does the fare code f mean +list all the airlines that fly into general mitchell international +show me flights from san francisco to atlanta +find me the earliest flight from boston to atlanta +show me the most expensive fare +please list all flights tuesday dallas atlanta +is there an airline that services boston dc and dallas +i'd like a flight from kansas city to los angeles that arrives in los angeles in the late afternoon +what are all flights from philadelphia to denver on wednesdays +what is fare code h +may i have a listing of flights from minneapolis to long beach california on tuesday +show me all flights between san francisco and philadelphia for september fifteenth +show me flights denver to washington on thursday +please list the flights from phoenix to san diego +i'm traveling to dallas from philadelphia +what kind of aircraft will i be flying on if i take a first class american airlines flight from philadelphia to dallas +do you have a flight from boston to fort worth +what is restriction ap57 +please list united flights between boston and denver departing at 9 am +how far is the airport from downtown pittsburgh +show me the evening flights from philadelphia to atlanta +flights from nashville to seattle +ground transportation from airport in boston to downtown boston +does lufthansa fly between boston and oakland +list round trip flights from orlando to kansas city +flights from pittsburgh to newark +does united airlines fly from boston to dallas fort worth +how about flights from dallas to atlanta on wednesday morning +what is ewr +give me fares from atlanta to baltimore +find me a flight from atlanta to baltimore +what is the fare for flights from denver to atlanta +give me the flights and fares on december twenty seventh from indianapolis to orlando +show me all the prices of flights from baltimore to dallas +show me airline abbreviations +show me all nationair flights from toronto +show me evening flights to baltimore +please show me all one way first class flights from indianapolis to memphis +are there any flights from philadelphia to dallas which stop in atlanta +give me the round trip coach fare from baltimore to dallas +what is the latest flight from san francisco to washington +on a flight from san francisco to atlanta that leaves before 8 am is there such a flight +show morning flights from philadelphia to dallas +now please give me the latest flight tomorrow on twa from milwaukee to tacoma +list all the flights that fly into general mitchell international +can you list the earliest flights from oakland to salt lake city on thursday +what time does flight aa 459 depart +what ground transportation is available from the denver airport to downtown denver +list all flights from orlando to kansas city then to minneapolis +i'd like to go from detroit to san diego on wednesday evening june second +where does flight ua 281 from boston to oakland stop +i would like the time your earliest flight from washington to philadelphia +i would like an afternoon flight from denver colorado to dallas texas +what flights are available from pittsburgh to baltimore on july twenty fifth 1991 +what does dfw mean +i would like an evening flight from pittsburgh to los angeles on june third +show me all flights to dallas that are less than 1500 dollars round trip +show me all flights from boston to denver which arrive in denver wednesday before 6 +are there any nonstop flights from san francisco to boston on thursdays +is there ground transportation from the airport in denver to downtown +what ground transportation is there in dallas +flights from baltimore to dallas +flights from new york city to montreal +i would like a to know the type of aircraft leaving from atlanta bound to boston on friday this week +i'd like a flight tomorrow evening from nashville to houston that includes dinner for tomorrow +give me a list of flights between denver and oakland +all right what i'd like to do is find the cheapest one way fare from boston to denver +what are the cheapest flights from pittsburgh to atlanta +which airlines have flights from denver to pittsburgh +what airlines fly between san francisco and denver +houston airports +i'd like to get a flight from washington to oakland with a stopover in dallas fort worth for september fifteenth +and how can i get to the boston airport from downtown boston +what's the smallest plane that flies from pittsburgh to baltimore on eight sixteen +in atlanta i would like information on ground transportation +list all round trip flights between indianapolis and orlando on the twenty seventh of december +show me all round trips from new york to miami leaving on tuesday +what is the ground transportation available in the city of philadelphia +how do i get from boston to pittsburgh +i need a flight from boston to pittsburgh that leaves early in the morning +show me all flights from chicago to kansas city on thursday june seventeenth arriving in kansas city at around 7 o'clock in the evening +show me the flights from baltimore to philadelphia +what is the economy thrift fare from boston to washington +what is delta's schedule of morning flights to atlanta +what flights go from atlanta to washington dc on thursday +i'd like to know the shortest trip between boston and san francisco +may i have a listing of flights from minneapolis to long beach california on wednesday +now i need a flight on tuesday from phoenix to detroit +list the flights and departure times for flights leaving dallas fort worth for boston after 6 pm +is bwi washington +show me all daily flights between milwaukee and orlando +i'd like to fly from san francisco to boston with a stopover in dallas fort worth and i want to fly on delta airlines +show me flights from atlanta to baltimore +what is the cheapest flight from pittsburgh to atlanta one way +flights from denver to westchester county new york weekdays +show me flights from atlanta to washington please +are there any flights from boston to san francisco which stop in washington dc +show all nonstop flights from atlanta to san francisco +i want to fly from boston to denver with a stop in philadelphia +show the flights that leave philadelphia that go to atlanta that leave early on thursday morning +flights from newark to cleveland daily +show me flights leaving from baltimore to dallas +please list all the flights from boston to san francisco leaving before 10 am +please list the flight times from newark to boston +can you please show me the flights from pittsburgh to boston on wednesday of next week that arrive before noon +show me all flights from atlanta to san francisco which leave atlanta after 5 o'clock pm tomorrow +what is the fare on november seventh going one way from san francisco to oakland +show me all the information about the flight from baltimore to dallas which is listed dl 1055 dl 405 +show me the flights available from dallas to baltimore august third +pittsburgh to atlanta please with a stopover in fort worth +what is the last flight from atlanta to boston +please list all united flights between pittsburgh and baltimore +i want to travel from pittsburgh to oakland around midnight could you give me the flights +show me the flights between atlanta and washington dc for wednesdays +what first class flights are available from denver to baltimore on july twenty fifth 1991 +what is the first flight from boston to san francisco on saturday +i would like to see the flights from baltimore to philadelphia +what is mco +what does code y mean +is there a twa flight from las vegas to new york +list the flights arriving in atlanta from baltimore before noon on august fourth +hi i need to go from newark to nashville on american airlines leaving around 630 pm +what is the latest afternoon flight departing san francisco and arriving in boston on november ninth +show me all the united airlines flights leaving dallas +show me the flights +on april eighth i would like to book a flight from charlotte to baltimore +i need a flight from dallas to san francisco +what is united airlines service between boston and san francisco +how many first class flights does united have leaving from all airports today +information on afternoon flights from philadelphia to denver +what is the schedule of flights from boston to denver next monday +please show me flights from dallas to denver +i need a flight from los angeles to charlotte today +can you list the latest flights from oakland to salt lake city on wednesday +my question is i want to go to san francisco and i live in denver and i would like to fly on united airlines do you have an early flight +please show me the flights from washington to san francisco +show me the flights from baltimore to oakland +show me all the delta flights leaving pittsburgh between 12 and 4 in the afternoon +does any airline have an afternoon flight from atlanta to boston +i would like information on any flights from san francisco to pittsburgh arriving in pittsburgh before 8 am tuesday morning +please list fares for all the flights from atlanta to philadelphia on august the first +i'd like to see the flights from denver to philadelphia again +does dl stand for delta +i would like information on flights leaving atlanta in the afternoon arriving in dallas +what's the latest flight from san jose to houston +american airlines from phoenix to milwaukee +what does us stand for +find travel arrangements for a round trip flight from baltimore to pittsburgh after 8 o'clock pm before 10 o'clock pm +hi i want a round trip ticket to dallas +saturday flights from las vegas to phoenix +now i need flights leaving denver in the afternoon on wednesday and arriving in san francisco +show me all the flights between dallas fort worth and either san francisco or oakland that depart between 5 and 7 pm +i would like a flight from denver to pittsburgh +show me flights from baltimore to dallas +what flights from st. paul to kansas city on friday with dinner served +i need to fly from boston to denver on to san francisco and back +how can i get from the airport in pittsburgh to downtown +show me the flights leaving from love field +looking for a flight from dc to minnesota +i need to take ten people from phoenix to san diego please give me the flights during week days +what is the cheapest round trip fare from pittsburgh to atlanta +which airline can fly me from atlanta to denver to san francisco +what is restriction ap 57 +list all flights on sunday from san francisco to pittsburgh nonstop +show me the latest nonstop flight from denver to washington dc +show me flights from baltimore to philadelphia arriving after 2100 +please show me the flights from washington dc to san francisco california +what's the airport at orlando +show me the flights from all airports to love field +are there any direct flights from atlanta to philadelphia arriving in philadelphia about 12 noon +what's the price of the least expensive first class round trip ticket on us air from cleveland to miami +i need to go to san diego from toronto but i want to stopover in denver +how long does the ground transportation take from the salt lake city airport +i'd like a nonstop flight from atlanta to baltimore that gets in around 7 pm +please list the flights from denver to phoenix +okay just on november twenty third i want to fly from atlanta to denver and i need to know what flights are available +explain the fare codes +is there a flight on eastern airlines from boston to denver +i'm looking for a flight traveling from boston to denver one way and the cheapest way possible +flight from salt lake city to oakland california +show me a list of the flights from san francisco to boston +please list flights from atlanta to philly +what is the fare from boston to san francisco on united airlines flight 21 +show me flights from denver to washington dc wednesday +find a flight from boston to washington on monday +how much is an economy ticket from washington to san francisco on september thirtieth +list all round trip fares from phoenix to washington +i would like the cheapest flight from boston to san francisco +i need flight information leaving atlanta and arriving in baltimore for monday +i want to fly united airlines from boston to denver +what kind of airplane is flight ua 281 from boston to denver +tell me about flights on american airlines from dallas to san francisco on june twenty ninth +on continental flight 1765 from boston to san francisco what type of meal is served +show me all the eastern airlines flights leaving pittsburgh between 12 and 4 in the afternoon +what does iah mean +are there any american airlines flights flying into pittsburgh between 12 and 4 in the afternoon +show me ground transportation in dallas please +please show me all airports in denver +please list all flights on united airlines and northwest airlines that go into denver and all flights on northwest airlines and united airlines that fly out of denver +show me all flights from orlando to san diego on a boeing 737 +i would like to book a flight from chicago into seattle on june first on continental airlines +what is the latest flight in the day from baltimore to atlanta +show the flights from denver to san francisco +show me all nonstop flights between denver and oakland leaving after noon and arriving after 5 pm +show me the cities served by nationair +find me a flight on united from boston to san francisco with a stopover in denver +list the earliest flight from st. paul to san jose +what's the earliest flight from phoenix to salt lake city +i'd like to fly from philadelphia to san francisco with a stopover in dallas +what are the flights from boston to orlando +is there a flight from nashville to houston in the evening tomorrow +show me round trip fares from las vegas to houston nonstop +what is fare code f +flight from milwaukee to chicago +show me all the flights from denver to las vegas +what is the cost of united airlines flight 415 from chicago to kansas city thursday night +what is the earliest flight from boston that will arrive in denver +give me the flights for american airline from dallas to san francisco +find travel arrangements for a one way flight from san francisco to dallas +does midwest express serve cleveland +i would like to book a flight from baltimore to san francisco before 12 o'clock on tuesday +pittsburgh to boston saturday +does twa have a flight from indianapolis to houston arriving at 11 am +what are the cheapest round trip flights from denver to pittsburgh +does midwest express serve montreal +are there any flights from boston to san francisco which stop in denver +i'd like a return flight from baltimore to boston +what is the earliest flight from pittsburgh to san francisco +show me flights from pittsburgh to san francisco on sunday +what do you have on monday from dallas fort worth to oakland california +what is the cheapest flight from long beach to memphis +show me all flights from denver to philadelphia which leave next saturday afternoon +first class price san francisco pittsburgh round trip +show me the cheapest flights from atlanta to denver +show me all flights from san diego to phoenix on a boeing 737 +what are the evening flights flying out of dallas and going to san francisco on american airlines +okay give me the flights that leave denver after 7 pm next monday arriving in boston +what do you have from philadelphia to dallas on saturday morning +give me the cheapest round trip flight from dallas to baltimore +flights from miami to cleveland +flights from cincinnati to salt lake city +list flights from montreal to washington with the lowest one way fares that leaves on saturday +wednesday morning flights between baltimore and newark new jersey +from toronto to atlanta in the afternoon +what flights has continental from atlanta +could you please show me all flights from milwaukee to montreal +list the delta airlines flights from boston to philadelphia +what is the least expensive flight from baltimore to san francisco +what does s designate as a meal +could you please tell me the first flight leaving baltimore to san francisco on a 747 on august twenty seventh +i'd like to fly from boston to oakland through denver +what are the first class fares from boston to pittsburgh on thursday +what is the earliest flight from boston to atlanta +how far is it from salt lake city airport to salt lake city +i would like to fly from dallas to denver on the morning of august twenty seventh leaving at 650 +show me airlines between boston and san francisco +please list the cheapest flight from dallas to baltimore arriving on may seventh +show flights between boston and philadelphia +i want to leave oakland and arrive in boston at 5 o'clock in the afternoon +what flights are available on sunday to pittsburgh from san francisco +show me the airlines that fly between toronto and denver +what's the earliest flight from boston to bwi that serves dinner +show me the flights from boston to atlanta +give me a flight between boston and denver +please give me the united airlines flights from denver to baltimore that are the first class flights please +what flights are there between atlanta and denver +show me the flights from pittsburgh to baltimore arriving in baltimore on june fourteenth +show me all flights and fares from denver to san francisco +what first class airplane goes from philadelphia to san francisco and stops in dallas in the afternoon on monday +what flights leave after 7 pm from pittsburgh to philadelphia +flights from indianapolis nashville memphis to seattle +please show me flights from pittsburgh to boston on saturday morning after 8 am +i'd like a flight from montreal to san diego for sunday +list all flights from baltimore to atlanta after 12 noon thursday +show me a list of ground transportation at boston airport +philadelphia to san francisco with one stop in dallas please +please list for me the flights on united airlines between boston and denver +list flights from pittsburgh to boston leaving after 3 in the afternoon +i need a flight from san diego to indianapolis leaving in the afternoon on tuesday +what is the price of a one way fare from boston to denver on continental airlines +i need a flight from kansas city to chicago next wednesday that reaches chicago around 7 in the evening +show me one way flights from milwaukee to orlando wednesday +i'd like to see flights from baltimore to atlanta that arrive before noon and i'd like to see flights from denver to atlanta that arrive before noon +what flights leave after 7 pm from boston to pittsburgh +i would like to book a flight on continental airlines from chicago to seattle on june first +of the flights available from dallas to baltimore on august third which airline has the least expensive flight +give me the flights and fares on december twenty seventh from indianapolis to orlando +show me the flights from boston to baltimore +what is the cheapest fare from boston to san francisco +list for me only the united flights between denver and oakland +give me the flights and fares on december twenty seventh from orlando to indianapolis +what flights go from boston to dallas +does delta airlines fly from pittsburgh to atlanta +are there any flights next monday morning from pittsburgh to san francisco +i want a flight from atlanta to washington that leaves after 3 pm +i would like an afternoon flight leaving tuesday san diego to indianapolis +please give me information on a flight on april seventeen from philadelphia to boston as early as possible +list the earliest flights from st. paul to houston +i need to go from philadelphia to dallas +i would like a flight from nashville to st. louis that arrives in st. louis around 6 pm and is nonstop +list all the arriving flights at general mitchell international +okay i'm sorry could you tell me what flights leave atlanta and arrive in philadelphia around 5 o'clock +may i see all the flights from cleveland to dallas +do you have a flight from atlanta to boston +show me the flights from denver to westchester county +is there a thursday night flight from pittsburgh to san francisco on us air +show me flights going from san francisco to pittsburgh first class on monday of leaving after 12 noon +afternoon flight from denver to san francisco +what are the flights from atlanta to boston in the afternoon +what ground transportation is available at boston +on tuesday i'd like to find a flight from detroit to st. petersburg that arrives before 10 pm +all flights from charlotte to anywhere on us air +what airlines fly between atlanta and san francisco +what flights are provided by american airlines +show me the flights from philadelphia to dallas +okay does twa have a flight from dallas to san francisco +what's the lowest one way fare from pittsburgh to denver +how many stops are on all flights from boston to san francisco that depart before 12 o'clock noon +what kind of airline is flight ua 281 from boston to denver +now list for me only the united flights that flight from oakland to boston +what is the abbreviation d10 +show me all flights from pittsburgh to atlanta which leave after 5 o'clock pm tomorrow +i'd like a flight from washington that stops in denver and goes on to san francisco +i'd like a list of all the flights from san francisco to pittsburgh on sunday please +show me flights on wednesday morning boston to denver for united airlines first class +how do i get from pittsburgh airport to downtown pittsburgh +what is the cheapest one way fare from denver to pittsburgh +what nonstop flights between boston and washington arrive after 5 o'clock pm +what is fare code h +which delta flights depart from san francisco heading toward boston after 12 noon +american flights from cincinnati to houston +what is the cheapest fare from dallas to denver round trip +dallas to oakland monday +what flights are there from milwaukee to phoenix on saturday +i need a flight from pittsburgh to los angeles thursday evening +give me flights that arrive in baltimore from atlanta +what're the flights from memphis to las vegas that arrive on a sunday +i would like an early morning flight on june first from chicago into seattle on continental airlines +round trip fares from baltimore to philadelphia under 1000 dollars +please show me the return flight number from toronto to st. petersburg +is there ground transportation in st. louis +what's the earliest flight from dallas to houston +list the american airlines flights from dallas to san francisco +fares between atlanta and boston +what is the fare on the first flight from atlanta to denver on thursday morning +i need an early flight from denver to san francisco please and i would like breakfast served on that +i'd like to see the fare code again qx +i would like to fly from pittsburgh to atlanta on us air +i want to leave boston at 838 +show me airports near washington dc +what ground transportation is available from pittsburgh to downtown +what flights leave seattle on sunday on continental after 9 pm +what are the cities served by delta airlines +show flights from dallas to san francisco +what does the abbreviation dl mean +i need to know if there are any direct flights from st. petersburg florida to tacoma washington leaving preferably tomorrow morning +show me the cheapest flights round trip from new york to san jose arriving in san jose before 7 pm +i need ground transportation in dallas please show me what's available +show me the flights arriving at love field from all other airports +before 10 o'clock on tuesday is there a 747 that flies from baltimore to san francisco +what is the cheapest flight from atlanta to pittsburgh one way +please show me flights from dallas to denver +what is the code for business class +list aircraft types that fly between boston and san francisco +does northwest fly into denver +what is your least expensive fare between atlanta and boston +i would like to fly the cheapest rate available from pittsburgh to atlanta on wednesday morning +what's the lowest round trip fare from dallas to baltimore +what's the difference between fare code q and fare code b +i'd like to book a flight from atlanta to denver +what flights are there from los angeles to pittsburgh +list all flights from denver to philadelphia +what is the first class fare from indianapolis to orlando +find travel arrangements for a round trip flight from dallas to pittsburgh +is there a delta flight from boston to denver +what flights from new york to los angeles +which flights go from philadelphia to san francisco +what does d s stand for for meals +i'd like to book a flight from san diego to toronto +what flights are there from pittsburgh to dallas on wednesday morning +list the flights from philadelphia to dallas on american airlines +what airline is ac +list the flights from dallas to baltimore +which airlines fly between baltimore and san francisco +show me the afternoon flights from washington to boston +which flights arrive in st. louis from st. paul on thursday morning +do you have any airlines that would stop at denver on the way from baltimore to san francisco +show me the cheapest flights from dallas to baltimore +please show me all the flights from boston +what flights from atlanta to washington +give me the flights from miami to new york using tower air +what flights from houston to milwaukee on friday on american airlines +show me all the flights from baltimore to columbus +give me flights from atlanta to baltimore +what flights leave from phoenix to anywhere +show me round trip fares from san jose to salt lake city +show me all the flights on delta airlines and twa that go to atlanta in the morning +what are the flights from boston to baltimore +is there ground transportation from san diego airport to the downtown area +i want a flight from san francisco to denver leaving san francisco in the afternoon arriving denver around 5 in the afternoon +what is the latest flight from milwaukee to seattle tomorrow +show the flights from pittsburgh to san francisco again on monday +pittsburgh to atlanta wednesday +i want to fly from boston to san francisco +what flights from miami to indianapolis on sunday +please show me airlines with flights from denver to philadelphia +list ground transportation options at phoenix +all flights from boston to washington dc on november tenth +i need to go from boston to atlanta in the same day find me the earliest flight from boston +boston to pittsburgh +cheapest airfare from tacoma to orlando +what are the flights from san francisco to denver +i'd like to see all the one way flights from denver to pittsburgh +what's the earliest flight from san francisco to boston +show me the continental flights leaving chicago early saturday morning +list the flights on friday afternoon from philadelphia to oakland +show me all us air flights from atlanta to denver for the day after tomorrow +show me all the flights from denver to las vegas +list all the flights that depart from general mitchell international +what airline stands for hp +how can i get from the denver airport to downtown +on tuesday i'd like to fly from detroit to st. petersburg +show afternoon flights from houston to dallas +i'd like to see the flights from atlanta to washington dc +show me the schedule for airlines leaving pittsburgh going to san francisco for next monday +boston to pittsburgh wednesday +what airlines fly from boston to washington +i need a flight from denver to washington dc on wednesday +american flight 4400 from cincinnati to houston +like information on flights from san francisco to boston on thursday morning +last nonstop flight from los angeles to pittsburgh on monday night +list the flights from st. petersburg to toronto +please list am flights leaving san francisco boston +first flights and fares from pittsburgh to atlanta on a thursday +show me the flights from baltimore to oakland +i would like a ticket leaving from denver colorado to atlanta georgia with a stop in pittsburgh +i would like to know the latest flight on wednesday you have leaving from oakland to salt lake city which offers a meal +show me flights from pittsburgh to philadelphia +list flights from pittsburgh to baltimore on thursday morning nonstop +are there any flights from boston to san francisco stopping in denver +fine can you give me information on ground transportation in washington dc to downtown +how many first class flights does united have leaving from all cities today +show me all flights from indianapolis +how much is a first class round trip from atlanta to san francisco +what flight do you have from dallas to denver on august twenty seventh in the morning +show me a list of flights from san francisco to boston for august thirtieth +what airlines have business class service between boston and san francisco +list all takeoffs and landings at general mitchell international +what city is the airport mco in +what are all flights from pittsburgh to boston on wednesdays +does delta airline fly from denver to pittsburgh +show all flights with first class from baltimore to dallas +my destination is san francisco i live in denver i would like a flight on august thirtieth in the morning on any airline that will get me there +i would like to travel from boston to denver early in the morning +what is the cheapest flight from denver to oakland +how long does it take to get from denver to oakland +what is the cheapest one way fare between boston and oakland +what does mco stand for +please show me airlines with flights from boston to denver +all flights from san francisco to los angeles +what is the earliest flight leaving denver going to boston +find the flights that leave philadelphia and arrive in dallas by noon +i need a flight from san francisco to pittsburgh from pittsburgh to new york and then new york to san francisco +is there an airline that has a flight from philadelphia to san francisco with a stop in dallas +list all flights on united from san francisco to boston +what's the cheapest one way flight from oakland to boston +please list the rental car information in pittsburgh +i would like to fly from denver to pittsburgh on the cheapest flight possible +are there any nonstop flights from indianapolis to san diego on wednesday may twelfth +show me the airlines between boston and denver +i would like a twa flight from atlanta to san francisco with a stopover in denver +what are the lowest one way fares from atlanta to pittsburgh +from las vegas to new york a nonstop twa and fare +i need a flight from philadelphia to denver +flights from kansas city to cleveland and price +what is the earliest flight on friday from washington to san francisco +please list the flights from ontario california to orlando florida +list daily flights from boston to oakland using united airlines +show me all flights from baltimore or denver or pittsburgh that fly to philadelphia +i would like to fly from pittsburgh to atlanta +list all flights on united from san francisco to boston with fare code qx +show me flights from san francisco to denver on weekdays +does continental fly from denver to pittsburgh +list all nonstop flights from los angeles to pittsburgh before 5 pm on tuesday +show me all flights from san francisco to pittsburgh on friday +what flights leave denver before noon on northwest airlines +how many flights does delta have with a class of service code f +show me all flights from san francisco to boston on november tenth +show me all flights from san diego to new york using dc10 +show me the flights on twa from atlanta in the morning +show me all flights from charlotte to philadelphia +do you have a flight from charlotte to atlanta on june first +newark to cleveland +show me the flights from san francisco to boston +please show me the cost of flight ua 201 from boston to denver and flight ua 343 from boston to denver +what flight do you have from san francisco to pittsburgh on the evening of august twenty seventh +what are the flights from boston to denver on tuesday october fifteenth +i'd like flight information from dallas fort worth to boston on tuesday +flights from newark to tampa on friday on us air +show me the flights from dallas to atlanta +i'm looking for ground transportation in dallas +what airline is ea the abbreviation for +is there a flight from atlanta to san francisco on november seventh at noon +what does ff mean +please show me united nonstop flights between boston and san francisco departing around 5 in the evening +what airlines have flights from boston to philadelphia that leave before 630 am +i need information on flights leaving philadelphia on friday arriving in oakland california +what flights from montreal to las vegas on saturday +please show me flights available from pittsburgh to atlanta on a weekday +show me the earliest flight on wednesday from baltimore to newark +what is the cheapest coach flight between dallas and baltimore leaving august tenth +how much does a first class round trip ticket from cleveland to miami on us air cost +find me the cheapest one way fare i can get from boston to denver +i need a flight from new york to montreal thursday may six arriving before noon +how about flights leaving san francisco and arriving in boston for any day +cheapest flight from miami to indianapolis +give me the flights from boston to san francisco leaving early today +what type of aircraft leaves from boston to washington dc at 9 am during a weekday +show all flights from miami to jfk +i want to fly from dallas to san francisco +what is the name of the airport in philadelphia +i'd like to see flights from baltimore to atlanta +i would like to arrange a flight from denver to pittsburgh +show me a list of flights from boston to dc arriving before 9 am on july twenty second +oakland to philadelphia saturday +show me all the saturday flights from pittsburgh to baltimore +list all round trip flights from indianapolis to orlando departing either on december twenty seventh or on december twenty eighth +show me all the flights to baltimore after 6 o'clock pm +one way flights from ontario to tacoma leaving before 10 am on any day and first class +need a flight from pittsburgh to denver +what flight goes from denver to baltimore first class on united airlines arriving on may seventh +what does fare code qo mean +do you have a flight from salt lake city to st. petersburg on june second +i would like to book a flight from chicago to seattle on june first +what airlines fly from philadelphia to san francisco +all flights to baltimore after 12 pm +what aircraft has the largest seating capacity +ground transportation in las vegas +what do you have tomorrow after 5 o'clock from atlanta to san francisco +ground transportation please in the city of boston between airport and downtown +show me the cheapest fare from baltimore to dallas +i would like direct coach flights from pittsburgh to atlanta +show me ground transportation in denver +what flights does delta have from denver to dallas after 5 +show me flights from philadelphia to baltimore +what flights do you have available from denver dallas and pittsburgh into baltimore +round trip fares from baltimore to philadelphia under 1000 dollars +are there any flights from denver to atlanta which connect in pittsburgh +i want to fly denver to pittsburgh +please list all flights between boston and philadelphia operating on sundays +show me all the northwest flights from new york to milwaukee that leave at 720 am +what is ua +what is the ground transportation in san diego +what flights from any city land at general mitchell international +please give me a flight leaving boston going to washington arriving in washington at 5 o'clock in the afternoon +show me all flights on us airlines from boston to oakland california which leave after 11 o'clock am +i would like information on ground transportation in the city of atlanta from airport to downtown +i need one first class ticket from dallas fort worth to san francisco +please show me airlines with flight service from boston to denver from denver to philadelphia and from philadelphia to boston +what airlines fly between boston and san francisco and stop in denver +show me all flights from san francisco to washington dc +show me the flights from toronto to cincinnati +flights from memphis to seattle +do you have a delta flight to san francisco from denver on august thirtieth in the early morning +ground transportation in denver +which flights go from pittsburgh to atlanta in the evening +show me all flights from montreal to nashville +i'd like to take a flight from washington dc stop in denver and with my final destination as san francisco +i want to fly from boston to denver and i don't want any stopovers and i'd like to fly only during the afternoon +i'd like an early flight tomorrow from columbus to nashville +list all flights from boston to atlanta after 6 o'clock pm on wednesday +i'd like to arrange a flight from pittsburgh to atlanta +what flights are available wednesday afternoon from atlanta to san francisco +flight information from san francisco to pittsburgh +what flights are available from denver to philadelphia on monday +i need a flight from san francisco to boston that leaves after 7 am +is there a flight between oakland and boston with a stopover in dallas fort worth on twa +i need a flight from new york to toronto thursday may six arriving by noon +what is the total schedule for delta's flights to all airports +show me all flights from boston to denver which arrive in denver wednesday before noon +friday's flights between newark and tampa +what is the ground transportation available in fort worth +i would like information information on flights from san francisco to denver on thursday morning +please list all flights that leave denver before noon on northwest airlines +does united airlines fly from denver to baltimore +what is the cost of round trip ticket first class between oakland and atlanta +show me the list of flights from philadelphia to denver that leave in the afternoon +i want to see the cheapest flights from denver to atlanta +list the flights from salt lake city to st. petersburg +what northwest flights stop in denver +atlanta to pittsburgh +what is the price of a first class ticket from milwaukee to san francisco round trip +can you find out about the ground transportation available in atlanta +list flights leaving dallas on saturday and arriving in san francisco before 4 pm +can you list all flights from washington to toronto +are there any flights available from baltimore to dallas monday afternoon +give me all the flights from new york to miami round trip +please show me ground transportation in denver +how do you get from the airport to downtown dallas please +what time does the tuesday morning 755 flight leaving washington arrive in san francisco +hi i need to get a flight from memphis to salt lake city departing before 10 am +from phoenix to denver on a monday +show me cheap flights from baltimore to dallas +how many flights go from dallas to baltimore on july nineteenth +what ground transportation is available into washington +from sfo to denver +what flights from salt lake city to new york city arrive next saturday before 6 pm +show all wednesday morning flights from denver to boston +show me the flights from oakland to denver +show me all the night fares between philadelphia and san francisco +what flights from chicago to kansas city in the morning +list the nonstop flights from miami to washington dc +show me the ground transportation in denver +what are flights from boston to st. petersburg +could you please tell me the cheapest flight from boston to san francisco +please find the earliest possible flight from boston to denver +what flights from washington to toronto +what airline is the flight originating in atlanta on november seventh at noon and arriving in san francisco at 210 pm +show flights from san francisco to denver on wednesday and thursday +what are the cost of morning flights from atlanta to baltimore +flight information from oakland to denver +what is the price of flights from indianapolis to memphis +i want to fly dallas to san francisco on monday july eighth +i would like a us air flight from toronto to san diego with a stopover in denver please +give me the american airlines flights from phoenix to milwaukee on wednesday +which airlines fly between boston and pittsburgh +can you tell me the cheapest flight between boston and san francisco +what flights are between boston and atlanta on july thirty first +baltimore to philadelphia wednesday +i live in denver and i'd like to make a trip to pittsburgh +please list the flights from toronto to washington dc +what am flights are available from pittsburgh to boston +can you tell me what flights you have from baltimore to dallas +show me the flights from denver to philadelphia +i'm interested in flying from atlanta to boston i'd like to fly during breakfast +can you tell me which flight from dallas to baltimore has the least expensive fare +show me flights from denver to washington dc on a wednesday +what are the afternoon flights leaving from dallas to san francisco on american airlines +all united airlines flights with stopovers in denver +list daily flights from oakland to boston using delta airlines +from pittsburgh to baltimore +please list ground transport in san francisco +i would like the evening schedule of flights from san francisco to washington +what's the cheapest of the dallas to atlanta flights which are after 2 in the afternoon +which united airlines flight flies across this continent and leaves from boston goes to dallas and makes a stopover in philadelphia +show me all flights from denver to pittsburgh which serve a meal for the day after tomorrow +what is the last flight from san francisco to boston this wednesday +what are the flights from boston to atlanta +i want a flight from cincinnati to burbank on american airlines and leave in the afternoon +show me flights from dallas to houston and from houston to dallas +what is the earliest flight departing san francisco and arriving in boston on november ninth +show me the airlines that fly from toronto to san francisco +what is the flight number for the continental flight which leaves denver at 1220 pm and goes to san francisco +please list all flights from san francisco to pittsburgh on sunday +could you tell me about flights from philadelphia to dallas that arrives in the early afternoon +show me the cheapest flights from baltimore to dallas +tell me about ground transportation between the dallas fort worth airport and downtown dallas +what is the distance from san francisco international airport to san francisco +show me flights from denver to philadelphia +please list all flights on united airlines out of denver before noon +what flights from kansas city to chicago next wednesday arrive at chicago at about 7 pm +all flights and fares from pittsburgh to dallas round trip after 12 pm less than 1100 dollars +what aircraft is co 1209 +show me one way flights from milwaukee to orlando +okay i'm looking for a flight from tampa to st. louis leaving before 10 am any day +is there ground transportation in dallas from the dallas airport to downtown dallas +list the morning flights between atlanta and dallas +all flights from dallas to san francisco +what ground transportation is available in denver +us air flights departing from charlotte around 1 pm +list flights from san francisco to pittsburgh +show me all flights on southwest airlines from san diego to san francisco +list all nonstop flights from los angeles to pittsburgh which arrive before 5 pm on tuesday +what are the most expensive first class tickets between boston and san francisco +i'd like to know the earliest flights from boston to atlanta georgia +show me the flights from baltimore to seattle +how many airports does oakland have +i want to depart washington april twentieth to atlanta least expensive fare +show me the earliest flights from boston to denver on wednesday +what are the latest flights from boston to dallas on the evening of july seventh +what are the coach fares from la to charlotte monday morning +i need the cheapest direct flight from atlanta to denver leaving on may seventh +are there any flights from atlanta to denver +show me flights from philadelphia to san francisco on wednesdays +show me all flights to philadelphia in the evening +show me all flights from atlanta to washington with prices +i'd like to go from st. paul to kansas city on friday with a meal +what are the flights from denver to oakland +i'm sorry i wanted to fly twa is there a flight between oakland and boston with a stopover in dallas fort worth on twa +show me all flights that depart from san francisco and go to either boston philadelphia or baltimore +show me a list of all the airlines that offer business class service +ground transportation in san jose +show me all the flights that arrive in baltimore from anywhere between 1850 and midnight +give me flights without fares from atlanta to baltimore +show me the flights from baltimore to oakland +show me the flights arriving at love field +list the flights from denver to baltimore +can you please tell me the type of aircraft used flying from atlanta to denver on eastern flight 825 leaving at 555 +can you show me the price of a flight to washington from atlanta on thursday morning +what is fare code h +i would like to leave early in the morning +show me the flights from philadelphia to baltimore in the morning +show me the flights into love field +could i have listings of flights from new york to montreal canada leaving on wednesday +show me all the direct flights from baltimore to atlanta +from denver to baltimore +show me ground transportation in boston +give me a list of flights between pittsburgh and baltimore +what is the cheapest ticket from baltimore to san francisco on friday august thirtieth +what is the earliest flight leaving boston and going to washington on september third +looking for a flight from toronto to san diego +what is the cheapest flight on american airlines from cleveland to miami +list the cheapest round trip flights from orlando to kansas city +show me the flights from dallas to boston +how much is a flight from washington to montreal +i want the cheapest flight from pittsburgh to atlanta +what are the evening flights from atlanta to baltimore +how many united flights are there from san francisco please +flight information on january twenty third from denver to san francisco +list the flights arriving in baltimore from denver on august third +list flights from philadelphia to san francisco via dallas +i want a flight from houston to memphis on tuesday morning +what flights from los angeles to minneapolis +show me all flights direct only from boston to san francisco or oakland that arrive before 10 am local time +can you tell me the latest evening flight from atlanta to denver on july seventh +show all flights and fares from pittsburgh to san francisco +i wish to fly from boston to washington please find an airline for me +what is the schedule of ground transportation from washington airport into downtown +show me the flights from boston to atlanta and the return flights from atlanta to boston +show me flights from pittsburgh to atlanta on monday afternoon +bring up flights from milwaukee to orlando on wednesday night or thursday morning +what is the cost of a round trip ticket flying from boston to dallas dallas to oakland leaving july first +from seattle to salt lake city +i live in montreal and i want to travel to chicago then indianapolis and then return home +i would like to travel from washington dc to pittsburgh on august twentieth +flight 417 from cincinnati to dallas +please show me the flights from denver to baltimore between 10 am and 2 pm +show me flights from dallas to san francisco on wednesdays +what does ewr mean +flight between st. petersburg and charlotte +give me a flight from charlotte to baltimore on tuesday morning +i'd like to book the cheapest one way flight from denver to pittsburgh +leave flight from boston to atlanta leave boston approximately 1 pm +oakland to denver +i'd like the cheapest cost fare to fort worth from boston +name the earliest flight from boston to san francisco +when is the first flight in the morning from boston to denver +what are the flights from indianapolis to san diego on wednesday the twelfth +show me the flights from boston to pittsburgh on wednesday +show me all flights from san francisco to atlanta +what are all flights to denver from philadelphia on sunday +all right do you have a flight from atlanta to boston +show me the flights from st. petersburg to toronto that arrive before noon +list all flights at general mitchell international +give me return flights from philadelphia to san francisco for december third +flights from san jose to st. paul +i actually want to go from ontario to westchester via chicago +show me flights from denver to philadelphia arriving after 2100 +saturday or sunday flights between milwaukee and phoenix american airlines +what is the flight number of the earliest flight between boston and washington dc +i'd like a flight on american from newark to nashville +show me the shortest flight from boston to denver which arrives in denver wednesday before noon +next sunday flights from miami to cleveland after 1200 hours +also give me a list of flights between oakland and boston +what is the yn code +what time does the earliest flight which goes from atlanta to denver leave +i would like to find out the ground travel available in atlanta +what flights are there from san francisco to philadelphia daily with economy class +show flights from san francisco to denver on a thursday +tell me about ground transportation at toronto +what flights from atlanta to st. louis on tuesday arriving around 230 pm +can you give me the latest flight from atlanta to denver on july seventh +i'd like to see all flights from baltimore to philadelphia +flights from newark to cleveland +what are the flights from boston to washington +i'm looking for a flight from boston to denver that has no stopovers and is only in the afternoon +do you have an 819 flight from denver to san francisco +ground transportation in dallas and boston +flights from pittsburgh to baltimore between 10 am and 2 pm +list all nonstop flights from la to pittsburgh before 5 pm on tuesday +i would like the cheapest one way fare from dallas to denver +show me the flights from san francisco to dallas on continental airlines +i'd like to fly from denver to atlanta with a stop in pittsburgh +what flights leave pittsburgh after 5 pm on thursday and arrive in los angeles +i would like to see the economy fares for denver to philadelphia +which cities are serviced by both american and delta airlines +show me all flights from san francisco to boston philadelphia or baltimore +what is the fare on american airlines flight 928 from dallas fort worth to boston +what is the latest departure from boston to pittsburgh on the seventh of july +i need a reservation from baltimore to san francisco +i need a flight from philadelphia to san francisco next wednesday +show me ground transport in seattle +cheapest airfare from orlando to tacoma +are there any limousines or taxi services available at the boston airport +what does the fare code f mean +delta flights to dallas please +what flights are available with q fares from boston to pittsburgh +show me all flights from new york to miami leaving on a tuesday +how many people fit on a 72s airplane +list daily flights from oakland to boston using twa +what airlines fly from dallas to baltimore +flights from montreal and phoenix to las vegas arriving at the same time +what flights from orlando to tacoma on saturday +on november twenty third what flights are available between boston and denver on american airlines +what's the cost of a first class fare from philadelphia to san francisco +what flights are there from newark to chicago on continental +is there ground transportation from the pittsburgh airport to downtown pittsburgh +i'm trying to find a flight from kansas city to burbank on saturday the twenty second +how much is a round trip fare from indianapolis to seattle +oakland to san francisco please breakfast flight +i'm going to leave philadelphia and i want to go to san francisco and i want to fly first class american and i want a stop in dallas can you please tell me what type of aircraft you will be flying +what is the first class fare on united flight 352 from denver to boston +all flights to baltimore after 6 pm +please list the morning flights from philadelphia to toronto +i also need service from dallas to boston arriving by noon +i will need a car at new york +give me the cheapest flight from dallas to baltimore on saturday +show me first class fares from dallas to baltimore +listing of all first class flights from washington to san francisco +on a breakfast flight from philadelphia to dallas via atlanta +give me the list of flights for continental between denver and boston +also show me the first flight from atlanta to denver on a thursday +i need a round trip flight from cincinnati to san jose california +what is the cheapest fare from washington to san francisco leaving on september thirtieth +explain the fare code q +show me all flights from pittsburgh to boston both direct and connecting that depart pittsburgh after 7 pm +what flights are there from milwaukee to phoenix on saturday +i would like to see the flights from denver to philadelphia +i'm looking for a flight that goes from ontario to westchester and stops in chicago +philadelphia to dallas saturday +flights from pittsburgh to baltimore between 10 am and 2 pm +denver to atlanta +what flights between dfw and oakland arrive in oakland between 1133 am and 43 pm +find travel arrangements for a round trip flight from boston to pittsburgh arriving after 8 pm +the latest flight from baltimore to oakland please and i'd like a meal with that +what is the earliest flight from memphis to las vegas +show me the flights going from pittsburgh to san francisco on monday +does the phoenix airport have ground transportation to and from downtown +show me the flights from cincinnati +show me all all flights from pittsburgh to atlanta on wednesday which leave before noon and serve breakfast +list a round trip fare from kansas city to minneapolis flights +what ground transportation is available in baltimore +define airline hp +what is airline us +please list all flights into denver before noon on united airlines and northwest airlines +i need a flight tomorrow from atlanta to baltimore +please show me flights from san francisco to dallas +flight from boston to baltimore +what is the last flight from san francisco to dallas fort worth +flights from cleveland to miami +list all round trip fares from st. petersburg to washington +show me flights from boston to denver on tuesday +what flights leave baltimore for boston after 6 o'clock on friday +list all nonstop flights on wednesday from baltimore to newark before noon +how much does it cost to fly directly from philadelphia to san francisco on american airlines +show me the flights from pittsburgh to los angeles on thursday +what is the earliest flight in the morning leaving boston for baltimore +what are the morning flights from boston to philadelphia +please list the flights leaving from st. louis to st. paul after 10 am +information on flights from denver to philadelphia +what flights land at general mitchell international +what flights are there from tampa to charlotte +what type of airplane is an m80 +flights from pittsburgh to los angeles thursday evening +ground transportation san francisco +which airlines have flights between charlotte and newark +please list all the takeoffs and landings for general mitchell international +give me flights that arrive in baltimore from denver +what time are the flights leaving from denver to pittsburgh on july seventh +is there a flight from boston to atlanta which leaves boston in the afternoon and arrives close to 5 pm +do you have one to denver from philadelphia +what are the cheapest flights from denver to pittsburgh that stop in atlanta +flights from atlanta to dallas in the afternoon +show me flights from new york to miami +find a flight from toronto to san diego with a layover in san francisco on air canada +show me the flights from dallas to baltimore +what are the restrictions on the cheapest one way fare between boston and oakland +how much does it cost to fly on delta from dallas to baltimore +give me sunday nonstop flights from memphis to las vegas +list all flights from seattle on continental which depart after 430 pm +now get me from pittsburgh to denver +what is the cheapest round trip fare between boston and san francisco +list daily flights from denver to baltimore +flights from cincinnati to los angeles departing after 718 am +i'd like to fly from philadelphia to dallas through atlanta +san francisco to denver +i would like to book an early morning flight from tampa to charlotte on april sixth +are there delta flights leaving atlanta +what's the cheapest one way flight from oakland to washington dc +what does the fare code yn mean +i want a flight from philadelphia to dallas that at least has one stop +what are the flights that leave detroit and arrive in chicago around 7 pm next wednesday +give me a flight from tampa to charlotte on sunday +i'd like a flight from columbus to phoenix stopping in cincinnati and serving dinner what's available +show any flights leaving san francisco on sunday and arriving in pittsburgh +what does hou mean +show me the flights from philadelphia to atlanta georgia +list all arrivals from any airport to baltimore on thursday morning arriving before 9 am +what flights are available tuesday afternoon from pittsburgh to atlanta +list the shortest flight from san jose to houston +list flights from atlanta to boston on wednesday afternoon and thursday morning +show me the economy flights from baltimore to dallas +list the flights arriving in baltimore from pittsburgh on august third +i would like to see the economy fares for pittsburgh to philadelphia +what's a flight that goes from baltimore to seattle +tell me about flights from indianapolis to houston +list flights leaving denver and arriving in orlando on saturday departing after 12 pm +is there a flight departing from san francisco and arriving in oakland on november seventh in the evening +give me all the flights from new york to miami round trip with costs less than 466 dollars +show me the daily flight schedule between boston and pittsburgh +find travel arrangements for a round trip flight from dallas to pittsburgh +i need a flight leaving pittsburgh next monday arriving in fort worth before 10 am +show flights from memphis to las vegas +what are the two american airlines flights that leave from dallas to san francisco in the evening +which airlines serve pittsburgh +nonstop flights seattle to kansas city +i would like to fly from boston to san francisco +show me all flights from miami to new york +what ground transportation is there from the airport in atlanta to downtown +what flights are there from phoenix to milwaukee +i would like the first flight into houston from dallas on march first and the last flight from houston to dallas on march first +i'd like information on a flight from atlanta to denver a morning flight +show flights from san francisco to denver on either wednesday the twenty third or thursday the twenty fourth +i'd also like to see a list of the flights from pittsburgh to atlanta +flights from kansas city to cleveland on wednesday arriving before 5 pm +show me flights from pittsburgh to philadelphia +show me the list of us air flights between boston and dc +what airlines from washington dc to columbus +what are the united airlines flights between baltimore and denver on august twelfth +i would like the flight number and the time for the cheapest fare that is the least expensive first class fare from san francisco to pittsburgh leaving after 8 pm monday night +i would like to fly from atlanta to san francisco with a stopover in dallas +what flights leave phoenix on american airlines +american flights to houston from cincinnati +which airlines fly from boston to washington +i want to travel from atlanta to baltimore early in the morning first flight +what are connecting flights from chicago into seattle on june fifth +what are the flights from new york city to las vegas +show me ground transportation in denver +what are the flights available after 3 pm between denver and san francisco +earliest flight on american airlines from washington dc to san francisco +show me the flights arriving at love field +what is the cost of limousine service in philadelphia +what do you know about car rental in denver +what's the earliest flight leaving denver for pittsburgh +show me flights from baltimore to philadelphia +i'd need information please on a flight from washington dc san francisco california +show me flights from san francisco to denver after 4 pm +what does the fare code qx mean +show me the one way fares from san diego to miami nonstop +what is fare code h +i'd like a united airlines flight on wednesday from san francisco to boston +all flights from baltimore to atlanta between 1 o'clock and 3 o'clock in the afternoon +fares from dallas to baltimore +how many airlines fly from new york to los angeles by way of milwaukee +flights from houston to los angeles departing after 1026 +is there a flight from baltimore to san francisco with a stop in denver on twa +tell me about flights from atlanta to charlotte north carolina leaving on monday and arriving in charlotte +is there a flight between washington dc and san francisco on us air at 8 am +what kind of plane is used on the earliest flight from boston to san francisco afternoon +what ground transportation is there in oakland +flights from oakland to san francisco +what evening flights do you have available from baltimore to philadelphia +show me all the flights to baltimore from denver or philadelphia or pittsburgh +what are the cheapest one way flights from denver to atlanta +show me all prices of first class from baltimore to dallas +how much is the 718 am flight from las vegas to new york twa +is the american flight 813 from boston to oakland a nonstop flight +show me all flights from kansas city to chicago on june sixteenth arriving around 7 o'clock in the evening +i'm looking for a flight that goes from san jose to houston on may thirtieth and that leaves after noon +show me the flights from philadelphia to boston +flight from washington dc to salt lake city +show me the flights from san francisco to las vegas +what flights go from newark to boston after 1024 in the morning +which airline has more business class flights than any other airline +do you have any flights from pittsburgh to boston on wednesday of next week in the morning +which airlines have first class flights today +what is the ap57 restriction +which flights on northwest and united airlines stop in denver before noon +daily flights from newark to cleveland departing 5 o'clock pm +i would like to make a round trip between washington and san francisco +what airlines service pittsburgh airport +show me round trip flights from denver to baltimore that offer first class service on united +i would like an early morning flight from chicago into seattle on continental airlines +philadelphia to boston monday +i'm interested in round trip flights from boston to washington +show me all flights from montreal +can you tell me about flights from san jose to nashville on saturday afternoon +list all the takeoffs and landings at general mitchell international +what flights go from chicago to seattle on saturday on continental airlines +what is the cheapest round trip flight from denver to atlanta +are there any united airlines flights between boston and dallas +show nonstop flights from new york to miami on a tuesday which cost less than 466 dollars one way +what does ea mean +show flights first class on american from philadelphia to dallas fort worth +i'd like to know the ground travel available in fort worth +give me the list of flights for continental airlines between boston and denver +what does restriction ap 57 mean +now i need a one way flight from pittsburgh to denver +show me flights between milwaukee and phoenix on saturday or sunday american airlines +define airline ua +i would like a flight from denver to pittsburgh +what's the first flight from dallas to houston +show me the cheapest flights from san francisco to philadelphia +flights from kansas city to cleveland on wednesday before 5 pm +how many stops on continental 1765 from boston to san francisco +i'd like to book the cheapest flight from atlanta to denver on august first +list all flights from boston to san francisco on united airlines +yes i'd like a flight from long beach to st. louis by way of dallas +what is the lowest fare from denver to pittsburgh +flights from newark new jersey to minneapolis +show me the flights from baltimore to oakland +i'm requesting flight information on a flight from san francisco to pittsburgh on friday +how many different flight classes are there +what kind of ground transportation can you offer me in seattle +show me the flights from tacoma to miami after 6 pm +i need to fly from boston to denver this monday +which airline has the most arrivals in atlanta +show me the fares for a first class ticket from baltimore to dallas +how many cities are served by delta airlines with first class flights +give me the first flight from boston to atlanta +what is the first flight from boston to atlanta +show me the evening flights from philadelphia to baltimore +what are all the flights available between pittsburgh and dallas fort worth +is there a flight from pittsburgh to baltimore that arrives between 6 and 7 pm +show me one more time the first class fares from baltimore to dallas +what flights are there from memphis to las vegas +ground transportation baltimore +i would like the fare on the us air 1039 from denver to pittsburgh on april twenty +what car rentals are available next sunday from denver airport +show me all flights direct and connecting from boston to pittsburgh that arrive in pittsburgh before 10 am +list all tuesday night flights from boston to denver +what's the lowest round trip fare from atlanta to bwi +i would like a flight from philadelphia to dallas that makes a stop in atlanta +is there a flight leaving san francisco to denver +i would like to fly from atlanta to denver on september fifteenth +i need to take ten people from denver to san diego with a stopover in phoenix please give me the flights +what flights go from philadelphia to dallas via atlanta +what is the round trip fare on continental 1291 from denver to san francisco and return +what flights are there on sunday from seattle to chicago +ground transportation oakland +i need to find a flight from philadelphia to san francisco that has a stopover in dallas +show me the flights from san diego to washington dc +i would like your rates between atlanta and boston on september third +show me boston ground transportation +what is the cost for a one way trip from pittsburgh to atlanta +could you please find me the cheapest one way fare from boston to philadelphia +from baltimore to san francisco +show all flights from baltimore to dallas on monday evening and the cost of each flight +show me the airlines between toronto and denver +all flights pittsburgh to baltimore on thursday arrival by 10 am +what is the cheapest fare for a one way flight from boston to atlanta +i'd like an afternoon flight from atlanta to san francisco with a stopover in denver arriving i'd say about mealtime +wednesday from baltimore to newark +philadelphia to boston saturday +i'd like a flight on july ninth from orlando to kansas city in the afternoon +show me the flights from cincinnati to denver +i am looking to get one air fare from baltimore to san francisco on a 747 leaving august twenty seventh +i would like to fly from denver to pittsburgh on united airlines +show me all fares from new york to miami leaving on a tuesday +show all flights on united airlines from san francisco to denver to washington dc +how long is the flight from atlanta to san francisco at noon on november seventh +what is the last flight of the day to leave baltimore for boston +which flights from pittsburgh to atlanta have the lowest coach class fares +what flights are available from philadelphia to denver on sundays +can you tell me the afternoon nonstop flights departing from atlanta to boston +show me all the flights from new york to milwaukee +show me all flights from milwaukee to orlando one way +what airlines leave from washington +i would like a flight from kansas city to st. paul departing at 4 pm +please show me the round trip flights from st. petersburg to toronto +show me the flights from denver to san francisco +list the flights from baltimore to seattle that stop in minneapolis +show me the last flight available in the evening from boston to dc on july twenty first +leaving denver flying to san francisco before 10 am what type of aircraft is used +code ff +show me all flights from new york to miami on a tuesday with round trip fares under 932 dollars +i want to fly from milwaukee to orlando +all flights and fares from atlanta to dallas round trip after 12 pm less than 1100 dollars +show me the flights on american airlines from fort worth to denver on the evening of july eleventh +please list the flights from chicago to kansas city +list the nonstop flights on wednesday june second from miami to washington arriving in washington between 1115 am and 1245 pm +i would like to know flights on june fifteenth from long beach to columbus after 12 noon please +is there a round trip flight from baltimore to denver connecting in dallas +i'd like to find the cheapest flight from boston to san francisco +what cities does continental service +show me the flights that leave on thursday mornings from atlanta to washington and include whether meals are offered and what the prices are +what flights are available from denver to baltimore first class on united airlines arriving may seventh before noon +can you show me the list of flights that fly from washington to san francisco via dallas +all right what us air flights leave from indianapolis to san diego after 130 in the afternoon +i want to travel from washington dc to philadelphia on tuesday morning +i need the flights that leave denver after 7 pm next monday and fly to pittsburgh +hi i'd like a flight on alaska airlines from san diego to toronto please +ground transportation in westchester county +flights from indianapolis to seattle +i would like information on ground transportation city of boston between airport and downtown +what is the transportation time from the airport to boston +list flights from san francisco to denver on friday +i would like to travel from boston to denver +which airlines fly into and out of denver +show me the flights before 8 am on august second from boston to denver on delta +may i see all the flights from washington to san francisco please +i need information on a flight from boston to denver +i'd like to go from boston to san francisco with a stop in dallas +show me flights from philadelphia to denver on a monday +show me the fare for delta flight 296 from atlanta to philadelphia +looking for a flight to salt lake city +are they all nonstop flights from kansas city to st. paul +what is the least expensive flight today from atlanta to san francisco +from atlanta to washington dc +what kind of airplane goes from philadelphia to san francisco monday stopping in dallas in the afternoon first class flight +can you show me evening flights from nashville to houston that serve dinner +show me the flights from cincinnati to denver +i would like to find a flight from charlotte north carolina to las vegas i would like a stopover in st. louis +what is the cost of a flight from boston to san francisco +show me all the flights from atlanta to baltimore on any airline on thursday +what is the cost of a ticket going from denver to boston july twenty fifth 1991 +list types of aircraft that connect boston and san francisco +find travel arrangements for a round trip flight from dallas to pittsburgh arriving after 8 pm +what does fare code qo mean +what flights are there from new york to las vegas +flights between boston and philadelphia that arrive after 2 o'clock and before 5 o'clock on tuesday +what is the earliest flight from washington to atlanta leaving on wednesday september fourth +what flights are available from boston to denver on wednesday in early morning +what flights are there from boston to denver on monday morning +what is the cost of flight dl 106 from philadelphia to boston +what is the price of a first class ticket from atlanta to san francisco +i'd like the flights from san jose to nashville on the morning of friday june third +what are my choices of flights from las vegas to new york +what is the cheapest one way fare from boston to washington +i'd like also to book a one way flight from pittsburgh to atlanta the cheapest one on july twentieth +what round trip tickets are there from cleveland to miami on us air that arrive before 4 pm +what does it cost to fly from boston to san francisco on united airlines flight 21 +what are the flights between pittsburgh and san francisco +what is the least expensive flight available from dallas fort worth to san francisco +i like to see the information for flights from pittsburgh to san francisco leaving pittsburgh after 12 pm +is there a flight from philadelphia to oakland with a stop in dallas +what flights from denver to pittsburgh arrive before 8 in the morning +are there any early flights from atlanta to washington on thursday mornings +what are the classes of service on delta airlines +i'd like to make a trip from washington to san francisco +all round trip flights between new york and miami coach fare +okay i want a flight originating in denver going to pittsburgh +what's the cheapest first class airfare from pittsburgh to san francisco +what are the flights from baltimore to dallas on sunday night +show me the latest flight from denver to boston +show me flights from new york to miami +what price is a limousine service to new york's la guardia +please list all flights on united airlines and northwest which go to denver +what flights are between washington and san francisco +i would like to fly from atlanta to boston arriving in boston at 5 pm +flights from charlotte to baltimore +is twa flight 497766 from st. petersburg to milwaukee with one stop available tomorrow morning +show me the latest flight on wednesday from atlanta to washington dc +is there a flight on united airlines from boston to denver +i need a flight from chicago to dallas on continental on june fifth +please show me all round trip flights from new york to miami +what is the latest flight leaving pittsburgh returning to denver +what is your earliest flight from boston to washington on august twenty seventh +show me the continental flights with meals which depart seattle on sunday for chicago +what are the flights from dallas to san francisco on tuesday october first +what time are flights from denver to san francisco on continental airlines +what's the earliest flight from atlanta to boston +i would like to fly from denver to atlanta by way of pittsburgh +show me the itinerary of the connecting flight from boston to denver that departs boston at 10 am +flights from philadelphia to oakland +nonstop flights from seattle to denver +i need information on ground transportation between airport and downtown in the city of boston +i'd like to see the flights from pittsburgh to philadelphia +show me all flights from charlotte +what flights are available from pittsburgh to baltimore on july twenty fifth 1991 +what are the flights from boston to san francisco +i need 2 first class tickets from dallas fort worth to san francisco +show me flights between denver and baltimore +list all flights on continental leaving seattle on sunday after 430 pm +list daily flights from boston to atlanta +show me the flights from denver to philadelphia +what airlines have nonstop early afternoon flights from boston to denver +give me the flights leaving denver august ninth coming back to boston +what flights from st. paul to kansas city on friday with a meal +list the flights arriving in boston from atlanta on august fifth +where does continental fly to from chicago +what're the cheapest nonstop flights from new york to miami one way +i want to travel from philadelphia to boston on wednesday afternoon +i would like to fly from boston to baltimore in the afternoon what flights are there +show me the flights from boston to philadelphia +i would like to fly from salt lake city back to st. petersburg on wednesday +what are the flights in the month of december from atlanta to denver which stop in boston +what flights from philadelphia to atlanta +what are the flights from washington dc to denver +i need information on a flight from san francisco to atlanta that would stop in fort worth +show me all flights from philadelphia to baltimore +what is bur +what is the first flight that travels from atlanta to baltimore that serves lunch +show flights between denver and san francisco for september seventeenth +do you fly a 747 from baltimore to san francisco +i need a flight from atlanta to baltimore and this flight should arrive at 7 pm please +i would like to know the types of ground transportation from the airport to las vegas +what is the earliest flight leaving boston on july first to dallas on july first +i would like to fly to san francisco early in the day +give me the flights from kansas city to chicago leaving next wednesday arriving at chicago at about 7 pm +morning flight from atlanta to philadelphia +i'd like to get a flight leaving san francisco and arriving at philadelphia pennsylvania +list the flights on wednesday from denver to washington arriving in washington between 1115 am and 1245 pm +list all flights from atlanta to dallas on friday +all northwest flights with stopovers in denver +on usa air how many flights leaving oakland on july twenty seventh to boston nonstop +i need a flight from pittsburgh to new york leaving at 5 pm +i would like to book a flight for august twenty seventh with us air from baltimore to oakland what flights do you have available +i need a plane that arrives in san francisco by 9 o'clock pm on friday and leaves from baltimore +what flights leave from phoenix to nashville on american airlines +show me all flights which leave pittsburgh tomorrow and arrive in baltimore after 5 o'clock pm +find me a flight leaving boston at 12 o'clock +show me the flights from indianapolis to orlando with round trip fares less than 1288 +am flights from dallas to san francisco +i'd like to see all flights from denver to philadelphia +what is the cost of a first class ticket from baltimore to dallas +how do i get downtown from the toronto airport +from san francisco to denver +what is booking class c +show me the car rentals in baltimore +what are the flights from boston to san francisco leaving tomorrow +show me flights from new york to miami +show me the united flights from denver to baltimore +does american airline fly from denver to pittsburgh +show me the names of airlines in atlanta +how much does flight ua 281 from boston to denver cost +show me american flights from dallas to san francisco +what is the earliest american airlines flight that i can get first class from philadelphia to dallas +requesting flight information for flight from boston to baltimore on tuesday +which airlines have flights from san francisco to washington by way of indianapolis +all right give me the flight times in the morning on september twentieth from pittsburgh to san francisco +list all flights from minneapolis to long beach on saturday +i'd like to find a flight from tampa to montreal that makes a stop in new york +what flights go from dallas to denver after 3 pm +how much is the ground transportation between atlanta and downtown +show me all flights from san francisco that go to boston baltimore or philadelphia +show me the flights from denver to baltimore or washington dc that arrive before or around noon +show me round trip fares from pittsburgh to philadelphia +show me flights from atlanta to washington +i need a flight to atlanta this afternoon +information on american airlines flight from washington to philadelphia +show departures from atlanta for american +flights on american from phoenix to chicago on wednesday +what is the distance from la guardia to new york's downtown +is there a delta flight from boston to san francisco that stops in denver +show me the earliest nonstop flight from dallas to houston +what flight do you have from atlanta to dallas on august twenty seventh in the morning +i want a flight from toronto to montreal that leaves early friday morning +what is the cheapest round trip fare from atlanta to pittsburgh +pm flights leaving san francisco arriving boston +can i fly from boston to baltimore washington +flights from jfk or la guardia to cleveland +i'd like an early morning weekday flight from san diego to phoenix +which airlines fly between boston and pittsburgh +all flights from pittsburgh to philadelphia next tuesday arriving near 6 o'clock +show me the flights from salt lake city to st. petersburg late night on tuesday +sure i want to go from philadelphia to dallas +i'd like information on flights between philadelphia and san francisco with a stop in dallas +early morning flights between cincinnati and tampa +please find a flight on delta from philadelphia to san francisco and give me the flight numbers +what flights leave from nashville to milwaukee +show me all the flights arriving in charlotte around 5 pm next monday please +list flights from atlanta to boston leaving between 6 pm and 10 pm on august eighth +flights from pittsburgh to baltimore between 10 am and 2 pm +what is mco +what is the meaning of restriction ap80 +list the cheapest flight from charlotte to memphis +show me a list of flights on july twenty second leaving dc to dallas leaving dc after 6 pm +what flights leave phoenix on wednesday evening and arrive in milwaukee +how many cities are served by eastern with first class flights +show me flights from philadelphia to baltimore +list the flights arriving in atlanta from boston between 4 and 8 pm +show all flights from pittsburgh to san francisco on july twenty eighth 1991 +list nonstop flights from baltimore washington airport to oakland that depart in the afternoon +flights from newark new jersey to cleveland +list all flights going from boston to atlanta before 7 am on thursday +i want to make a trip from washington to san francisco +show me all flights to dallas from san francisco atlanta and pittsburgh +does american airlines fly from pittsburgh to atlanta +show me the list of flights from dallas to baltimore on american and delta airlines +okay i would like to fly from atlanta to philadelphia +i'd like to travel from boston to baltimore on us air 269 please tell me the times +show me all meals on flights from atlanta to washington +do any of the san francisco to boston flights leave on friday +i need to make reservations from denver to boston +how many passengers fit on a d9s +sunday's flights between tampa and charlotte +lowest fare from san francisco to san diego +economy fares new york to miami round trip +what is the fare on the thrift economy flight from boston to san francisco +flights from denver to philadelphia include fares +what is the flight schedule of the f28 from pittsburgh to baltimore +show me all the flights arriving around noon in washington dc from denver +list all flights leaving denver on continental on sunday after 934 pm +show me the flights that go from tacoma to miami +show me the flights from boston to san francisco stopping in dallas on american airlines +i need a flight from boston to pittsburgh +i would like some information on flights leaving boston to atlanta +what is fare code h +i would like information on flights leaving atlanta and arriving in dallas +show me the flights from san diego to newark by way of houston +how many cities are served by lufthansa with first class flights +now show me flights from pittsburgh to philadelphia +what flights do you have from ontario +list nonstop flights from houston to dallas which arrive after 8 pm +show me round trip fares from new york to miami +what is ff +give me a list of the morning flights from atlanta to boston +i'd like to see flights from baltimore to atlanta that arrive before noon and i'd like to see flights from denver to atlanta that arrive before noon +what is the price of a one way fare from atlanta to boston +what is the ground transportation available in boston +list nonstop flights from baltimore to newark on wednesday before noon +what united airlines first class airfare flights are available from denver to baltimore on july three +show me all flights from pittsburgh to san francisco +yes i live in washington and i want to make a trip to san francisco which airlines may i use for this trip +all flights and fares from dallas +what're the cheapest flights from new york to miami +i want to fly philadelphia to san francisco on july eighth +what are all flights from san francisco to philadelphia with stops in pittsburgh +what flights from st. paul to kansas city on friday with breakfast served +what type of aircraft leaving after 2 pm from boston to oakland +are there any other cities that i can fly from boston to dallas through that i can get a flight earlier than 1017 in the morning +i would like a flight from philadelphia to dallas on american airlines +what are the prices of the flights from dallas to baltimore +flights from milwaukee to orlando one way +i need to fly between philadelphia and atlanta +show me the latest flight from salt lake city to phoenix +are there any flights from denver to atlanta with stops in pittsburgh +give me the flights from pittsburgh to los angeles on thursday evening +i would like the time of all flights from san francisco to pittsburgh on sunday +oakland to philadelphia +what price is a limousine service in boston +how much is a flight from washington to boston +what flights from kansas city to chicago arrive at chicago at 7 pm next wednesday +what is the fare from philadelphia to pittsburgh business class one way +give me flights from denver to baltimore +flight from denver to philadelphia saturday afternoon +what flights arrive in chicago on sunday on continental +show me all flights from san francisco to pittsburgh +i'd like to find the cheapest fare from atlanta to dallas +show me the flights on delta to atlanta in the morning +what airlines go to pittsburgh +may i please see airlines and flight numbers from new york to toronto on the same date june seventeenth also arriving in toronto before noon thank you +what does ea mean +what is the cost of a round trip ticket first class between oak and atl +i would like information on a flight between washington and san francisco with a stopover in dallas +can you show me flights from baltimore to dallas +i would like to fly from pittsburgh to atlanta +list all flights from boston to san francisco with more than 3 stops +what is restriction ap 57 +show me flights from philadelphia to oakland on friday +list all flights from denver to philadelphia +flights from las vegas to montreal +could you list for me the flights that leave oakland on sunday and arrive in dallas +tell me the flights from dallas to baltimore +show me the flights from denver to pittsburgh and atlanta +what flights are there from atlanta to oakland on thursday with in flight meals +show me the flights from boston to san francisco that arrive in the afternoon +show me ground transportation for boston +give me the flights with the fares on december twenty seventh from indianapolis to orlando +show all united flights between boston and philadelphia +show me the type of aircraft that cp uses +what ground transportation is there from denver +i'm interested in flights from denver to pittsburgh +what is the airfare between denver and pittsburgh +show me the fare for us flight 3357 from philadelphia to baltimore +i'm looking for flights from oakland to atlanta leaving before 1045 am +show me the flights from san francisco to boston +ground transportation dallas +do you have the fare for traveling from oakland airport to oakland downtown +please give me flights leaving san francisco and going to pittsburgh +show me all flights from denver to baltimore +give me a list of airlines in pittsburgh +what's the difference between fare code q and fare code f +find travel arrangements for a round trip flight from dallas to pittsburgh +i would like a flight from washington to boston on august twentieth at 324 pm +i need the earliest flight from denver to boston that serves dinner +show me the flights on sunday from tampa to charlotte +what is the cheapest round trip coach flight between dallas and baltimore leaving august tenth +show me flights from boston to san francisco +i'd like to go to boston from denver and i'd like to get there +flight from milwaukee to denver +show me all the flights on united leaving from boston +what is the schedule for flights between pittsburgh and boston on the evening of july ninth +what's the first class fare round trip from atlanta to denver +is there a round trip flight from baltimore to dallas connecting in denver +i'd like the first flight in the morning from boston to washington +i'd like a limo in denver on august seventh +what flights from kansas city to denver after 845 in the morning +please list all flights leaving on thursday morning from new york city to toronto +show me the flights from san francisco to boston on august thirty first +does midwest express serve indianapolis +what type of aircraft leaving philadelphia to dallas +what is the departure time of the latest flight of united airlines from denver to boston +please show me the flights from atlanta to denver +what is ground transportation between the san francisco airport and the city +flights from newark to cleveland daily 5 o'clock pm +which flights are between boston and baltimore washington +what flights are there from newark to seattle on saturday +what flights are available wednesday morning from boston to denver +is there ground transportation from the dallas airport to downtown dallas +are there any flights from denver to atlanta to pittsburgh +all am flights departing pittsburgh arriving denver +does midwest express serve nashville +how can i go from minneapolis to long beach late tomorrow +okay i'd like to fly from denver to pittsburgh +i live in denver and i'd like to make a trip to pittsburgh +i would like to see flights from denver to philadelphia +what is the cheapest way to fly from denver to oakland +i would like to fly from philadelphia to dallas +i'm interested in a flight from dallas to washington and i'm also interested in going to baltimore +i would like the least expensive airfare flight on sunday to pittsburgh from san francisco +i need a flight from denver to philadelphia +tell me which airlines have flights from pittsburgh to san francisco on monday september second +what are the schedule of flights from boston to san francisco for august first +what are the flights on tuesday october first from atlanta to baltimore +which airlines serve denver +i'd like to fly continental airlines between boston and philadelphia +does american airlines flight from long beach to st. louis stopping in dallas serve lunch +i'd like to find a nonstop flight from boston to atlanta that leaves sometime in the afternoon and arrives in atlanta before evening +show me flights from boston to denver on wednesday +show me the flights from boston to san francisco on united airlines +show me all flights from ontario to tacoma one way +is there a flight on delta airlines from boston to denver +how about april twenty seventh denver to washington +what's the fare from washington to boston +what northwest airlines flights leave denver before noon +i need to fly from pittsburgh to oakland and depart in the afternoon +what ground transportation is available in baltimore for the day after tomorrow +what airlines fly from boston to atlanta +what flights from atlanta to toronto +what aircraft is used on delta flight 1222 from kansas city to salt lake city +list all flights on continental leaving denver and arriving at chicago on monday before noon +on september fourth i'll be traveling from pittsburgh to atlanta can you tell me what flight would be the cheapest +what ground transportation is available at denver airport +tell me about flights from atlanta to charlotte next monday +please list the earliest lunch flight from columbus to phoenix +what flights leaving pittsburgh arrive in denver and leave after say 6 o'clock at night +show me flights between memphis tennessee and las vegas +what flights from tampa to cincinnati +what flights are available from pittsburgh to oakland airport +give me information on flights from atlanta to washington dc leaving on thursday before 0900 +show me all flights from pittsburgh to dallas +show me the flights arriving around noon in baltimore from denver +i would like to fly on twa from baltimore to san francisco +how about arrivals for american in atlanta +hello i'd like a delta flight from atlanta to boston +all right would you let me know type of aircraft united airlines is using on the flights from denver to san francisco i would like to know the type of aircraft that they use on these flights before 10 in the morning +show me the earliest flight on august second from boston to denver that serves a meal +find me the latest flight leaving atlanta august seventh and arriving in denver +a breakfast flight from denver to san francisco please +please show me flights from pittsburgh to atlanta on wednesday morning serving breakfast +how many delta flights leave from washington +give me the earliest flight tomorrow from st. petersburg to milwaukee on a airline other than twa +i want to fly from boston to baltimore +what morning flights do you have between oakland and denver +how do i get from bwi to washington +does united airline have any flights from dallas to san francisco +which flights are serviced by american airlines +how many cities are served by twa with first class flights +i'd like to see all the economy fares from baltimore to philadelphia +show me information on ground transportation for dallas +show me the prices of first class tickets on us air round trip from cleveland to miami +flight from dallas to boston tomorrow +show me airports in washington dc +from los angeles to phoenix on a friday +what is the cheapest coach fare from dallas to denver round trip +list flights from philadelphia to dallas +what's the cheapest flight from atlanta to baltimore +ground transportation between airport and downtown in boston +names of airports +again i will repeat i want to make a one way flight from boston to atlanta will you tell me how much the fares are i would like the cheapest fare +flights from la guardia to jfk +what classes of service does twa provide +list the flights from st. paul to san jose and from st. paul to houston +what are the flights from pittsburgh to baltimore +what flights leave charlotte north carolina and arrive in phoenix arizona on monday before 4 pm +i would like to see the flights available from pittsburgh to san francisco for monday +show me all daily flights out of boston that have coach class +i need a flight on friday from newark to tampa +what is the latest flight from san francisco to boston +what flights are available from boston to dallas +does eastern have an early afternoon flight from boston to san francisco +show me flights from pittsburgh to philadelphia +airlines that fly to miami from new york on friday +show flights from denver to san francisco +tell me about the ground transportation in chicago +and flight from oakland to boston leaving after midnight +do the airlines still offer first class +what flights go from newark to boston after 5 pm +please give me the earliest flight tomorrow from st. petersburg to milwaukee +i need to fly from boston to baltimore please give me the times of your flights in the morning before 8 o'clock +hi i'd like to fly from columbus to phoenix and make a stop in cincinnati along the way +what is the cheapest flight from boston to atlanta +list all round trip fares from pittsburgh to washington dc +sfo to denver on monday november eleventh 1991 +please list all the flights from boston to denver which serve meals +what is the cheapest flight from pittsburgh to atlanta +i'd like a flight from indianapolis to toronto leaving thursday morning nonstop +i would like to know the flights available from boston to denver arriving in denver by 8 o'clock wednesday morning +list all flights from denver to philadelphia +all northwest and united airlines flights with stopovers in denver +i'd like to have some information on a ticket from denver to pittsburgh and atlanta +show me one way flights from tampa to st. louis departing before 10 am first class +what is the cheapest fare from denver to pittsburgh +list the airlines that have nonstop afternoon flights from boston to oakland +find the earliest flight from boston to san francisco that serves a meal +i want to go from denver to atlanta round trip and make a stop at pittsburgh may i have the cheapest fare +what are the lowest one way fares from pittsburgh to atlanta +what is the coach economy class night service from boston to san francisco +what is the cost of the air taxi operation at philadelphia international airport +what types of meals are available +please list the cheapest flights from dallas to baltimore arriving on may seventh +show first flight from philadelphia to dallas +i would like to fly from boston to oakland what airlines fly from boston to oakland +is there a flight between philadelphia and denver that leaves philadelphia around 2 o'clock in the afternoon +show me all flights from san francisco to denver +show me the flight that leaves philadelphia in the afternoon and arrives in the evening in denver +what are the flights from denver to pittsburgh +on november twenty third of this year 1991 i'd like to fly from atlanta to denver and i'd like to fly on delta +what flights are there tomorrow from tacoma to san jose +what is a flight that goes from baltimore to san francisco and arrives at san francisco at 8 pm on a friday +i'd like a flight from burbank to tacoma washington +please list all flights from dallas to pittsburgh on july fourth 1991 +list all flights arriving in pittsburgh monday evening from san francisco that first class +what are all the flights on delta in and out of fort worth +okay what i'd like to do on this one is go from washington to atlanta i want a nonstop and i'd like to leave around 5 pm +list all flights from boston to san francisco with at least 3 stops +what are the flights from atlanta to baltimore +list the flights from denver to san francisco after 2 pm on a monday +does delta aircraft fly dc10 +what flights are there from new york city to las vegas +does united have a flight from miami to washington dc on wednesday +show me all flights on thursday from atlanta to oakland which arrive in oakland before 5 o'clock pm and serve a meal +do you have an afternoon flight leaving in the afternoon going from boston to san francisco with a stopover in dallas +list nonstop flights from los angeles to pittsburgh which arrive on monday after 5 pm +what type of aircraft does eastern fly from atlanta to denver before 6 pm +list flights from phoenix to detroit on thursday june twenty fourth +do any us air flights leave from san francisco +what are the coach fares for flights from charlotte to newark tuesday afternoon +i would like to find out what flights there are on friday june eleventh from st. petersburg to milwaukee and then from milwaukee to tacoma thank you +is there a direct flight from atlanta to philadelphia that arrives in philadelphia around 12 noon +i would like to see all flights from denver to philadelphia +what is the arrival time in san francisco for the 755 am flight leaving washington +how much does it cost to fly from atlanta to san francisco +i want a flight from long beach to st. louis that stops in dallas +okay that one's great too now we're going to go on april twenty second dallas to washington the latest nighttime departure one way +is there an afternoon flight from charlotte to minneapolis around 2 pm +show me all flights from charlotte to columbus +what are the round trip flights from philadelphia to san francisco +i would like to know what type of aircraft will be used on the morning of july seventh from atlanta to boston +american flights from cincinnati to salt lake city +please show me flights from denver to san francisco on wednesday after 1300 hours +flight from cleveland to nashville +what is the cheapest fare between boston and san francisco +show me all daily flights from milwaukee to orlando +show me fares from baltimore to philadelphia +list nonstop flights from burbank to denver arriving by 6 pm +could you tell me what morning flights are available from oakland to denver before 10 am +list flights from cincinnati to san jose friday evening +what flights are there on saturdays from philadelphia to denver +i would like to fly on american airlines from baltimore to san francisco +please show me airlines with flights from denver to boston with a stopover in philadelphia +what are the air restrictions on flights from pittsburgh to atlanta for the airfare of 416 dollars +what ground transport is available in minneapolis +i'd like a ticket on a plane from denver to atlanta i would like a coach class or lowest fare ticket +what are your flights from pittsburgh to baltimore +what flights go from philadelphia to dallas with a stopover in atlanta +show me the flights from boston to oakland +delta flights to san francisco please +please give me the flight times i would like to fly from boston to baltimore in the morning before 8 +what is the earliest flight that goes from atlanta to washington on thursday +what are the lowest one way fares from atlanta to denver +what kind of aircraft do you have flying from boston to san francisco on august twenty seventh +what flights are there from nashville to houston tomorrow evening that serve dinner +on may four atlanta to denver delta flight 257 +list all flights going from boston to atlanta before 5 o'clock am on thursday +what is the cheapest fare that i can get between philadelphia and san francisco +what is the schedule of ground transportation from the airport in philadelphia into downtown +what afternoon flights are available from atlanta to san francisco +what is the minimum connection time for houston intercontinental +show me flights to san francisco from philadelphia stopping in dallas +i would like to book a flight on us air first class from cleveland to miami on february twenty fourth +i need to spend much of a day on the ground in atlanta find me an early flight from boston and the lastest possible flight back from atlanta +show me the cheapest one way flights from pittsburgh to dallas leaving pittsburgh between noon and 2 pm +from phoenix to las vegas on saturday +i need to take ten people from denver to phoenix please give me the flights during the week +could i have the flights from newark to orlando please +i need a flight from long beach to st. louis stopping in dallas the flight should also serve lunch +how much does it cost to fly on american from dallas to baltimore +what are the morning flights from philadelphia to dallas going on american airlines +i need fare information from denver to pittsburgh +show me all flights between san francisco and philadelphia for september fifteenth +what is the ground transportation available in fort worth texas +what flights are there between washington dc and san francisco after 6 pm on wednesday +are there any flights from boston to san francisco with a stopover in dallas +what is the distance from toronto international airport to toronto +yes i would like to find what flights are available from atlanta to boston on the morning of july seventh +i would like an american flight from toronto to san diego with a stopover in denver please +list all the flights that arrive at general mitchell international from various cities +list all the takeoffs and landings at general mitchell international +how many first class flights does delta have today +show me all the flights from denver and all the flights from miami that arrive at baltimore around noon +does united airlines provide any first class flights from denver to baltimore +i would like to find a flight that goes from boston to orlando i would like it to have a stop in new york and i would like a flight that serves breakfast +is there a flight on eastern airlines from boston to denver +i need to fly from nashville to tacoma first thing in the morning what is there +the flight will originate from boston +describe fare code qx +what flights go from seattle to boston via minneapolis +what's the ground transportation like at pittsburgh +could you please give me information concerning american airlines a flight from washington dc to philadelphia the earliest one in the morning as possible +i want to fly from philadelphia to dallas and make a stopover in atlanta +please show me round trip tickets from denver to oakland +what are the afternoon flights from atlanta to baltimore +i'd like information on the least expensive airfare round trip from pittsburgh to boston +what is the least expensive way to fly from philadelphia to san francisco +what is ewr +show me ground transportation in washington dc +show me airline abbreviations +all the flights from baltimore to san francisco +what flights arrive in seattle from on continental +in flight meal oakland to philadelphia saturday +show all tuesday morning flights from pittsburgh to denver +please give me all the flights from long beach california to memphis tennessee +phoenix to newark wednesday +could you tell me what the earliest flight that goes between atlanta and denver is which serves a meal +how much does a first class ticket cost from boston to san francisco round trip +thank you for that information now i would like to book a flight from philadelphia to boston on the night of april sixteen around 9 o'clock +show me all the flights that arrive in baltimore in the evening +afternoon flights from boston to san francisco please that leave in the afternoon +show me the first flight that arrives in toronto from cincinnati +what is sa +flights from boston to pittsburgh +show me the flights from love field to all other airports +ground transportation for st. paul +i need to fly from denver to san francisco tuesday +what are the flights and fares from boston to philadelphia +i'm requesting flight information on a flight from denver to san francisco on wednesday +what flights are there from cleveland to miami on us air that arrive in miami before 4 pm +describe ground transportation in dallas +i would like the first flight from dallas into houston on march first and the last flight from houston back to dallas on march first +can you help me with ground transportation information i need to get from the airport in philadelphia to downtown philadelphia +i'd like to have some information on a ticket from denver to atlanta with a stop in pittsburgh +i'd like to see the flights from baltimore to philadelphia +show me all flights from dallas to pittsburgh on monday which leave after 8 o'clock pm +what are the flights from atlanta to baltimore which arrive in baltimore at 7 o'clock pm +flights from cincinnati to dallas departing after 718 am +from new york to toronto on thursday morning +what's the lowest round trip fare from dallas to any city +i would like to book a flight from denver to pittsburgh on july fifteenth i'd like it to be the cheapest flight +i want a cheap from denver to atlanta +coach class flights on twa from columbus to st. paul +nonstop flights seattle to boston +what are the round trip fares for flights from denver to philadelphia arriving after 1700 on continental +what is ua +yes on the delta flight leaving san francisco at 225 pm arriving philadelphia 1158 pm what type of equipment is used on that flight +all flights from denver to philadelphia +which airlines fly from bwi to dallas fort worth +flights from los angeles to pittsburgh +are there any flights from dallas fort worth to boston leaving before 10 am +what is the earliest flight leaving boston and arriving in atlanta on november seventh +what is the least expensive airfare between boston and baltimore +i need to know information for flights leaving dallas on tuesday evening and returning to atlanta +all flights and fares from pittsburgh to dallas round trip after 12 pm less than 1100 dollars +okay let's see do you have a flight on delta airline from atlanta to boston +show me all flights from oakland to philadelphia on saturday which serve a meal and arrive in philadelphia before noon +what flights do you have leaving denver and arriving in san francisco +show me the flights from chicago to indianapolis +i need a flight from kansas city to newark on the first of july +show me the least expensive flight from miami to new york on a sunday with first class fare +looking for flights in toronto to san diego +what is the earliest flight from denver to san francisco on the morning of august twenty seventh +show me the flights from san diego to newark new jersey +nonstop flights denver to kansas city +i would like an american airlines flight from cincinnati to burbank leaving this afternoon +list all flights going from boston to atlanta on wednesday after 6 o'clock pm on wednesday +show me next wednesday's flights between phoenix and milwaukee +what classes of service does twa have +what kind of airplane goes from boston to san francisco before noon +all fares and flights from philadelphia +does midwest express serve baltimore +i would like to fly from baltimore to san francisco on eastern airlines +how many daily us air flights are there between philadelphia and pittsburgh +i'd like a flight from san diego to toronto on alaska airlines leaving around 1 pm +i need a flight from philadelphia to boston +how far is downtown from the airport in dallas +list the fares of the delta airlines flights from boston to philadelphia +list all nonstop flights from newark to tampa leaving on friday +please give me round trip fares from pittsburgh to philadelphia +is there a late afternoon flight leaving washington for denver +i want a flight from montreal quebec to san diego california that leaves sunday +a first class flight on american to san francisco on tuesday in the next week +what is the first class fare from boston to dallas +i would like to see all flights from baltimore to philadelphia +show me fares from baltimore to philadelphia +flight information on january twenty third 1992 from denver to san francisco +what is the earliest departure time from boston to denver +flights from boston to pittsburgh +information of a flight from atlanta to pittsburgh +show me flights from atlanta to washington +round trip flights from minneapolis to san diego coach economy fare +show me the flights out of love field +what is the latest flight from philadelphia to boston +what are the flights from st. louis to burbank sunday evening +show me the flight from detroit to westchester county with the highest one way fare +i'd like to make a round trip from la to newark by way of charlotte +show me the flights from westchester county to cincinnati +show me the cheapest flight on june fourteenth arriving in baltimore starting from dallas +what is the last flight from washington to boston +show me all flights from atlanta to san francisco which leave the day after tomorrow after 5 o'clock pm +find the earliest breakfast flight from boston to oakland +show me all flights between boston and washington +what flights from san jose to dallas on friday afternoon +how much will it cost taking coach from orlando to indianapolis on december twenty ninth flying us air 311 +what flights are available on wednesday from atlanta to washington dc +on tuesday the twenty third flights from philadelphia to san francisco on american airlines +find travel arrangements for a round trip flight from dallas to pittsburgh after 8 pm +what kind of aircraft is used on the first class american airlines flight from philadelphia to san francisco stopping in dallas +fly from dallas to baltimore +on august thirtieth i would like a flight from denver to san francisco in the early am +what are the flights from milwaukee to tampa +i'll need a rental car at the atlanta airport can you show me what's available +list daily flights from oakland to boston using united airlines +what is hp +could you please find me the earliest flight from boston to oakland +show me the flights from san francisco to newark that leave after 11 pm +i need a flight delta airlines kansas city to salt lake +what flights depart from charlotte to newark that leave in the afternoon or leave in the evening +i'd like to fly from boston to san francisco +what flights from boston arrive in dallas fort worth before 5 pm +list all flights leaving denver arriving in seattle on saturday that depart after 1230 pm +all flights from miami to new york +tell me distance from orlando airport to the city +is there any ground transportation to the city in dallas +what are the flights from denver to baltimore on united airlines +what flights are there on wednesday evening or thursday morning from denver to sfo +which united airlines flights go through denver +would you be able to put me on a flight with delta leaving the morning of august twenty seventh from baltimore to san francisco +what is fare code h +can i get from dallas to san francisco leaving in the morning and arriving in the morning +give me the flights from indianapolis to orlando on december twenty seventh and twenty eighth +no i want to go from denver to oakland +show flights from pittsburgh into san francisco +show me flights from milwaukee to orlando on wednesday evening or thursday mornings +show me the first class fares from boston to denver +find travel arrangements for a one way flight from boston to pittsburgh +i want a flight from toronto to san diego that stops in st. louis are there flights +show me the dinner flights from baltimore to oakland +what flights are there from memphis to las vegas +i'm interested in flying from boston to atlanta +please list any flights from oakland california to philadelphia on tuesday +show me flights between memphis and las vegas on sunday +are there any other flights from boston to pittsburgh wednesday next week later than 5 pm +between boston and denver i'd like a flight that takes the least amount of stops to get to boston +list flights from pittsburgh to baltimore +explain restriction ap please +what's the ground transportation from oakland to san francisco +what flights from miami to indianapolis +show all flights on lufthansa airlines out of boston +list all the flights from atlanta to charlotte north carolina that leave next monday +i'd like a flight from las vegas to detroit on monday +show me the cheapest fare from dallas to baltimore +show me all flights from phoenix to milwaukee next wednesday +what ground transportation is available in dallas +i need information on a flight from washington to fort worth +ground transport in oakland +is there ground transportation between airport and downtown in boston +can i go from boston to san francisco with a stopover in denver +show me all flights arriving at dallas +what are all of the flights into and out of atlanta's airport +what is the first flight from atlanta to boston leaving on thursday september fifth +i'd like information on continental airlines flights from washington to philadelphia +show me all flights between san francisco and philadelphia on september fifteenth with departure time after 12 pm +what is the earliest flight from boston to san francisco on american airlines +show me all the us air flights to pittsburgh between 12 and 4 in the afternoon +what are the flights from pittsburgh to denver and back +show me all flights from pittsburgh to atlanta +what flights leave atlanta at about 3 in the afternoon and arrive in san francisco +what type of ground transportation is available in washington +what flight do you have from pittsburgh to san francisco on the morning of august twenty seventh +fares and flights from denver to philadelphia +i'd like united airlines flights from denver to baltimore +what are all the flights from boston to dallas +give me the flights from new york city to las vegas on sunday and the flights from memphis to las vegas on sunday +what flights leave san francisco after 8 pm and go to dallas fort worth +show me round trips from houston to las vegas nonstop +what is the latest return flight from atlanta to boston +give me the lowest fare from atlanta to denver on may seventh please +what does the fare code qw mean +flights that go from oakland to philadelphia on friday +what are the dinner flights from indianapolis to san diego on wednesday may twelfth +i'd like to find the cheapest flight from washington dc to atlanta +i would like a flight from boston to san francisco on august seventeenth +please show all flights from philadelphia to denver airport next sunday +show me flights from pittsburgh to san francisco on friday leaving after 12 noon +american flights to houston from cincinnati +what is the cheapest one way fare from atlanta to boston +what is the least expensive one way fare from boston to san francisco +philadelphia to boston monday +please list the twa flights from las vegas to new york and fare +show me flights from dallas to baltimore +now i want to see return flights from miami to new york +flight from denver to dallas fort worth +on july twenty third an early flight on american from philadelphia to san francisco +show me all the flights from toronto on nationair +display all flights from denver to san francisco on august seven +show me the united flights which go from boston to washington dc +i would like a flight as early as possible in the day leaving from boston and to denver +list all flights on saturday from dallas to san francisco nonstop +what is your last trip on august twenty seventh from washington to boston +show me the flights from baltimore to oakland please +which united airlines flight flies from boston to san francisco and makes a stopover in philadelphia +list all daily flights between boston and oakland using american airlines +what flights leave pittsburgh for denver on monday night +list all flights from boston to san francisco with the maximum number of stops +does eastern airlines fly between boston and washington +what delta flights are available from pittsburgh to san francisco +find a flight between denver and oakland the flight should be in the afternoon and arrive close to 5 pm the flight should be nonstop +can you tell me about ground transportation between the dallas airport and downtown dallas +on july eighth i'd like a flight from newark to orlando in the morning +show first flight from pittsburgh to atlanta on wednesday +what is yyz +what are the flights from san jose to nashville on thursday the twentieth +what is the distance from los angeles international airport to los angeles +show me all flights from san diego to los angeles +list all flights leaving san francisco monday afternoon arriving in pittsburgh +show me the delta flights from san francisco to boston +show me all flights from san francisco to boston philadelphia or baltimore +what are the afternoon flights for denver to san francisco +i would like a morning flight from milwaukee to denver colorado please +show me all flights from atlanta to denver which leave after 5 o'clock pm the day after tomorrow +give me the continental flights from seattle +what flights do you have between oakland and boston with a stopover in dallas fort worth +i'm traveling from boston to atlanta and i'd like to go sometime after 5 pm but i want to know what kind of airplane it's on +how many united flights are there to san francisco +july seventh what is the cost of a round trip ticket traveling first class on united airlines leaving from denver going to baltimore +what ground transportation is available in san francisco +what northwest airline flights leave denver before noon +show me any show me what the first class fares are of the flights from pittsburgh to san francisco on monday +flights from columbus to milwaukee +what is the latest flight on wednesday going from atlanta to washington dc +show flights from pittsburgh to oakland on us airlines with fare information +all flights from pittsburgh to philadelphia +i need to fly from boston to denver and then to san francisco and back to boston +what does ewr mean +what's the cheapest flight from dallas to baltimore on december seventeenth +what does it cost to fly from boston to oakland on united airlines +i want information on flights from atlanta to washington dc i want to leave wednesday after 4 pm or thursday before 9 am +i would like to fly from boston to baltimore +tell me about ground transportation in st. petersburg airport +what are all flights from denver to philadelphia on saturday +list the flights from toronto to salt lake city +what are the latest flights that i can take from baltimore to boston +what flights are between dfw and oakland +i need a listing of flights from st. petersburg florida to tacoma washington leaving tomorrow and i would like to have a stopover in milwaukee please +what flights from atlanta to washington +show fares and flights from denver to oakland +show me the cheapest flights from san francisco to philadelphia +show all flights from pittsburgh to san francisco +show me round trip tickets from new york to miami +show me the flights from boston to san francisco that stop in dallas +from las vegas to phoenix +show me the flights from boston to oakland +i need late flight wednesday from oakland to salt lake city +i need information from denver to pittsburgh +please list all flights between indianapolis and orlando on the twenty seventh of december +okay i'd like a nonstop flight from houston to memphis that arrives in memphis in the early afternoon on tuesday june first +i'd like a flight from boston to san francisco leaving in the afternoon any time please +show me the round trip tickets from baltimore to atlanta +show me all flights from philadelphia to denver on sunday which leave philadelphia after noon +flights between milwaukee and orlando one way +show me the one way flights from detroit to westchester county +find travel arrangements for a round trip flight from dallas to pittsburgh arriving after 8 pm before 10 pm +i want to go from boston to oakland on united and leave at 838 am which flight should i take +list all united flights from boston to san francisco with fare code qx +what is restriction ap 80 +what are the flights from nashville to tacoma on tuesday the eighteenth of may +what type of ground transportation is available at logan airport +what flights from indianapolis to memphis +which flights are there on tuesday from san francisco to pittsburgh +show me flights from washington to boston on friday +what is airline dl +what are the fares for flights between atlanta and dfw provided by american airlines +show me the ground transportation in the salt lake city airport +do all the flights to oakland land at the same place +i'm interested in the cheapest fare from washington to fort worth +please show me flights which cost less than or equal to 466 dollars from new york to miami leaving on a tuesday +now i need a flight leaving fort worth and arriving in denver no later than 2 pm next monday +all flights from boston to washington dc on the tenth of november +ground transportation philadelphia +i want the flights from toronto to san diego that stop in st. louis +hi i need to go from cincinnati to san jose california after 6 pm on saturday +show me the flights from love field +show me flights from pittsburgh to philadelphia +while i'm in pittsburgh what ground transportation is available +show me the flights from denver to philadelphia and the flights from pittsburgh to philadelphia +what airplane types fly from pittsburgh to baltimore +list the flights from dallas to san francisco on american airlines +train to newark +what flights go to san francisco from boston +show me all flights from philadelphia to dallas which arrive in dallas before 3 o'clock pm on saturday +list evening flights tomorrow from phoenix to detroit +what is the earliest flight going from san francisco to dallas on monday august nineteenth +i would like to originate my flight in washington dc stop in denver with the destination city of san francisco +what's the fare for delta flight 217 from dallas to san francisco +what are the times that you have planes leaving from san francisco going to pittsburgh on july seventh +flights between new york and san jose +show me all flights from new york to miami on a tuesday with round trip fare less than 932 dollars +what does fare code qo mean +what are the flights available in the morning between boston and denver +what is the latest flight from washington dc to denver +what does ground transportation look like in oakland +i would like a flight from baltimore to san francisco on twa with a stop in denver +flight from denver to boston +show me all nationair flights from toronto +what is the abbreviation for canadian airlines international +list the flights from houston to st. paul +how much does it cost to fly from boston to atlanta +what airline is dl +i'd like a flight on united airlines from dallas to san francisco that leaves after 815 am +what are the flight numbers of the flights which go from san francisco to washington via indianapolis +looking for a flight from cleveland to dallas +630 am flight on august twenty seventh from atlanta to dallas +flights between tampa and st. louis +show me ground transportation in westchester county +is there ground transportation from atlanta airport to downtown atlanta +show me all the flights out of boston today +what type of aircraft leaves from boston to washington dc before 9 am +i'd like to see flights from pittsburgh to atlanta +i'd like a flight from st. petersburg to miami on that next thursday +give me the earliest flight tomorrow on northwest airlines from st. petersburg to milwaukee +what flights from atlanta to st. louis on tuesday arriving around 230 pm +what flights from detroit to st. petersburg +i need a flight from los angeles to pittsburgh on monday afternoon +is there an early morning delta airlines flight between boston and washington +what airlines fly from toronto to san diego with a stopover in denver +i need a flight from cincinnati to san jose leaving after 6 in the evening +show me the one way flight from detroit to westchester county with the highest fare +is there a flight between oakland and boston with a stopover in dallas fort worth on twa +what kind of ground transportation is there in philadelphia +give me flights from pittsburgh to baltimore +i'd like to fly from boston to baltimore +list all the flights that takeoff from general mitchell international +what is the first flight from atlanta to boston on thursday september fifth that leaves after 8 am +hello i would like to plan a flight from boston to denver +give me all the flights from miami to chicago on american airlines +atlanta ground transportation +show me the cheapest one way fares from san diego to miami +flights from baltimore to washington dc +what is the earliest flight that has no stops from washington to san francisco on friday +list all flights leaving denver on continental on sunday after 2134 +i would like to fly from denver to pittsburgh and atlanta +what is the least expensive flight from pittsburgh to atlanta leaving on october fifth +please show me flights from philadelphia to baltimore between 10 am and 2 pm +how much does flight ua 297 from denver to san francisco cost +show all flights from denver to san francisco +on november twenty third what flights go from atlanta to denver on delta airlines +what ground transportation is available in dallas tomorrow +am flights from atlanta to philadelphia +what does the fare code y mean +what american airlines flights depart milwaukee for phoenix on saturday or sunday +which flights depart burbank after noon and arrive in denver by 6 pm +show me the flights before 11 am on august second from boston to denver on delta +give me flights from san francisco to boston on thursday afternoon +what is the cost of limousine service at logan airport +information on round trip flights from pittsburgh to san francisco first class +explain the restriction ap 57 +i would like a flight leaving from boston arriving in san francisco with a stopover in atlanta +what is airline ff +is there ground transportation from the airport to downtown phoenix +does flight dl 323 dl 229 from boston to denver stop in philadelphia +i'd like to fly from tampa to montreal +show me us air fares for next sunday from miami to cleveland +show me the flights from san francisco to dallas +i would like the flight from atlanta to denver that has the cheapest one way fare +is there a flight from charlotte to newark on tuesday evening +how many people fly on a turboprop +i need a return flight from chicago to kansas city leaving chicago around 7 in the evening next thursday +what economy flights are available from dallas to baltimore on december seventeenth +what does the fare code f and fn mean +how do i get to philadelphia downtown from the airport +could you find me a flight from boston to san francisco that stops in denver +what ground transportation is there in denver +fare code y what does that mean +which flight is a one way fare at 329 dollars from denver to pittsburgh +i am also interested in a flight that runs from st. louis to las vegas +show me the evening flights from philadelphia to baltimore +what kind of aircraft is used on a flight from cleveland to dallas +i need a nonstop flight from atlanta to baltimore arriving between 5 pm and 730 pm +what does fare code y mean +what flights go from boston to atlanta next tuesday +show flights from pittsburgh into san francisco +i would like to book a flight for august twenty seventh from baltimore to san francisco on us air +what airport in new york is closest to downtown +i want a flight that leaves thursday around 7 pm from chicago to kansas city +what flights are available monday from san francisco to pittsburgh +show me the round trip tickets from baltimore to dallas +show me the flights from baltimore to pittsburgh +what flights are there from newark to seattle on saturday +i'd like the lowest fare from denver to pittsburgh +i want to go from denver to oakland +i want to fly from milwaukee to orlando +give me the latest flight tomorrow on american airlines from milwaukee to tacoma +show me morning flights from atlanta to philadelphia +what is the price of business class from boston to san francisco on twa +first i'd like to fly from philadelphia to dallas and fly from dallas to san francisco +show me the cheapest flight arriving in baltimore on june fourteenth starting from dallas +what would be cost of a round trip from pittsburgh to san francisco +philadelphia to san francisco monday +what flights go from chicago to seattle on continental airlines on saturday +show me the cheapest one way tickets from atlanta to dallas +show me all flights from oakland to philadelphia on saturday which serve a meal +show me the flights from dulles to san francisco leaving after 6 pm +can you tell me which flights go from memphis to tacoma and make a stop in los angeles +i need a flight on air canada from toronto to san diego with a layover in dc +how many people fit on a 73s +show me the flights into love field +what flights are available from boston to denver today +please list the american airlines flights from houston to milwaukee +list the number of flights leaving boston for dallas fort worth before 9 am in the morning +show me the flights from atlanta to baltimore +does continental fly from boston to san francisco +what flights are there from newark to tampa +how many first class flights does united have leaving from all cities today +what are all flights from boston to pittsburgh on wednesdays +show me a list of ground transportation at denver +show me the evening flights from atlanta to boston +show me the flights from denver to philadelphia again +what flights can i take between boston and atlanta so that when i leave boston i will have the maximum amount of time on the ground in atlanta and still return in the same day +how can i get from indianapolis to montreal in the evening +what's the capacity of an f28 +show me all flights from denver to pittsburgh which serve dinner +which flights leaving baltimore to dallas on monday afternoon have economic class +i'd like to fly early tomorrow from columbus to minneapolis +is there a 4 o'clock flight from washington dc to denver +information on first class round trip from pittsburgh to san francisco +when is the earliest flight from boston to denver +san francisco to denver tuesday +i need your help with information on ground transportation from the airport in philadelphia to downtown +show me all flights from montreal +information on american airlines from fort worth texas to philadelphia +what is the meaning of fare code qx and qw +flights on sunday from tampa to charlotte +show me dallas to boston flights +show me all twa flights please +hello i would like to plan a flight on american airlines from boston to denver +can i take a single airline from la to charlotte to newark back to la +all flights from boston to washington dc +how much does it cost to get downtown from the atlanta airport by limousine +i'd like to fly united airlines from washington to denver +what are the flights from denver to san francisco on tuesday october fifteenth +list flights from detroit to san diego on thursday +list all flights from chicago to seattle on continental airlines which depart on saturday before noon and include a meal +list all flights from pittsburgh to philadelphia +what flights from st. paul to kansas city on friday with supper served +are there any thrift economy flights to san francisco from boston +what flights are available from atlanta to washington dc on wednesday +show me the flights to love field +show me the ground transportation at denver +airports +give me the continental flights from chicago to seattle on friday +explain restriction ap 57 +show me flights from atlanta to philadelphia in the morning +does eastern airlines fly early in the morning between logan and bwi +show me all flights from milwaukee to orlando +i would like a flight leaving from washington to boston at 110 pm on august twentieth +display all flights from baltimore to boston on july twenty ninth +show me all flights from boston to denver which arrive before noon on wednesday +hi i'm calling from boston i'd like to make a flight to either orlando or los angeles +show me flights from denver to philadelphia +what time does the flight leave denver going to san francisco on continental airlines +all flights from washington dc to san francisco after 5 pm on november twelfth economy class +show me the flights from boston to pittsburgh on wednesday and thursday +i would like a nonstop flight from new york to las vegas on march second +display types of aircraft departing from cleveland to dallas before noon +show me the flights from baltimore to dallas +list all flights leaving denver on continental on sunday +first class american flight from philadelphia to dallas on wednesday +from washington dc to philadelphia departing in the afternoon +what is the meaning of meal code s +list all flights departing from general mitchell +i would like to know the flights that are available leaving out of pittsburgh to san francisco on thursday night after 9 pm +please give ground transportation at denver airport +please list the flights for me that leave dallas on tuesday morning and arrive in atlanta +what flights does american airlines have from boston to dallas +what flights go from boston to pittsburgh after 1205 in the afternoon +what flights depart from pittsburgh and arrive in oakland california +i'd like to leave atlanta in the afternoon and arrive in philadelphia at 5 pm +what's the earliest flight leaving denver for pittsburgh +please list the flight times from boston to pittsburgh +flights from atlanta to washington dc +what is restriction ap 55 +i am interested in a flight from cincinnati to burbank the flight should be american and leave in the afternoon i need to know the aircraft and flight number +show me all flights from philadelphia to san francisco with one stop in dallas +what is the cheapest flight from san francisco to pittsburgh on sunday +i need a united airlines flight from denver to baltimore on saturday +list all flights from baltimore to atlanta after noon thursday nonstop +i want a flight from boston to atlanta +what type of ground transportation is available between the airport and downtown san francisco +on monday i'd like to travel from las vegas to detroit michigan +show me the flights from boston to san francisco +show me all the flights leaving baltimore +do you have an early morning direct flight from philadelphia to pittsburgh +i want to see the cheapest flight from denver to pittsburgh +show me the car rentals in baltimore +i'm flying from boston to dallas +show me the earliest flight from cleveland to memphis +what is the ground transportation from philadelphia airport to the city proper +i'm looking for a flight leaving denver traveling to atlanta and stopping at pittsburgh is this possible +what is the first flight after 8 am from boston to san francisco +are there any flights from pittsburgh to boston that leave between noon and 5 o'clock +show me the last flight on wednesday from atlanta to denver +show me the ground transportation to westchester county +find travel arrangements for a round trip flight from dallas to pittsburgh arriving after 8 pm +what is the earliest flight from boston to denver +what's the latest flight from san francisco to atlanta +what types of ground transportation are available in denver +do you have a 747 that flies from san francisco to baltimore +what is the type of aircraft for united flight 21 +show me flights from minneapolis to seattle on july second +show me all the flights from san francisco to boston for august thirty first 1991 +what does code y stand for +what is the earliest flight leaving washington to san francisco +what flights from newark to los angeles on wednesday +give me the flights from new york to las vegas and memphis to las vegas on sunday +please list all northwest flights into denver +does midwest express serve baltimore +what are the fares for flights from la to newark leaving monday morning +dallas ground transportation +i would like a flight from philadelphia to dallas +please list information regarding san francisco airport +what times does the late afternoon flight leave from washington for denver +i'd like to know the price of first class seats from atlanta to san francisco +what is the price of american airlines flight 19 from new york to los angeles +please show me the return flights from miami to new york +looking for a flight from dc to denver colorado +flights from san francisco august one +i'd like a flight tomorrow from columbus to houston with a stopover in nashville +show me flights from boston to baltimore coach on wednesday about 12 noon +does american airlines fly from atlanta to philadelphia +what does fare code m mean +what is the last flight from baltimore to boston +list all flights that leave from baltimore or denver or pittsburgh and arrive in philadelphia +show me the flights from pittsburgh to philadelphia +what's the lowest round trip fare from atlanta to pittsburgh +what flights are there on delta from boston to dallas +show me the cheapest fare in the database +what kinds of planes are used by midway airlines +i would like a list of round trip flights between indianapolis and orlando florida for the twenty seventh and the twenty eighth of december +what is your last flight leaving san francisco and arriving in denver +i would like to fly from boston to atlanta +i'd like to make a trip between atlanta and boston i wish to know the cheapest fare +what flights are there from new york city to las vegas +what's the earliest flight from nashville to tacoma on american on tuesday the eighteenth of may +please list all flights from baltimore to atlanta +what is the most expensive flight from dallas to baltimore +what are the fares for flights between atlanta and dfw provided by delta airlines +find travel arrangements for a round trip flight from baltimore to pittsburgh +what about the flights from boston to la +i need a return flight from chicago to kansas city leaving chicago around 7 in the evening on the day following next wednesday +show me the cheapest round trips from dallas to baltimore +what airline besides continental flies between boston and denver +what are the flights from philadelphia to dallas on october first 1991 +please list only united airlines flights between denver and boston +flights from atlanta to san francisco august second +show me the flights on delta or twa which go through atlanta +i want an early morning flight from boston to philadelphia +i would like a flight from philadelphia to san francisco but i would like to stop in dallas +what are the costs of flights from dallas to boston tomorrow +list all the airlines flying between washington and denver +show me the flights from indianapolis to montreal +show me the flights between boston and san francisco denver and san francisco boston and denver +flights from westchester county to san francisco daily +can you list the cheapest round trip fare from orlando to kansas city +list flights from pittsburgh to atlanta on the evening of august sixth +saturday flights from las vegas to montreal +please give me all flights from dallas to oakland before noon +us air next wednesday from cleveland to miami +may i see all nonstop flights from st. petersburg to charlotte +what kind of aircraft does delta use before 8 am on august second from boston to denver +what flights are available between boston and washington arriving in washington at 630 +what nonstop flights between atlanta and washington leave atlanta after 6 o'clock pm +what flights go from san francisco to dallas +i need a flight from boston to san francisco via dallas fort worth +flights from ontario to orlando +i need a flight from philadelphia to dallas +what is fare code qw +list all american airlines flight from milwaukee to phoenix on sunday +i need to reverse the flight from pittsburgh to denver please +please give me the flights from boston to pittsburgh on thursday of next week +show me fares for flights from minneapolis to seattle on july first 1993 +what northwest airline flights leave denver before noon +give me flights from atlanta to baltimore +how much does flight dl 402 from denver to philadelphia cost +i want a flight from milwaukee to orlando one way leaving after 5 pm on wednesday +show me the flights from boston to pittsburgh on thursday +show me the last flight from denver to boston +is there a united airlines flight from miami to washington dc arriving around noon +nonstop flights denver to boston +show me the flights from dallas to baltimore at economy level +how long does it take to get from kansas city to st. paul +i need a flight from indianapolis to toronto reaching toronto on thursday morning +does midwest express serve philadelphia +i want a flight departing from newark to los angeles that leaves in the morning +us 771 pittsburgh to philadelphia what is the fare +pittsburgh to denver +what airlines fly between boston and san francisco +show me flights from boston to denver early am on tuesday +i'd like to fly from boston to san francisco could you find me the cheapest fare +does american airlines have a flight from pittsburgh to atlanta +list all flights from atlanta to baltimore thursday morning +is the american flight 813 from boston to oakland a flight that goes straight through from boston to oakland without stopping at another city +what is the earliest flight that i can take from boston to baltimore +please explain fare code f +i'm sorry i want to book a flight from atlanta to denver colorado +show me the direct flights from san francisco to boston +i want wednesday flights from atlanta to washington dc +list the total number of flights between all airports by delta +list the flights from pittsburgh to san francisco on thursday +what delta flights are available to fly from philadelphia to boston +what is fare code q +all flights phoenix to sfo +please give me fares from denver to philadelphia +show me all connecting flights on united airlines between boston and san francisco +get me a first class flight on american to san francisco on tuesday next week +show me us air flights from san francisco to pittsburgh on tuesday +i need information flight information for tuesday on a flight leaving baltimore bound for dallas +what flights leave pittsburgh and arrive in los angeles after 5 pm on thursday +what flights are there from minneapolis to newark on continental +i want to fly philadelphia to dallas on july eighth +do you have any flights from denver to baltimore via dallas +is there a round trip flight from atlanta to dallas via denver +list american airlines flights from newark to nashville +what are the flights from boston to san francisco +what flights from atlanta to toronto +where is general mitchell international located +what flights are there tuesday morning from dallas to atlanta +show me flights from pittsburgh to los angeles thursday evening +i want wednesday flights from atlanta to washington dc +flights from washington dc to denver +what is the available ground transportation between san francisco and downtown +give me a flight from memphis to las vegas and new york city to las vegas on sunday that arrive at the same time +show me first class flights one way tampa to st. louis +show me all the flights from burbank to denver +i need to fly leaving philadelphia to atlanta +what flights go from pittsburgh to newark after 305 in the afternoon +i would like information on ground transportation in atlanta from the airport to the city in the morning around 9 am +find a flight from philadelphia to san francisco please on delta +list all the flights from atlanta to philadelphia on august the first +all round trip flights between new york and miami business class fare +what airlines go from atlanta to baltimore +i want to see the cheapest flight from atlanta to baltimore +what is the cheapest fare for flights from boston to dallas +repeating leaving denver to san francisco before 10 am what type of aircraft is used +i need to make a trip starting in boston going to dallas denver oakland and back to boston +what is the earliest morning flight from san francisco to boston +now show me the flights from denver to atlanta +give me the flights from memphis tennessee to charlotte north carolina +what is your earliest morning flight from indianapolis to charlotte +i need flight information between atlanta and boston +show me flights from boston to philadelphia on a monday +i need a flight from san diego california to indianapolis indiana leaving in the afternoon on tuesday +list all american airlines flights from phoenix to milwaukee which arrive on wednesday after 4 pm +what airport is at tampa +show me the flights from atlanta to bwi +what kind of ground transportation is there in washington dc +show flights from pittsburgh to oakland connecting through denver +is there a flight from atlanta to san francisco which connects in dallas +where does canadian airlines international fly +show me the most expensive fare +what is the first flight from boston to atlanta and what is the last flight from atlanta to boston +flight from dc to salt lake city +what are the flights from boston to philadelphia +show me the flights from san diego to newark +show me the fares from washington to oakland +what is the least expensive one way fare between philadelphia and boston +what continental flights go from chicago to seattle before 10 am in the morning that have a meal +i want a flight between oakland and boston that arrives before 5 pm +could you tell me if delta flight 296 serves breakfast +i would like to see the flights from denver to philadelphia +please show me all fares for flights from denver to oakland +list all flights on continental leaving denver +what flights go from boston to denver before 10 am +i would like a flight from toronto to san diego that stops in kansas city +i need a flight from toronto to san diego with a layover in washington dc on air canada +what is the fare going one way on november seventh from denver to oakland +which airlines have nonstop flights from kansas city to chicago +what is the cheapest fare between atlanta and san francisco +what ground transportation is available in boston +information on american airlines from washington to fort worth +what is the cost of a business class ticket going from boston to dallas leaving july first +what is the last flight leaving san francisco going to washington on friday +show me all the flights from cincinnati to toronto +what are the flights from dallas to philadelphia +how can i go from the san francisco airport to downtown san francisco +what are the fares for flights from charlotte to newark on tuesday and wednesday +show me the flights from washington to boston +show me flights from new york to miami on a tuesday with a round trip fare less than 466 dollars +show me your flights from atlanta to denver on june fourth +show all monday flights from san francisco to pittsburgh +list all flights on continental leaving denver on sunday after 2134 +list flights between denver and pittsburgh +does delta have an early afternoon flight from boston to san francisco +show me the flights on tuesday morning from charlotte to baltimore +show me all the flights between oakland and denver +please list all flights from oakland to dallas on sunday morning +are there any flights before 12 noon on june fifteenth from long beach to columbus +what flights go from san francisco to boston and leave after 1 o'clock +please show me all round trip flights from new york to miami +what is the cost of a round trip flight from pittsburgh to atlanta beginning on april twenty fifth and returning on may sixth +show me the flights from philadelphia to dallas +what flights go from baltimore to newark wednesday morning +please repeat the flight departures for monday august nineteenth from denver to pittsburgh +i need a flight from baltimore to dallas tomorrow morning +what are the flights from cleveland to indianapolis for wednesday the twelfth +what flights does delta have between dallas and denver +show me flights from anywhere to philadelphia arriving after 2100 +what flights are there from baltimore to san francisco +what are the flights from boston to san francisco +when does continental fly from philadelphia to denver on sundays +what flights from chicago to denver in the morning +on august thirtieth please schedule me on a flight from denver to san francisco early in the morning +show me the flights from boston to pittsburgh next wednesday night after 6 o'clock +where is general mitchell international located +i will be staying downtown in atlanta for two hours could you tell me what the ground transportation is available +how do you travel from san francisco airport to downtown san francisco +does delta airlines fly from boston to washington dc +what ground transportation is available from the pittsburgh airport to the town +please show me all the flights from denver to oakland that are nonstop +i want to fly nonstop from denver to dallas +show me which flights from san francisco to pittsburgh on a monday are first class +what is the earliest flight that eastern has between boston and washington +what is the earliest flight in the morning from boston to pittsburgh +show me ground transportation in denver during weekdays +can you list costs of denver rental cars +i'd like to fly from philadelphia to san francisco through dallas +list all flights from baltimore to philadelphia +what's the earliest flight from boston to philadelphia +sunday flights from new york city to las vegas +show me flights from miami to new york leaving on a sunday first class +what is fare code h +may i have a listing of flights from long beach to columbus ohio on tuesday +i'd like the cheapest one way fare from boston to san francisco +i'd like a list of the flights from oakland to dallas fort worth on sunday +tell me about flights from toronto to salt lake city leaving after 530 pm +let's see how much would a direct flight from atlanta to denver be on may seventh +what is the ground transportation available in denver +i need a cheap flight from baltimore to san francisco +on april fifteenth i would like an early morning flight from boston to atlanta +do you have a flight from atlanta to charlotte north carolina next monday +does us air have any flights out of atlanta to denver +what's the earliest flight from boston to bwi that serves lunch +give me all nonstops from new york city to las vegas that arrive on a sunday +morning flight from oakland to dallas +i live in denver and i'd like to make a trip to atlanta +find travel arrangements for a round trip flight from boston to pittsburgh +i need a flight from new york city to montreal tomorrow +show me fares from dallas to baltimore that cost less than 300 dollars +i want to know what flights you have available coach or economy class from baltimore to dallas +i want to leave from philadelphia and go to atlanta baltimore and boston please list these flights +i need a flight from boston to denver +show me the aircraft that canadian airlines uses +list the flights that arrive and depart from general mitchell international airport +i want a flight from ontario to chicago +how much is a round trip first class fare between boston and washington +show me the flights from san diego to newark +list all daily flights between boston and oakland using delta airlines +show me all flights from denver to burbank +what flights are available saturday to san francisco from dallas +flights from baltimore to philadelphia where the round trip fare is less than 1000 dollars +tuesday morning flights between charlotte and baltimore +show me the flights from atlanta to boston +please list all flights on northwest and united airlines that go to denver +i want to go between boston and san francisco +what flights from memphis to miami on wednesday +show me all the united flights from boston to denver +please show me airfare of flight us 345 from boston to pittsburgh +list the flights on sunday afternoon from oakland to dallas +in dallas fort worth i would like information on ground transportation +okay tell me what the earliest flight is that leaves between atlanta and denver +i want an early morning flight between philadelphia and pittsburgh on tuesday morning +list flights between boston and san francisco that serve breakfast +what flights does us air have from san francisco to pittsburgh on tuesday +what is the latest flight from boston to denver that serves a meal +give me the round trip coach fare from dallas to baltimore +pittsburgh to denver +what is the cost of flights from denver to san francisco +show me the flights from atlanta to washington dc on thursday evening +show me all flights from san francisco to washington dc area +how many flights does continental airlines have with a class of service code f +i want to fly from atlanta to philadelphia +flights from new york to miami +what flights are provided by delta airlines +list daily flights from denver to baltimore with first class service +show me all midwest express flights from detroit to chicago +show me the flights on friday from newark to tampa +list flights from boston to pittsburgh leaving early in the morning on august sixth +what are the coach class fares on flights from pittsburgh to atlanta +is breakfast served on flight ua 343 from boston to denver coach class +is there a flight leaving from boston to atlanta +yes i'm looking for a flight between oakland and boston with a stopover in dallas fort worth do you have one of those +show me the flights leaving from atlanta for washington dc on thursday morning +show me all flights from san francisco to la guardia nonstop +what's the cheapest flight from denver to pittsburgh +what are all monday flights from denver to san francisco on united airlines +which airlines fly between boston and philadelphia +display all the flights from baltimore to dallas which leave after 4 pm +what afternoon flights are available from denver to san francisco on wednesdays +do you have a flight from philadelphia to san francisco with a stopover in dallas +i'm starting from denver +find a flight from toronto to san diego with a layover in dc on delta airlines +list nonstop flights on sunday from new york to las vegas and list nonstop flights on sunday from memphis to las vegas +what is the earliest flight between pittsburgh and denver that serves breakfast +please list the cost of all flights from philadelphia to denver airport next sunday +a flight on continental airlines leaving boston and going to denver +show me all flights arriving to denver from baltimore oakland and boston +show me the cheapest fares from miami to new york leaving on a sunday +can you show me the cheapest round trip flights between denver and pittsburgh +what are the flights from boston to san francisco +show me the flights from denver to san francisco +display all flights from boston to baltimore on july thirty first +show me all flights from baltimore to philadelphia +i would like to find a flight that goes from la guardia airport to san jose i would like the flight to be on united airlines and arrive in san jose around 10 pm +i would like a flight from denver to pittsburgh +do you have a flight from charlotte to atlanta next tuesday +list flights from pittsburgh to san francisco +show me flights from seattle to san francisco that leave after 5 pm +i would like to book a flight for may twenty sixth going from tampa to milwaukee a direct flight if possible +list all flights leaving on thursday morning from new york city to montreal +find me the flights that are nonstop between boston and dallas that leave between 12 and 2 in the afternoon +what flights from las vegas to san diego +give me the flights from san francisco to washington dc for december first +show me the flights from dallas to san francisco +show me flights going from boston to denver arriving on wednesday morning +what is the ap 57 restriction +show me the flights from montreal to chicago +display all flights from dallas to boston on july thirtieth +what limousine service in toronto +all flights from long beach to phoenix +what's the schedule of flights from atlanta to boston on august first +please list nonstop flights from las vegas to new york on america west +ground transport denver +show me flights monday night after 8 pm for dallas to boston +i would like one flight from kansas city to st. paul arriving around dinnertime 6 pm +i want to fly boston to dallas +show me the us air flights from atlanta to boston +show me the aircraft that canadian airlines uses +show me flights from denver to atlanta +show me all flights from indianapolis to montreal +define airline us +i would like a flight from philadelphia to san francisco +what sort of ground transportation is there in washington dc +what flights are available between philadelphia and denver on september sixteenth +baltimore to philadelphia +show me flights which leave from boston on july twenty second arriving in pittsburgh +let's look at baltimore to philadelphia again +show me the flights from atlanta to washington dc on wednesday night and thursday morning +what flights do you have in the morning of september twentieth on united airlines from pittsburgh to san francisco and a stopover in denver +what is the fare from boston to oakland on united airlines +what flights are there from dallas to pittsburgh on monday morning +please list the flights from philadelphia to toronto +i want to travel from kansas city to chicago round trip leaving wednesday june sixteenth arriving in chicago at around 7 o'clock in the evening and returning the next day arriving in kansas city at around 7 o'clock in the evening which airlines fly that route +how much is a first class ticket from boston to san francisco +morning flight from boston to philadelphia +i would like a flight from washington to boston leaving at 230 on august twentieth +what flights are there from atlanta to oakland on thursday +show me the available flights from san francisco to boston on november twenty fourth +flights from newark new jersey to cleveland ohio +what is the earliest flight from boston to oakland that serves a meal +show me all canadian airlines flights from toronto +give me the cheapest flight from charlotte to long beach +okay for now i would like information on a flight on april twenty seventh from pittsburgh to atlanta leaving early in the morning about 8 o'clock +i would like to book a flight from chicago to seattle on june fourth +show me all the flights from milwaukee to orlando that leave after noon on wednesday and before noon on thursday +are there any flights between pittsburgh and baltimore using a j31 aircraft +all flights from denver colorado to pittsburgh pennsylvania +show me fares leaving on tuesdays from denver to go to dallas +what is the last flight from dallas to boston in the evening +what is the earliest nonstop flight from washington to san francisco +please list the friday flights from houston to milwaukee on american airlines in the evening +show me flights denver to washington on wednesday +what is the latest afternoon flight i can get from dallas to san francisco on first class +show me the lowest fare for a round trip flight from baltimore to dallas +does midwest express have any flights from montreal to detroit +show me all flights from denver or philadelphia or pittsburgh to baltimore +what is the lowest fare from denver to pittsburgh +what airlines fly from toronto to san diego +what is the cheapest flight from denver to pittsburgh +show me the price of flight ea 212 from atlanta to washington +what is the cheapest one way flight from atlanta to boston +what times on wednesday could i take a plane from denver to oakland +show me the flights that go from san diego to newark by way of houston +what are the flights from boston to baltimore leaving tomorrow +what is hp +i need a flight from atlanta to charlotte north carolina next monday +is there one stop with the us air boston leaving at 705 to atlanta +find me the earliest flight from boston to atlanta on any day of the week +what are the flights from chicago to indianapolis +is there a red eye flight from san jose to nashville on wednesday the nineteenth of may +airline code as +give me all flights from new york city to las vegas that arrive on a sunday +show me the flights from boston to denver +i need a flight from tampa to montreal +cheapest flight from memphis to miami +show me the flights on continental from indianapolis to san diego in the afternoon tomorrow +show me the fares on all flights round trip from pittsburgh to oakland +please list the flights from washington dc to atlanta +i would like to fly to baltimore +show me first class flights from pittsburgh to san francisco on friday +all do you have a flight from washington to boston that stops in philadelphia +show me round trip fares between san francisco and washington dc +what flights depart baltimore on friday and arrive in san francisco by 8 pm +i need a flight from new york to san francisco +please give me flights from atlanta to boston on wednesday morning and thursday afternoon +show me the flights from boston to denver on august second +what flight from boston to atlanta arrives earliest in atlanta +what is the earliest flight from boston to dallas fort worth leaving august eighth +i want to leave philadelphia and arrive in atlanta on a thursday +show me all the flights that go from baltimore to seattle +display all flights leaving from toronto to san diego on us air laying over in washington dc +i'd like to fly nonstop from atlanta to baltimore and get there at 7 pm +what are your flights from denver to baltimore +all flights from baltimore to philadelphia less than 1000 dollars +i need ground transportation in seattle +all flights and fares from atlanta to dallas round trip after 12 pm less than 1100 dollars +show me all flights from boston to dfw +does us air have a flight from toronto to salt lake city monday may thirty first +list all flights going from boston to atlanta before 7 o'clock am on thursday +i need to fly from baltimore to dallas on tuesday evening +what is ewr +what is the earliest morning flight leaving boston for washington +please give all flights from dallas to oakland california monday +do you have a united flight from boston to washington +please list the flights from new york to los angeles +what does fn under fare code mean +is fare code b the same as business class +can you show me what flights are available on december sixteen going from oakland to dallas +could you please give me a one way fare from pittsburgh to atlanta +i'd like to find a flight from charlotte to las vegas and make a stop in st. louis +flights from ontario to orlando +list united flights from denver to san francisco on wednesdays +show me round trip fares from baltimore to philadelphia +how much would car rental cost in atlanta +list daily flights from boston to oakland using twa +what is the smallest aircraft available flying from pittsburgh to baltimore arriving on may seventh +i need to fly from atlanta to charlotte north carolina next monday +what are flights between boston and pittsburgh on august tenth +what are the flights from denver to oakland +round trip fares from baltimore to philadelphia under 1000 dollars +flights from boston to pittsburgh +i'd like to leave from boston on tuesday and i'd like to leave sometime in the morning +please list the shortest one stop flight from ontario california to orlando florida +give me a list of airports in baltimore +show me the flights from oakland to washington +show me all the cheapest fares from new york to miami leaving on tuesday +please list all flights between boston and atlanta +what are connecting flights from chicago to seattle on june first +flying from pittsburgh to atlanta on september fourth what would be the cheapest flight +show me continental flights from chicago to seattle on saturday morning +show me the flights from boston to pittsburgh on wednesday or thursday +i would like a flight between denver and san francisco leaving from denver in the afternoon and arriving at 5 pm +i'd like to fly late tomorrow from minneapolis to long beach +train to newark +dallas to oakland saturday +does american airlines fly from philadelphia to san francisco +what is your cheapest flight from pittsburgh to denver +what is the earliest flight from boston to san francisco that serves a meal +show me flights from denver to philadelphia on a monday +what flights are available from boston to atlanta on july seventh 8 am +show me times for coach flights between boston and baltimore on wednesday +show me flights from denver to san francisco on wednesday +could you tell me the flights leaving pittsburgh around midnight for oakland +us 201 +what flights do you have leaving boston going to san francisco +how many first class flights are provided by american airlines +list all the takeoffs and landings at general mitchell airport +show me flights from denver to philadelphia +i have two friends that would like to visit me on wednesday here in washington dc one of them lives in denver and the other lives in miami +what is the fare code y and what is the fare code h +find travel arrangements for a round trip flight from baltimore to pittsburgh +which airlines fly between boston and baltimore +i want a one way ticket from dallas to baltimore +what ground transportation is available in charlotte +show me flights from san francisco to minneapolis +what is the first flight after 12 noon from washington for denver +what time does twa depart from boston to go to san francisco +give me the flights with the fares from indianapolis to orlando on december twenty seventh +may i have a listing of flights from milwaukee to tacoma washington departing in the evening +what flights are available from dallas to atlanta with one way economy fares +i want a flight that leaves from charlotte to newark that leaves in the afternoon or evening +round trip fares new york to san jose +what's the lowest round trip fare from denver to atlanta +do any of the continental flights from boston to san francisco stop in denver +which airlines serve atlanta +what flights are available friday afternoon from atlanta to dallas +what flights go from philadelphia to san francisco via dallas +thank you i also need to travel next wednesday evening from dallas to san francisco +what is the ground transportation from boston airport to boston downtown +do you have a twa flight leaving early in the morning to san francisco from denver +flights from new york to miami +what is the name of the airport at denver +i want to find a flight from boston to atlanta +yes i need a flight from denver to pittsburgh on july seventh +what are the flights from orlando to cleveland on us air that arrive around 10 pm +what flights are there from pittsburgh to san francisco on friday +in economy class from dallas to baltimore arriving july seventh i'd like to know what's the cheapest ticket possible +can i rent a car in san jose too +give me a flight from newark to tampa on friday +i am looking for the cheapest fare from indianapolis to orlando on december twenty seventh +list all flights please from washington to san francisco +cheapest fare from indianapolis to seattle +what is the earliest flight from tampa to milwaukee tomorrow +i want to fly from baltimore to philadelphia +show me flights from milwaukee to orlando on thursday morning +i need to go from boston to denver and then to san francisco +please give me a flight from pittsburgh to san francisco monday +what flights leave philadelphia for dallas and depart before noon on american airlines +show me flights from atlanta to washington dc on wednesday evening +i would like a schedule of flights from san francisco to boston on wednesday +show me all the flights from columbus to baltimore +please list the flights from pittsburgh to baltimore arriving may seventh +could you please tell me the cheapest fare from atlanta to boston +show me ground transportation in san francisco +i would like a flight from philadelphia to dallas +on april twenty would like to fly from denver to pittsburgh at about 8 o'clock in the morning +i need information for a flight from denver to atlanta +which is the flight number for the us air flight from philadelphia to boston is it 279 or is it 137338 +please show me airlines with flights from philadelphia to dallas +from denver to washington dc on monday november eleventh 1991 +list all flights from denver to san francisco on wednesday afternoon +what flights leave washington dc and arrive in san francisco on wednesday +show me flights from philadelphia to oakland on friday +find a transcontinental flight on american airlines from boston to san francisco that makes a stopover in denver +i would like to see the daily flights from baltimore to philadelphia +what kinds of planes are used by american airlines +show me fares from miami to new york +i'd like to see flights from pittsburgh to philadelphia +what ground transportation is available from the pittsburgh airport +i want to go from san francisco to denver +okay i'd like a flight from boston to san francisco that leaves before 8 am +what's the cheapest fare for a round trip from indianapolis to orlando on december twenty seventh +what flights go from denver to san francisco +what ground transportation is available in atlanta +can you show me one way economy fares from dallas to atlanta +show me the cities served by canadian airlines international +i'd like a flight leaving atlanta august seventh and arriving in denver colorado august seventh leaving in the afternoon +price of flight from nashville to cleveland +what is the least expensive business class flight between boston and san francisco +which are the least expensive flights between dallas and baltimore on july nineteenth +list all round trip flights from orlando to kansas city +list daily flights from denver to boston +i would like a list of flights from pittsburgh to dallas +show me the flights from boston to pittsburgh +what does y mean +i need a return flight from denver to atlanta +list all us air flights from miami to cleveland leaving on sunday afternoon +i want to travel from kansas city to st. paul and be there by dinnertime +show me ground transportation in baltimore +show me the flights from baltimore to boston +on april sixth i would like to book an early morning flight from tampa to charlotte +please tell me which airline has the most departures from atlanta +does us air fly from washington dc to denver +does flight ua 281 from boston to denver leave on tuesday +list all trans world airline flights from indianapolis to houston that arrive in houston between 1030 am and 1130 am +show me flights from milwaukee to orlando on a thursday before noon +flights from atlanta please +what flights are available from san francisco to pittsburgh on thursday evening +how many flights come from denver to baltimore on july nineteenth +okay how about a flight on sunday from tampa to charlotte +list the fares of us air flights from boston to philadelphia +what about a car rental in denver +i am interested in a flight on an aircraft number 727 i would like to go from washington to atlanta +what are the classes of service for american airlines +what flights are there from charlotte to baltimore +what is the number of first class flights on american airlines +what flights are available from pittsburgh to baltimore on thursday morning +what flights from pittsburgh to newark after 1020 pm +what planes are used by twa +okay what i would like to know is does twa flight 505 from charlotte to las vegas with a stop in st. louis serve dinner that's twa flight 505 or 163 +show all flights and fares from denver to san francisco +what does ls stand for +can you list flights from washington to toronto with the lowest one way fares +what is the aircraft type with the greatest seating capacity +i'd like a return flight from denver to atlanta evening flights +what is the fare going from baltimore to atlanta one way on november seventh +okay i've got somebody else who wants to take a round trip ticket from charlotte to montreal +flights from newark to cleveland 5 o'clock pm daily +what ground transportation is available in dallas +rental car in baltimore +interested in a flight from washington to fort worth +show me the earliest flight from newark to seattle +show me ground transportation for dallas +show me first class airlines from san francisco to pittsburgh on next tuesday first class only +show me the first class fares from baltimore to dallas +i would like a flight between boston and atlanta on any day at one in the afternoon +can you list all flights between milwaukee and chicago +show me all flights from boston to denver +flight from nashville back to milwaukee +flights from dallas to houston in the morning +lowest fare from san francisco to los angeles +i need to get downtown from the denver airport +what are the flights from atlanta to dallas +list flights from denver to philadelphia +display flights from dallas to atlanta which depart between 2 pm and 6 pm +find the cheapest flight from denver to atlanta with a stopover in pittsburgh +what are the classes of service on twa +show me the flights from pittsburgh to san francisco +what is the available ground transportation between the airport in denver and downtown +what flights leave from chicago to seattle on saturday +flights from pittsburgh to baltimore arriving between 4 and 5 pm +what flights from houston to milwaukee on friday on american airlines +show me all nonstop flights from salt lake city to cincinnati +what is the lowest fare united charges between boston and san francisco +show me the flights from boston to san francisco that stop in atlanta +what does us mean +what airlines fly boston to baltimore +i would like to see the flights from denver to philadelphia +round trip fares from denver to philadelphia under 1000 dollars and pittsburgh to philadelphia under 1000 dollars +show me all flights from pittsburgh to boston which leave before noon +how much does it cost to fly one way from boston to washington first class +i would like to fly to san francisco from washington dc +show me wednesday afternoon flights from denver to san francisco +show me the type of aircraft that canadian airlines uses +what is the seating capacity for the f28 +i need to book a flight from newark to tampa on april fourth +i'd like to arrange a trip to baltimore on january first +show me flights from san francisco to seattle +list all united flights from boston to san francisco +what american airlines flights from phoenix to milwaukee depart phoenix after 6 pm on wednesday +boston to denver monday +tell me about flights from toronto to salt lake city +show me the cheapest one way flight from atlanta to pittsburgh +what are the fares for flights serving a meal from boston to pittsburgh before noon on thursday +list all the landings at general mitchell international +please tell me the flights between boston and philadelphia next thursday +i would like to book an early morning flight from tampa florida to charlotte north carolina on april sixth +flights from cleveland to kansas city on monday +how many seats in a 734 +flights from denver to chicago on sunday on continental +give me flights from denver to baltimore +i would like an early morning nonstop flight from new york to las vegas on february twenty eighth +how far is the airport from san francisco +what are the flights from tacoma to san jose also on tuesday the eighteenth of may +show me flights from baltimore to boston +could you show me all flights from montreal to charlotte +show me flights from denver to atlanta on june sixteenth +i'd like to fly from denver to pittsburgh with a stop in atlanta +list number of people that can be carried on each type of plane that flies between pittsburgh and baltimore +what does mco stand for +what flights are available between baltimore and boston on august twelfth +what airline is as +ground transportation minneapolis +what flights depart baltimore and arrive by 8 pm friday in san francisco +show me a list of flights from denver to baltimore on united for august third +list all flights from indianapolis to seattle +tell me about flights from st. petersburg arriving in toronto before noon +list all flights from long beach to columbus late saturday +is there a flight on twa from baltimore to san francisco with a stop in denver +i'd like to know the earliest flight from boston to atlanta +i want the list of daily flights from milwaukee to st. louis +i would like a nonstop flight from jfk to las vegas on march second +what are the cheapest one way flights from atlanta to pittsburgh +can you list all flights from chicago to st. louis that depart after 12 noon +how far is oakland airport from downtown +what flights are available tomorrow from denver to philadelphia +flights from milwaukee to phoenix on saturday or sunday american airlines +i need a flight from philadelphia to dallas next wednesday in the morning +phoenix to newark on wednesday +i'd like flights going from boston to atlanta leaving on august sixth in the afternoon +show me flights to san francisco arriving before 1 +i want to fly from philadelphia to dallas with a stop in atlanta on a breakfast flight +i would like some information on the earliest flights you have leaving atlanta arriving in denver +which airlines provide direct flights between washington and denver +i'd like to see all flights from pittsburgh to philadelphia again +what flights go from san francisco to washington via indianapolis +what's the latest flight i can get from dallas to boston +what airlines are ac and as +what are the first class and coach fares for flights from chicago to kansas city arriving around 7 pm next thursday +does us air fly from dc to dallas +now i'd like to see flights from detroit to st. petersburg on the next tuesday +what is the earliest flight departing san francisco and arriving in oakland on november eighth +what is the round trip cost of a first class ticket from boston to san francisco +i would like a flight from san francisco to pittsburgh on friday morning after 10 o'clock +show me all the us air flights leaving pittsburgh between 12 and 4 in the afternoon +please list the afternoon flights from charlotte to minneapolis +what are the flights from charlotte to atlanta returning on tuesday july thirteenth +list all flights from burbank to denver +do you have any flights united airlines from dallas to san francisco +what are the fares between new york and la on monday morning +show me the flights from pittsburgh to baltimore +what northwest flights leave denver before noon +show me flights from new york to miami +what is the earliest flight you have that leaves philadelphia to dallas +list all flights on continental leaving denver on monday +show me flights from dallas to atlanta on tuesday +what is the least expensive flight from denver to atlanta +i'd like to know the latest flight from atlanta to boston +find any flight from boston to oakland stopping in denver +i'd like a flight from baltimore to boston as early in the morning as i can +i would like to fly from denver to boston +i would like a flight on continental airlines leaving from boston making a stop in denver and arriving in san francisco +show me a list of flights from denver to san francisco for september first 1991 +list flights from san jose to houston next sunday +what flights are available from dallas fort worth to atlanta +what is restriction ap57 +what about a flight from boston to san francisco stopping in denver +denver to philadelphia monday +a one way flight from boston to san francisco please +what flights go from boston to orlando +how many flights does each airline have with first class service +do you have a 9 o'clock flight from boston to philadelphia +what's the capacity of a 733 +what delta flights from cincinnati to new york city arrive at new york city before 6 pm on saturday +list flights from philadelphia to san francisco thursday +find me the latest return flight from atlanta to boston on the same day +i want to fly from milwaukee to orlando on wednesday evening +show me all first class fares from new york to miami leaving on a tuesday +which nonstop flight from atlanta to oakland leaves in the afternoon and arrives at 5 pm +please list the flight times from pittsburgh to newark +does any airline have an early afternoon flight from boston to denver +what is the least expensive one way ticket from atlanta to denver leaving on october twelfth +give me morning flights from atlanta to baltimore +what are the cities that american airlines serves +rental cars in boston +what's the cheapest one way ticket from baltimore to atlanta +show me round trip fares from new york to miami +all delta flights to everywhere if you can +i would like to leave around 7 o'clock in the morning +list flights from atlanta to boston on wednesday afternoon +i need information on flight from atlanta to denver +i need a flight this sunday from miami to las vegas and i would prefer a morning flight +show me nonstop flights from miami to new york with coach class fares +tell me about flights from charlotte to atlanta next tuesday +list all flights from baltimore to philadelphia +what ground transportation is available in san francisco +please list the flights from new york to miami on a tuesday +show me the airlines with first class flights +show me round trip first class tickets from new york to miami +may i fly from san francisco to baltimore +i need a flight from denver to philadelphia on saturday +what are all the available meals +show me flights from boston to san francisco arriving before 1 pm +what is restriction ap80 +i'd like to go from boston to san francisco stopping in pittsburgh +what flights are there from dallas to houston +what is the round trip first class fare on united from boston to san francisco +what are the rental car rates in dallas +i'd like to find the earliest flight possible from san francisco to atlanta +could you tell me what flights you have that run daily from boston to san francisco please +which airline has the most business class flights +what flights are there from dallas to pittsburgh on monday morning +flight from dallas to milwaukee +okay what flights are there us air from orlando to cleveland leaving in the afternoon +show me all flights with fares from pittsburgh to san francisco +united airlines stopping in denver +is there a flight tomorrow morning from columbus to nashville +show me all united airlines first class flights +lowest fare from san francisco to orlando +which airlines have daily flights from boston to dallas +show me flights arriving in baltimore from pittsburgh between 4 and 5 pm +does american airlines fly from philadelphia to dallas +please show me all round trip flights from burbank to tacoma +i need a flight from san francisco to boston that leaves after 10 pm +list all flights from chicago to seattle on continental which depart on saturday and serve meals +show me the flight schedule from pittsburgh to san francisco +show me flights to dallas from san francisco and atlanta and pittsburgh +find travel arrangements for a round trip flight from boston to pittsburgh +what is the latest flight i can take from washington to san francisco +show me times for flights from san francisco to atlanta +show flights from new york city to las vegas +list the earliest flights from st. paul to san jose +list all the flights that arrive at general mitchell international +show me non first class flights from baltimore to dallas +please list the american airlines flights from philadelphia to dallas on tuesday october first +i would like a nonstop flight from new york to las vegas on march second +do you have an american airlines flight from denver to san francisco in the early morning +flights from montreal and phoenix to las vegas arriving at the same time +all flights to baltimore after 6 pm +show united flights between pittsburgh and baltimore +what airlines fly from boston to pittsburgh +show flights from pittsburgh to oakland +an early flight on wednesday morning from baltimore to newark +i would like to schedule a flight on american airlines from philadelphia to san francisco that makes a stop in denver +what does ap57 mean +show the flights from milwaukee to orlando on a thursday morning +flight from denver to salt lake city +show flights between philadelphia and denver on september sixteenth +what is the airfare from pittsburgh to atlanta +what type of aircraft is used on american airline flight 315 +ground transportation atlanta +what's the latest flight from san jose to houston +show me the american airline flights leaving phoenix on wednesday and arriving in milwaukee +show me all flights arriving at love field from other airports +show me all flights both direct and connecting to either san francisco or oakland from boston that arrive before 2 pm +find the flights from boston to san francisco leaving after 6 pm +what is the fare going from boston to dallas fort worth one way on november seventh +all flights from boston to washington dc on november eleventh +i would like to find a flight from pittsburgh to boston on wednesday and i have to be in boston by one so i'd like a flight out of here no later than 11 am +show me the latest dinner flight from baltimore to oakland +show me flights from pittsburgh to san francisco on monday +what does ua stand for +flight information from san francisco to pittsburgh +show me all flights arriving to denver from boston +flights from newark to boston +show me all flights from toronto +show me flights from baltimore to philadelphia +how much does dl 746 cost +show me the flights from san francisco to boston +what flights on united leave la guardia for san jose and arrive around 10 pm +where is mco +list all flights on continental from denver to chicago on sunday which depart after 934 pm +show me flights on september twenty sixth please +please list the thursday morning flights from st. louis to st. paul +tell me about flights from salt lake city to st. petersburg +i want information on flights from atlanta to washington dc i want to leave after 4 pm on wednesday or before 9 am on thursday +what flights go from newark to boston after 5 pm +i'd like to arrange a flight from pittsburgh to atlanta +please list the sunday flights from dallas to houston on american airlines +what are your flights from dallas to baltimore +what ground transportation is available in boston +show me flights from milwaukee to orlando on wednesday after 6 pm +what flights are available from denver to philadelphia with stopover in pittsburgh +i need a flight from logan to atlanta this afternoon +i would like information on flights from dallas fort worth to atlanta on wednesday morning +i need a list of late afternoon flights from chicago to milwaukee +continental airlines on saturday from chicago to seattle +and what is the last flight from denver to boston for tomorrow evening +actually what are the nonstop flights from las vegas to burbank on saturday may twenty two +flight from ontario to orlando that departs 9 hours before arriving +list all flights arriving and departing at general mitchell international +is us air +what united airlines flights go through denver +i'd like to find a us air flight from orlando to cleveland that arrives around 10 o'clock in the evening +i need a flight from toronto to montreal reaching montreal early on friday +i need to go to pittsburgh and denver +please give me all flights from long beach to memphis +what is the last flight to atlanta from baltimore +what flights go from denver to atlanta +can you list all flights from chicago to milwaukee +show me the cheapest fares from san diego to miami one way +i need a flight from philadelphia to denver on sunday +one way +all right now i need a flight from seattle to san diego +flights from cleveland to kansas city +could you tell me the cheapest fare from atlanta to boston on thirty first of august +what economy flights are available from dallas to baltimore on july twenty fifth 1991 +what are fare codes qw and qx +tell me about flights on american airlines from dallas fort worth to philadelphia on june twenty ninth +i'd like to see all the flights with their fares from denver to atlanta +show flights from philadelphia to boston +show me flights from denver to washington dc on wednesdays +i'd like information on all the flights from san francisco to pittsburgh on tuesday +on eastern flight 825 from atlanta to denver can you tell me what type of aircraft used before 12 noon +is there ground transportation in boston from the airport +what is american's schedule of morning flights to atlanta +how many first class flights does united airlines have departing from boston today +what nonstop flights between boston and washington arrive after 4 o'clock pm +show me all the flights from indianapolis to san diego on us air +okay i just want to know the cheapest fare from atlanta to boston +show all flights leaving monday morning from boston to pittsburgh +show me flights from atlanta to washington dc leaving on thursday +i need to go from boston to dallas +houston airports +what is dl +when can i fly from philadelphia to dallas on a saturday morning +which companies fly between boston and oakland +i need a flight from denver to pittsburgh on july seventh that leaves in the afternoon +what are the flights from las vegas to burbank also on saturday may twenty two +round trip first class fares new york to miami +please list ground transportation in atlanta +please find me a flight between boston and philadelphia that arrives in philadelphia close to 5 pm +show me the nonstop flights from houston to dallas +show me the flights from all airports to love field +show flights between boston and denver +what transportation is available from the dallas airport to downtown +i would like to travel from denver to pittsburgh +show me the flights from denver to philadelphia on a saturday +list possible round trip daily flights between boston and oakland +cheapest fare from indianapolis to seattle +what flights leave chicago and arrive in detroit around 6 pm next tuesday +give me the one way flights from pittsburgh to boston +what flights are available on dl from dallas to atlanta on monday morning +give me a list of all the flights from baltimore to philadelphia or denver to philadelphia or pittsburgh to philadelphia +give me all flights from boston to philadelphia next week arriving after lunch +how many flights has continental into and out of atlanta +what does restriction ap 57 mean +explain restriction ap80 +list the nonstop flights from miami to new york on a sunday along with the fares that are less than 466 dollars +i would like to book a flight from los angeles to pittsburgh on june first +show me the flights from boston to pittsburgh leaving wednesdays and thursdays +what ground transport is available in baltimore +give me flights on american airlines from milwaukee to phoenix +show me flights from boston to pittsburgh after 1700 hours on wednesday +dl 296 denver to philadelphia what is the fare +show me flights on sunday going from san francisco to boston nonstop first class leaving after 12 noon +which delta flights fly from boston to philadelphia +show flights from pittsburgh to oakland +please give me the flights from san francisco to washington dc +what flights are there from indianapolis to orlando +give me the latest flight tomorrow on united airlines from milwaukee to tacoma +what flights leave boston and arrive in philadelphia before 7 am +can you show me what fares are available from oakland to dallas on december sixteenth one way only +do you have a united flight from dallas to san francisco +show me the flights available from san francisco to pittsburgh for tuesday and also the price +list flights between oakland and san francisco +what is the latest flight leaving washington for denver +i need a flight after 6 pm on wednesday from oakland to salt lake city +show me some information on making a reservation from philadelphia to denver on sunday +only show continental flights +flights from westchester county to st. paul +tell me about ground transportation between orlando international and orlando +earliest flight from atlanta to philadelphia +what is the least expensive business class flight between atlanta and dallas +on monday show me flights from baltimore to dallas +find me the earliest flight from boston to atlanta and the latest return to boston on the same day +list all flights from nashville to seattle +information on flights from boston to washington +show me the flights on twa to atlanta in the morning +i want a flight from boston to denver that stops in pittsburgh +is there limo service at pittsburgh airport +list the flights from philadelphia to san francisco which have a layover in dallas +i want to fly from cleveland to san diego tomorrow and stop in indianapolis +i want to fly from boston to dallas +show me the coach fares from baltimore to dallas +flights to baltimore +what is your last trip from washington to boston on august twenty seventh +show me the flights from san francisco to washington dc +are there any continental flights between dallas and boston +show me the flights from philadelphia to dallas with a stop in atlanta +i am interested in a flight on american airlines from dallas to washington +show me all flights from pittsburgh to philadelphia which arrive before 8 o'clock am on wednesday +show me flights from boston to washington on monday +all one way flights between boston and philadelphia +i'd like to buy a coach class ticket from denver to atlanta with a stopover in pittsburgh +i would like to plan a flight on american airlines from boston to denver +what flights from houston to milwaukee on friday in the evening on american airlines +show me us air flights from pittsburgh to san francisco first class on monday +please show me flights from boston to denver with a stopover in philadelphia +i need a flight from charlotte to newark leaving today evening +flights from pittsburgh to baltimore between 10 am and 2 pm +on friday i need to see all flights that leave atlanta and arrive in dallas before 6 pm +list the flights from san francisco to philadelphia on american airlines +could you please find me a nonstop flight from atlanta to baltimore on a boeing 757 arriving at 7 pm +i would like to find the cheapest one way fare from boston to oakland +what flights are there from houston to dallas +how expensive is the san francisco limousine service +what are the flights from dallas to boston for tomorrow night or evening +please list available ground transportation in pittsburgh +is there a united flight from baltimore to san francisco on the morning of august twenty seventh +an american airlines flight first class from philadelphia to dallas +what is the cheapest round trip fare on continental 1291 round trip denver san francisco +what type of aircraft is used on the flight from atlanta to philadelphia before 12 o'clock noon +what does the abbreviation ua mean +thank you very much now can you help me with information on flights from boston to atlanta +how much does flight ua 270 from denver to philadelphia cost +may i have a listing of flights on monday from minneapolis to long beach california please +what's the last flight from atlanta to boston +show me the evening flights from baltimore to atlanta +can you show me flights from dallas to atlanta on tuesday night +what flights from phoenix to las vegas on saturday +show me flights with first class reservations from san francisco to pittsburgh for monday +what do you have going from atlanta to philadelphia serving breakfast +list all flights from pittsburgh to philadelphia +show me all flights and fares from dallas to san francisco +i would like to fly from atlanta to philadelphia +i'd like to book a flight from columbus to nashville please +give me flights from atlanta to baltimore +the cheapest flights from atlanta to philadelphia that arrive after 12 pm on a tuesday +could you tell me about flights from philadelphia to dallas the flights should leave philadelphia in the morning +give me the flights from salt lake city to new york city arriving before 6 pm +round trip flights between new york and miami +show the flights from san francisco to pittsburgh +locate flights from philadelphia to dallas stopping in hartfield +i'm interested in a flight on american airlines from dallas to washington +i would like to fly from denver to boston on wednesday the twenty first +are there any flights from denver to pittsburgh with a stopover in atlanta +flights from memphis to las vegas on sunday +american airlines from phoenix to denver +flights from phoenix to milwaukee +show me all flights from boston to pittsburgh on wednesday of next week which leave boston after 2 o'clock pm +can you tell me the flights that go from boston to atlanta sometime after 5 pm +what flights do you have from milwaukee to tampa +show me all the flights on northwest airlines from new york to milwaukee to los angeles +does dl stand for delta +which flights are between boston and baltimore washington +flights from denver to seattle on saturday morning on continental +i want a flight on twa from boston to san francisco +first class round trip airfare from indianapolis to memphis +please list the morning flights from st. louis to st. paul +show flights first class on american airlines between dallas and philadelphia +give me the continental flights from chicago to seattle on saturday morning +flight will start from boston +show me the flights from denver to atlanta on friday +round trip flights between houston and las vegas +show me continental flights leaving chicago on saturday morning +what flights are available friday from philadelphia to oakland +list the nonstop flights on wednesday june second from miami to baltimore arriving in baltimore between 1115 am and 1245 pm +list all the airlines that service denver +show me the type of aircraft that cp uses +what is the latest flight between washington and boston +what are the different classes of service and the prices for us air +please list nonstop twa flights from las vegas to new york +would you tell me the cheapest one way fare from boston to oakland +please list all flights from denver to philadelphia two saturdays from now +does american airlines offer a flight from boston to oakland which stops in denver +show me the flights from salt lake city to milwaukee +please give me the flights available from boston to pittsburgh on wednesday of next week +what flights go from boston to san francisco with a stop in dallas +what's the last flight from houston to dallas +flights from denver to pittsburgh on wednesday +what does restriction ap 57 +now i'd like flights from philadelphia to pittsburgh leaving between 430 and 530 pm +what airline is dl 98 +list all the flights that arrive at general mitchell international airport +can you give me information on all the flights from san francisco no from pittsburgh to san francisco on monday +i'd like to fly from atlanta to denver on august twenty ninth +please find the cheapest fare from boston to san francisco +on the 8 am flight from san francisco to atlanta what type of aircraft is used +american airlines leaving phoenix +what kind of ground transportation is available in las vegas +i need a flight tomorrow from columbus to minneapolis +what is the most expensive flight from boston to dallas round trip +please inform me the type of aircraft used on a flight from atlanta to denver before 12 o'clock noon +show me flights from tampa to st. louis +what is the ground transportation between airport and baltimore +show me the flights from love field +a listing of all flights from boston to baltimore before 10 am on thursday +flying from pittsburgh to philadelphia on us air +show me dallas ground transport +i want a flight from denver to atlanta +please show me airlines with round trip flights from boston to denver stop philadelphia +what is the cheapest flight from dallas to baltimore +please show me flights from dallas fort worth to atlanta on monday +what are the flights between pittsburgh and baltimore on august tenth +list all united flights from philadelphia to san francisco +what is the latest flight available between san francisco and boston +show me the airlines between boston and toronto +oh let's see does eastern airline have a flight from atlanta to washington +i would like to book a flight on june first from los angeles to pittsburgh in the late afternoon +may i have a listing of flights from long beach california to columbus ohio on wednesday +i would like an early morning flight from chicago into seattle on june first on continental airline +what are the flights from san francisco to washington dc +all right what do you have from oakland to philadelphia on wednesday +what type of aircraft flies from pittsburgh to baltimore +are there any flights from new york to montreal canada leaving on thursday +list daily flights from boston to oakland using continental airlines +what airlines fly from boston to pittsburgh +cheapest round trip airfare from tacoma to orlando +which transcontinental flight on united airlines from boston to dallas makes a stopover in philadelphia +how much is a round trip fare from memphis to seattle +i want a direct flight from oakland to boston that leaves on a wednesday +what's the latest flight from houston to dallas +which are the flights from denver to baltimore or washington dc +what about flights from boston to san diego +i need a flight from san francisco to philadelphia +how much does it cost to go from downtown to logan airport +show me oakland to dallas flights +what flights from dallas to houston on sunday +show me flights from baltimore to dallas +information on flights from philadelphia to san francisco +list all flights from baltimore to san francisco on friday +what are the coach fares for flights from pittsburgh to denver +i would like to fly from denver to pittsburgh +list ground transportation in detroit +what is the cheapest flight from long beach to memphis +show me all flights from san francisco to boston philadelphia or baltimore +flight from denver to philadelphia +us 3724 baltimore to philadelphia what is the round trip fare +can you show me the economy fare flights from baltimore to dallas +what flight from denver to pittsburgh arrives earliest in the morning +display all flights from toronto to san diego on us air with a layover in phoenix +what is restriction ap 57 +show me the flights to love field from all other airports +what are the flights from milwaukee to orlando on thursday +show me flights from baltimore to philadelphia +show me the one way flights from atlanta to pittsburgh +what flights are available thursday afternoon from baltimore to atlanta +list all flights going from boston to atlanta after 6 o'clock pm on wednesday +please list the flights from dallas fort worth to boston on july twenty third +i need to know a list of flights from atlanta +denver to san francisco wednesday +what flights go from pittsburgh to baltimore after 8 o'clock next wednesday +all flights from washington to san francisco leaving after 2 +what is the fare going from baltimore to boston one way on november seventh +what is the lowest price fare from atlanta to san francisco on flight delta 82 and delta 139 +show all flights from pittsburgh to oakland +please book for me a flight on twa from washington dc to san francisco earliest possible time +how many flights does each airline have with business class service +which flights on united airlines and northwest go through denver +show me early friday morning flights from san francisco to boston +list all flights going from boston to atlanta after 6 o'clock on wednesday and before 7 o'clock am on thursday +does delta fly from atlanta to san francisco +airline and flight number from columbus to minneapolis +flight numbers from columbus to minneapolis tomorrow +and i'll need ground transportation for tuesday july sixth to wednesday july seventh in san diego +show me the flights from baltimore to philadelphia +i would like to see the flights from denver to philadelphia please +what does us mean +give me the flights from phoenix to milwaukee on wednesday +of all airlines which airline has the most arrivals in atlanta +please show me the philadelphia to denver saturday flights again +what flights from las vegas to phoenix on saturday +flight information from pittsburgh to denver +show me all flights from pittsburgh to baltimore on thursday +please show me flights from atlanta to oakland california on thursday after 1600 hours +show me the nonstop flights from dallas to houston +i want to fly from boston to san francisco +i want to go from boston to washington on monday morning +please list flights from philadelphia to dallas stopping in atlanta +i would like flights between boston and atlanta on july eleven departing at one in the afternoon +what is the earliest flight between boston and washington +what flight from boston to baltimore is the least expensive flight +what is fare code h +all flights from pittsburgh to philadelphia that arrive at 6 o'clock next tuesday +show me flights from san francisco to dallas please +please show me all one way first class flights from indianapolis to memphis +i would like a flight from atlanta to dallas on friday that arrives in dallas by 6 pm +what flights go from tampa to charlotte on sunday +what is the cheapest first class fare from cleveland to miami on us air on february twenty fourth +show sunday flights from seattle to chicago +please list the wednesday american airline flights from milwaukee to san jose +show me flights from pittsburgh to philadelphia on wednesday morning +what's the cheapest flight from san francisco to boston +is there a flight between san francisco and boston with a stopover at dallas fort worth +okay can you tell me the earliest flight which leaves from philadelphia to dallas +please list all airline flights between denver and boston +please list pm flights from boston pittsburgh +information on flights from atlanta to washington dc departing on thursday before 9 am +show me the earliest flight from boston to denver +do you have a flight from boston to san francisco with a stopover in fort worth dallas +show last flight from philadelphia to boston +what is ord +how much does it cost to fly from boston to baltimore on a saturday +how many american airline flights leave denver june tenth +show me flights on monday from philadelphia to boston after 7 am +i need flight information on thursday leaving pittsburgh and arriving in baltimore in the morning +hi could i get a one way ticket from milwaukee to orlando +united airlines flights stopping in denver before noon +show me the flights from washington dc to san francisco with a stopover in denver +what does the airline code dl stand for +what flights do you have from burbank to tacoma washington +does midwest express have any flights +can you list flights departing from las vegas and arriving in san diego +please list the prices for a rental car in pittsburgh +show me the dinner flights from baltimore to oakland +i'd like to fly from boston to fort worth +what ground transportation is available at baltimore +show me flights from san francisco to denver +list all flights from boston to oakland +what flights from minneapolis to pittsburgh +what are the cheapest fares for flights from newark to la leaving wednesday after 3 pm +can you list all nonstop flights departing from st. petersburg and arriving in charlotte +what flights do you have today from san francisco to pittsburgh +show me flights to philadelphia coming from baltimore or denver or pittsburgh +show me the flights from boston to san francisco leaving after 4 pm on friday +show me the flights from st. petersburg to salt lake city that arrive before noon +what are the afternoon flights from denver to san francisco +show all nonstop flights from boston to atlanta +show me the nonstop flights from atlanta to oakland that leave in the afternoon and arrive between 430 pm and 630 pm +what's the cheapest flight from baltimore to dallas on american +what's the cheapest way to fly between atlanta and denver +flights from cleveland to miami +show me all flights from baltimore to san francisco +could you find me the cheapest fare from boston to san francisco +i want a round trip fare from new york to san jose +show me flights from tampa to st. louis leaving before 10 am +what is the least expensive flight from atlanta to denver leaving on october twelfth +show me the monday flights from san francisco to pittsburgh +list the earliest flights from atlanta to denver on a monday +flights on friday from newark to tampa +are there any flights from atlanta to baltimore +list all afternoon flights leaving baltimore and arriving in atlanta on thursday +flights from atlanta august second +show all flights philadelphia to dallas +are there any 4 o'clock flights from washington to denver +give me american airlines flights from milwaukee to phoenix on saturday and on sunday +show me the flights from dallas to baltimore with a fare of 415 dollars +please give me evening flights leaving philadelphia to san francisco friday +show me the flights from denver to atlanta +is there a flight from denver to san francisco on continental airlines leaving after 12 o'clock in the afternoon +what is the earliest flight leaving from boston going to atlanta +how far is it from orlando airport to orlando +i need a flight from pittsburgh to boston on wednesday the fourteenth +list lowest cost flight from dallas to baltimore +what delta flights fly from washington to dallas in the morning +what is the cheapest fare from washington to san francisco +i would like a nonstop flight from memphis to las vegas on march second +now i need flight information leaving atlanta and arriving in baltimore in the afternoon +show me the earliest flight on thursday from atlanta to washington +please show me airlines with service from boston to denver +show me the flights from love field +what is mia +flights from chicago to denver on continental on saturday morning +can you tell me what aircraft is used for delta flight 1222 from kansas city to salt lake city +show me all the delta flights leaving or arriving at pittsburgh between 12 and 4 in the afternoon +what night flight do you have from san francisco to denver on united on the evening of august twenty seventh +show me the flights from san francisco to boston +i live in washington and i would like to make a trip to san francisco can you tell me which airlines connect with those two cities +list united flights from denver to san francisco on tuesdays or wednesdays +can i have a rental car in houston +what is the earliest flight in the morning to arrive in baltimore from boston +i'm trying to find the flight number from a flight from orlando to cleveland on us air and it arrives around 10 pm +for each airline flying between boston and san francisco what is the earliest flight +show me the flights from atlanta to philadelphia +show flights between toronto and san francisco +fares and flights from baltimore to philadelphia +flight leaving chicago to nashville +what is the coach fare between boston and atlanta on delta +i would like an early flight from la to charlotte monday morning +flights from kansas city to cleveland +i would like a flight from philadelphia to dallas arrive dallas about 12 noon +now i'd like information on flights from denver to san francisco +list the flights arriving in baltimore from boston before 10 am on august third +find me a flight from boston to san francisco with layover in denver on united +what round trip flights between atlanta and denver qualify for fare code qx +where does canadian airlines international fly to +show me fares from seattle to minneapolis +all flights from san francisco to boston leaving before noon +show me all flights from minneapolis to san diego that arrive before 7 pm +can you show me economy class one way fares for flights from oakland to dallas on december sixteenth +what are the flights from denver to baltimore on august tenth +give me the flights on tuesday from los angeles to pittsburgh +i need information on flights for tuesday leaving baltimore for dallas dallas to boston and boston to baltimore +where does delta fly to that american doesn't +from las vegas to montreal +can i get a taxi from long beach airport to downtown long beach +what's the earliest flight from san jose to houston +show me the flights from boston to dallas +what ground transportation is available in denver +what flights leave san francisco on monday night and arrive at atlanta later in the evening +what flights are there available from philadelphia to denver on wednesday with economy class +what flights from pittsburgh to newark on monday +i am interested in booking an early flight from dallas into houston and returning in the late evening +what flights are there from new york city to las vegas +i would like to see the flights from baltimore to philadelphia again +give me a flight from newark to tampa on friday +give me flights from atlanta to baltimore +i want a flight from los angeles to pittsburgh that arrives before 3 pm on tuesday +what flights go from san francisco to denver on mondays +hello i'm trying to find a flight that goes from pittsburgh to denver after 2 pm +i want to know the cheapest way to fly from denver to oakland +what does co mean +give me flights from baltimore to denver on united that offer first class +does midwest express serve indianapolis +i need to catch an evening flight from boston to philadelphia on august first +what type of plane is an m80 +i would like to fly from boston to baltimore what time are the flights in the afternoon +i would like information on flights from pittsburgh to baltimore arriving in baltimore before 10 am on thursday +show me all the twa flights from indianapolis to houston that arrive around 11 am +what flights from pittsburgh to atlanta on wednesday morning serves breakfast +i would like to find flights from columbus to minneapolis on monday june fourteenth early in the morning or in the evening sunday june thirteenth thank you +show me flights from all airports to love field +what kind of ground transportation is there in denver +list the flights and time of arrival for flights arriving in dallas fort worth from boston before noon +show me flights from pittsburgh to atlanta on monday morning +i am interested in booking an early morning flight from dallas into houston and returning in the late evening +show me the airlines that use love field +show me the flights from pittsburgh to san francisco for thursday night or friday +can you show me the available flights from baltimore to dallas with economy fares +in boston is there ground transportation between airport and downtown +please list available flights for next saturday from philadelphia to dallas +please list flights between san francisco and denver +show me all flights with fares from pittsburgh to san francisco +what is the airfare for flights from denver to pittsburgh on delta airline +i would like a flight from oakland to philadelphia at one in the afternoon arriving at 5 pm +find all flights from philadelphia to dallas stopping in atlanta +list all direct flights from boston to denver +i'd like to fly between boston and san francisco +tell me about ground transportation at salt lake city +show me the lowest priced fare from dallas to baltimore +all flights from sfo to long beach +show me fares leaving on tuesdays from denver to dallas +show me a list of rental car fares at boston airport +in the month of december are there any flights from atlanta to denver that stop in boston +can you give me information on transportation from the airport in philadelphia to downtown philadelphia +what's the smallest plane flying from pittsburgh to baltimore on december seventeenth +what flights from milwaukee to san jose on wednesday on american airlines +show me boston to oakland flights +what about the eastern airlines flights arriving in pittsburgh between 12 and 4 in the afternoon +what is the thrift economy flight fare from washington to san francisco +please tell me the times of the flights between boston and baltimore +list all daily flights between oakland and boston using american airline +i need flights that arrive in baltimore from pittsburgh +show me all the flights to baltimore after 6 o'clock pm +what is ewr +airports in new york +please give me a list of flights leaving boston going to pittsburgh +i'd like to fly from cleveland to indianapolis tomorrow morning as early as possible what's available +show me the most expensive one way first class fare from baltimore to dallas +what is bna +what types of aircraft can i get a first class ticket from philadelphia to dallas +list flights from atlanta to boston on wednesday afternoon +show me flights leaving from denver colorado to pittsburgh pennsylvania on wednesdays after 5 pm +what kind of ground transportation is available in atlanta +are there any flights after 9 pm from san francisco to washington +please list the monday morning flights from kansas city to atlanta +how many flights does eastern airlines have from boston to atlanta +ground transport phoenix +what flights are there from pittsburgh to los angeles +could you please give me the cost of a round trip flight from denver to pittsburgh +what is the least expensive fare from baltimore to san francisco leaving on september thirtieth +on the earliest flight from san francisco to atlanta on delta is a meal being served +what is the latest flight from salt lake city to phoenix +what is the latest evening flight leaving san francisco for washington +very well i'm working on scenario three i'm interested in a flight on a 727 from washington dc to atlanta georgia +show me all flights from san diego to dulles on boeing 767 +what are my options for a minneapolis back to indianapolis flight around noontime +what flights from new york to los angeles after 10 am +what is the first flight arriving in montreal from toronto friday +show me the flights from pittsburgh to philadelphia +show me the itinerary for the connecting flight from dallas fort worth to san francisco that departs dallas fort worth at 1940 +show me ground transportation information for dallas fort worth +san francisco to boston please with a stopover in denver +what's the cheapest flight from pittsburgh to san francisco on friday +i'm looking for a flight from pittsburgh to san francisco +flight information between washington and denver on september third +show me the flights from baltimore to oakland +i need information for flights leaving san francisco on thursday evening and returning to boston +i would like a flight on american airlines from baltimore to san francisco with a stop in denver +all flights from charlotte to anywhere on us air around 1 pm +which airlines fly from boston to washington dc via other cities +what's the earliest flight from pittsburgh to baltimore on thursday morning +what ground transportation can i take into boston +display all flights from baltimore to dallas on july twenty ninth +what are the morning flights in the next two days from nashville to tacoma +what is the cheapest ticket from baltimore to san francisco on friday august thirtieth +what flights stop in atlanta before noon +show me all the flights from philadelphia to newark +i need a flight on sunday from long beach to columbus +i need a flight from boston to san francisco leaving in the afternoon and arriving in the evening thank you +all flights from boston to philadelphia which show up on tuesday afternoon +give me us air flights for next wednesday from cleveland to miami +show flights from pittsburgh to oakland +flights from cincinnati to denver on american airlines +i would like to know the flights from denver to pittsburgh leaving on monday +what does the meal code s stand for +which flights from memphis to tacoma also stop in los angeles +list lowest cost flight from dallas to baltimore that serves a meal +what is the ground transport in denver +show all flights from boston to denver on july thirty first +what flights leave seattle on sunday on continental +all flights from montreal less than 150 dollars +what types of aircraft does delta fly +i would like to book a flight on us air first class from cleveland to miami on february twenty second +find a nonstop flight between denver and oakland leaving in the afternoon and arriving near 5 pm +list flights from dallas to san francisco +i'd like to go from boston to san francisco +flights on twa from columbus to st. louis +give me the earliest flight on american airlines tomorrow from st. petersburg to milwaukee +i need information on ground transportation from the airport in atlanta +what is fare code qo mean +what flights takeoff and land at general mitchell international +give me flights that arrive in baltimore from denver +can you tell me the flights on october fifteenth 1991 from boston to oakland +what flights are available friday afternoon from pittsburgh to san francisco +give me the cheapest one way flights between boston and philadelphia which arrive after noon on a tuesday +show flights from atlanta to baltimore +i would like a flight from boston to atlanta +ground transportation atl to atlanta +what are the flights available in the morning between denver and san francisco +i would like to book a flight that goes from memphis to las vegas +please show me all airlines with sunday flights from philadelphia to denver +please give me all flights from long beach to memphis +what does ewr mean +list the flights from indianapolis to houston +show ground transportation for pittsburgh +show me all flights from philadelphia to atlanta that leave after 5 pm on wednesday +then list the flights from atlanta to philadelphia early wednesday morning nonstop +flights from washington august second +do you have ground transportation between airport and downtown in boston +are there any flights from milwaukee to tacoma on friday june eleventh +show me flights from san francisco to boston on thursday +what does fare code qx mean +what is the yn code +how many seats in a 100 +show me the flights from boston to fort worth on the morning of july tenth 1991 +show me the ground transportation schedule in san francisco on thursday evening +show me the flights from baltimore to atlanta +what are the flights from boston to baltimore +show me all flights from boston to pittsburgh on wednesday after 6 o'clock pm +i would like information on any flights from pittsburgh to san francisco leaving thursday evening +what is the earliest flight from atlanta to boston +what flights are there from boston to dallas +how much does the limousine service cost within pittsburgh +what flights go from boston to washington next tuesday +list all flights from long beach to columbus on sunday +i would like to book an early morning flight from tampa to charlotte on april sixth +do you have a flight from atlanta to boston that will stop in washington +show me all flight from san francisco to oakland +what flights are available from denver to dallas fort worth in the afternoons +what flights from kansas city to denver +show me the fare from dallas to san francisco +information on flights from pittsburgh to san francisco +what airlines fly into salt lake city +flights from st. paul to houston +what flights are available from boston to washington dc late the twenty fifth or early the twenty sixth +atlanta to oakland thursday +which airline is the cheapest to fly from dallas to baltimore on december twenty fourth +what flights can i find from pittsburgh to san francisco after 9 am +how much is a round trip fare from nashville to seattle +what is the total seating capacity of all aircraft of american airlines +what flights are available from pittsburgh to boston on saturday +newark to minneapolis on sunday +how do i get from the airport to downtown in tacoma +the cheapest flights between boston and philadelphia which arrive between 3 and 5 o'clock on tuesday +is there ground transportation in baltimore +flights from pittsburgh to newark +what is the smallest aircraft that flies from pittsburgh to baltimore arriving may seventh +what does restriction ap 80 mean +show me first class flights from new york to miami leaving on a tuesday +show me the flights on delta that go through atlanta +what is the most expensive flight from boston to dallas +give me flights from chicago to seattle on saturday morning +what flights from houston to milwaukee on friday on american airlines +find a flight from washington dc to san francisco on tuesday +what is the latest us air flight leaving philadelphia and returning to boston +what is the first flight that goes from atlanta to baltimore that serves breakfast +show flights first class on american from dallas fort worth to san francisco international +which airline provides business class flights +i want to go from boston to oakland +find the cheapest one way fare from pittsburgh to san francisco +list flights tomorrow from san diego to phoenix +what flights from boston to pittsburgh after 723 pm +is there a flight on american airlines going from boston to san francisco on june twenty eighth +show me all flights from new york to milwaukee on northwest airlines departing at 720 am +show me flights from san francisco to pittsburgh on a sunday +show me the flights from san diego to san francisco on southwest airlines +please show me again the first class fares from baltimore to dallas +i'd like to book a flight from denver to pittsburgh and i'd like to go on eastern airlines +do you have flights from st. petersburg to toronto on monday +what flights from tacoma to orlando on saturday +now i need a flight from detroit to san diego leaving tuesday evening +show me return flights from cincinnati to salt lake city nonstop +i would like to find flights from minneapolis to long beach after 4 o'clock on monday june fourteenth please +how many flights does twa have with business class +show me all the flights from montreal to detroit +please show me continental flights from san francisco to pittsburgh on friday +what is the last flight out of pittsburgh to boston in the evening on tuesdays +what kind of airline is flight ua 281 from boston to denver +san francisco to pittsburgh friday +what ground transportation is available from the pittsburgh airport to downtown and how much does it cost +does any airline have an afternoon flight from boston to oakland +what's the lowest round trip fare from bwi to any city +does the philadelphia airport have a name +on november twenty third what flights are available between boston and denver +show me the flight classes for delta airlines +show me all the one way fares from tacoma to montreal +what is sa +please give me the flights from denver to pittsburgh which leave in the morning on july second +what is the earliest flight from philadelphia to dallas first class +show me all flights from baltimore to dallas +show flights from denver into san francisco +what are the cheapest one way flights from pittsburgh to atlanta +find me the earliest flight from boston to atlanta on any day of the week +what flights are available from san francisco to pittsburgh on monday morning +list all flights on continental which leave seattle and arrive in chicago departing on sunday after 430 pm +what does flight code us mean +which airlines fly from boston to san francisco +could you please list all of the classes of flights there are +please list all of the flights leaving atlanta heading to baltimore after 8 pm wednesday and before 9 am thursday +show me flights from pittsburgh to atlanta on monday afternoon +show flights and fare information from pittsburgh connecting through denver to oakland +please list flights between denver and boston +show me fares from miami to new york +what flights does delta have between boston and san francisco +what kind of ground transportation is available in denver +okay on the following wednesday i'd like to go from memphis to cincinnati as early as possible +i need information on flights for tuesday leaving baltimore for dallas dallas to boston and boston to baltimore +i need a flight from san francisco to boston that leaves after 8 pm +does any airline have an early afternoon flight from boston to pittsburgh +please show me fares from denver to san francisco +show me all flights from denver to san francisco +also show me all flights from oakland to denver +what's the cheapest round trip fare between dallas and baltimore +i need a flight from atlanta to philadelphia and i'm looking for the cheapest fare +give me the flights from denver to baltimore on united airlines +i want to leave boston at 838 and arrive in denver at 1110 in the morning +what flights leave after 7 pm from philadelphia to boston +show me the flights from dallas to baltimore +show me all the flights from burbank +from toronto to atlanta in the afternoon +show me the latest flight from san francisco to denver +what are all the flights between san francisco and boston +i'd like to buy a coach class ticket for a flight from denver to atlanta +show me what fare codes symbols stand for +please list the flights from charlotte to long beach arriving after lunch time +show me all the available flights from baltimore to dallas with economy fares +i'd like a round trip ticket from los angeles to tacoma washington +i want a evening flight from dallas to milwaukee +what is the cheapest flight from pittsburgh to atlanta leaving on october fifth +what flights are there arriving in chicago after 9 pm on continental +all flights and fares from atlanta to dallas round trip after 12 pm less than 1100 dollars +which cities does united airlines service +round trip fares from denver to philadelphia under 1000 dollars +what flights does american airlines fly from philadelphia to dallas +display all flights from toronto to san diego on us air stopping over in denver +show me the flights from philadelphia to dallas with one stop +i would like to find a flight from kansas city to salt lake city on delta and arriving at about 8 o'clock in the evening could you please tell me the aircraft and the flight number thank you +i need a nonstop flight from san diego to phoenix +give me all the flights from new york to miami round trip +what is the fare from san francisco to dallas fort worth on delta flight 852 +what kind of airplanes are used by delta airlines flying between washington and denver +what flights go from dallas to baltimore +show flights from dallas to oakland +shortest flight from boston to philadelphia +i need a flight from phoenix to detroit leaving monday evening +what airlines have flights from baltimore to seattle +tell me the last flight from atlanta to philadelphia +what flights from cincinnati to tampa +i want to travel from baltimore to washington on a monday +what airline is ea +philadelphia to san francisco next week tuesday show the flights +i would like information on flights from baltimore to atlanta on thursday arriving in atlanta before 6 pm +list all flights on continental from denver to chicago which depart after 934 pm +please give grounds transportation at dallas airport +hi i'd like a flight from tampa to montreal +the most expensive flight between boston and philadelphia +can you tell me the latest evening flight from atlanta to denver on july seventh +what flights from kansas city to chicago leave next wednesday returning the following day +show me flights leaving from san francisco to denver on september thirtieth +what is the latest flight in the day to arrive in boston from baltimore +show me flights from oakland to dallas on sunday +what flights are there on continental from seattle to chicago +i'd like a nonstop flight from indianapolis to san diego that serves dinner what's available +show me the airlines that fly from toronto to boston +list the flights that leave from philadelphia to atlanta early thursday morning before 8 am +are there any flights on june eleventh from st. petersburg to milwaukee +show me all flights from pittsburgh to baltimore which leave thursday after 3 o'clock pm +flights from baltimore denver and pittsburgh to philadelphia where the round trip fare for each is less than 1000 dollars +show flights from denver to oakland that arrive after 12 o'clock +show me the united flights from bwi to denver +i want to fly from boston to san francisco via dallas fort worth on american airlines +list all flights from memphis to seattle +show me flights from dallas to baltimore +show me all flights from pittsburgh to baltimore +philadelphia to dallas arriving before 1 in the afternoon +what flights stop in atlanta before noon +what do these cost +find a flight on american airlines from boston to san francisco that makes a stopover in denver +round trip fares from baltimore to philadelphia less than 1000 dollars or round trip fares from denver to philadelphia less than 1000 dollars or round trip fares from pittsburgh to philadelphia less than 1000 dollars +i want a flight on saturday from minneapolis to long beach +flights from nashville to orlando daily +are there any flights from denver to pittsburgh connecting in atlanta +show me the flights that go from san diego to newark new jersey +what are the flights available after 6 pm between san francisco and boston +i would like to book on delta airlines their earliest possible flight from washington dc to san francisco +show me all flights from pittsburgh to oakland that arrive after 10 am +okay and can you tell me for flights departing from dallas to philadelphia the latest flight you would have departing from dallas to philadelphia +flights from pittsburgh to newark +list the wednesday flights from denver to baltimore arriving in baltimore between 1115 am and 1245 pm +what is the fare for a one way flight from boston to atlanta +i'd like to fly round trip from boston to pittsburgh +what is airline nw +i want a return flight from washington to dallas on american airlines +is there ground transportation from the boston airport to downtown boston +list daily flights from atlanta to denver +i need a ticket from los angeles to charlotte that leaves early in the morning +does continental airlines fly from pittsburgh to atlanta +what are the delta flights from dallas to boston +all flights from cleveland to newark +what is hp +show me the flights from philadelphia to dallas that stop in atlanta +are there any nonstop flights from philadelphia to denver that arrive before 5 pm +from washington to atlanta +show me flights from dallas to atlanta +i'd like to go from boston to pittsburgh to find the cheapest flight +what flights from st. louis to st. paul on thursday leaving after 10 am +how many seats in a 72s +dallas to baltimore monday +what's the cheapest flight from denver to pittsburgh for both one way and round trip flights +how many airlines have flights with service class yn +what is the cheapest one way fare from any city to another +i need a flight from philadelphia to dallas that stops in atlanta +is there ground transportation in oakland +show me all the lufthansa flights between philadelphia and denver +what are the cheapest one way flights from denver to atlanta +show all connecting flights from pittsburgh to oakland +tell me about twa flight 539 +which united airlines flights go through denver +i need to go from boston to atlanta and back in the same day find me the earliest flight from boston +i would like a flight from dallas to philadelphia +i would like the cheapest flight from pittsburgh to atlanta leaving april twenty fifth and returning may sixth +how much time does it take to go between the airport and downtown by ground transportation in dallas +which airlines have connections between pittsburgh and baltimore +please list the flights from kansas city to denver +i would like to make a reservation for a flight to denver from philadelphia on this coming sunday +i need an early flight from dallas to houston +what is the cheapest round trip flight from atlanta to pittsburgh +show me the flights from st. petersburg to toronto that leave monday +what does ord mean +what is the fare on november seventh going one way from pittsburgh to philadelphia +what are the first class fares from dallas to baltimore +what does nw stand for +ground transport in denver +show me the flights from pittsburgh to san francisco on friday +are there any flights between philadelphia and denver +round trip air fares from baltimore to philadelphia less than 1000 dollars +what is the cost of a first class ticket from dallas fort worth to san francisco +what flights depart newark for tampa on friday +ground transportation denver +i want a flight on continental airlines leaving san francisco california arriving pittsburgh pennsylvania +give me the latest northwest airlines flight from milwaukee to tacoma tomorrow +what is the first class fare for a round trip dallas to denver +i want to know the time of the latest flight i can take from washington to san francisco where i can get a dinner meal +show me all the cities that midwest express serves +i want a flight from atlanta to pittsburgh +list all flights going from boston to atlanta after 6 o'clock pm on wednesday +show me the flights from san francisco to boston +what's the name of the denver airport +show me the flights from san francisco to pittsburgh on tuesday +what are the morning flights from nashville to tacoma and from nashville to san jose in the next two days +what flights go from dallas to denver leaving after 3 pm +give me flights from pittsburgh to baltimore +please give me ground transportation information between dallas fort worth airport and downtown dallas +i need a flight from st. petersburg to charlotte which will get me into charlotte by 5 pm or as soon thereafter as possible +show me prices of flights from baltimore to dallas +cheapest fare from memphis to seattle +what are the cheapest one way flights from atlanta to denver +i'd like a twa flight from atlanta to pittsburgh with a stopover in fort worth dallas please +i need a first class ticket on united airlines from denver to baltimore scheduled for december seventeenth +show me flights from milwaukee to orlando on wednesday night +please list all delta flights from kansas city to salt lake city +what flights are there from denver to atlanta +show me the flights available from atlanta to baltimore leaving atlanta in the morning +give me a flight from baltimore to newark that arrives as early as possible +what flights leave from boston to pittsburgh in the morning +pittsburgh to denver +okay on tuesday june first i'd like to go from phoenix to detroit in the late afternoon +show me the ground transportation in denver +what flights go from dallas to tampa +what flights from kansas city to denver after 845 in the morning +show flights from cleveland to miami that arrive before 4 pm +find the flights leaving dallas and going to san francisco that leave after 5 pm +what are the coach fares for flights from charlotte to newark tuesday evening +tell me the flights from baltimore to dallas +which united flights from boston to san francisco make connections +instead of denver can i have the same flight from toronto to san diego but stopping in dallas fort worth +what're the lowest one way fares from denver to atlanta +what are the rental car rates in dallas +i would like a schedule of flights from denver to san francisco on tuesday +i want a flight from denver to pittsburgh then from pittsburgh to atlanta then from atlanta back to pittsburgh back to denver +i need a flight from pittsburgh to new york city +what flights go from boston to atlanta +what airlines fly from boston to atlanta +show me all flights for tomorrow from san francisco to pittsburgh +are there any later flights than 810 pm leaving from milwaukee for tacoma tomorrow evening +what are the flights between dallas and pittsburgh on july eight +what is the earliest flight leaving denver and arriving in baltimore on united airlines first class on july fourth +what northwest flights stop in denver +what flights from kansas city to atlanta arriving before 10 am on monday +show me the flights from pittsburgh to dallas +what is the lowest cost for a one way ticket from boston to washington +looking for a flight from denver to salt lake city +show me first class round trip flights from new york to miami i want the cheapest first class fare please +now i need another flight from las vegas to los angeles arriving also in the late afternoon what's available for that +return from miami to new york on tower air on saturdays +round trip fares from denver to philadelphia less than 1000 dollars +where is lester pearson airport +show me the flights from denver to westchester county +what is the fare on november seventh going one way from dallas to san francisco +what is the cheapest fare from dallas to denver on delta +show me the flights from baltimore to philadelphia +okay on monday may thirty first i'd like to go from san diego to phoenix early in the morning +what flights go from charlotte to baltimore in the morning +is there ground transportation available in denver +is ground transportation available in philadelphia +ground san francisco +please list all first class flights on united from denver to baltimore +can you show me fares for december sixteenth from oakland to dallas one way only +what times does continental depart from boston to san francisco +show me all flights from san francisco to oakland +first class from detroit to st. petersburg +can you rent a car at stapleton international airport in denver +list airlines serving between denver and san francisco +show me the first class flights from denver to baltimore +could i have a listing of flights leaving boston going to baltimore leaving wednesday after 2100 +show me all flights from dallas to san francisco +i need to fly from dallas to san francisco and be in san francisco by 4 pm +i want to go and take a plane in atlanta and fly to boston +what is the most expensive one way fare from boston to atlanta on american airlines +show me the nonstop flights from dallas to houston +show me all flights from phoenix to milwaukee on american airlines on wednesday +i would like an afternoon flight from washington to boston on august twentieth +do you have any direct flights from pittsburgh to atlanta +list all flights from boston to san francisco on us air +show me the flights from atlanta to denver on monday +show flights from pittsburgh into san francisco arriving after 12 noon +i would like a list of the round trip flights between indianapolis and orlando on the twenty seventh or the twenty eighth of december +i would like information on flights from dallas to atlanta arriving in atlanta on tuesday morning +what is the seating capacity of a boeing 767 +what is fare code m +what are the classes of service on lufthansa +what flights are from memphis to las vegas +i want to go from denver to atlanta round trip and make a stop at pittsburgh is this possible +what ground transportation is available in san francisco +i want to leave before 8 in the morning what flight should i take to atlanta from boston +which flight between pittsburgh and baltimore on july nineteenth has the smallest seating capacity +eastern flies from atlanta to denver what type of aircraft do you use before 6 pm +give me a flight from new york city to las vegas and a flight from memphis to las vegas that arrive at the same time +is there a flight on american airlines from boston to denver +information on ground transportation in denver +list the northwest airlines flights that leave denver before noon +i'd like to fly from dallas to san francisco at approximately 615 pm +i would like a flight from boston to denver on monday +what's the first flight after 1 pm leaving washington to denver +what are the nonstop flights on america west or southwest air from kansas city to burbank on saturday may twenty two +tell me about ground transportation between orlando international and orlando +i'd like a twa flight from las vegas to new york nonstop +is there a delta flight from denver to san francisco diff --git a/JointBERT-master/data/atis/train/seq.out b/JointBERT-master/data/atis/train/seq.out new file mode 100644 index 0000000000000000000000000000000000000000..faad1b379d8461fe3c039b658d3a312f674bf7e2 --- /dev/null +++ b/JointBERT-master/data/atis/train/seq.out @@ -0,0 +1,4478 @@ +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount +O O O O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O O O O B-fromloc.city_name I-fromloc.city_name O O B-toloc.city_name O B-stoploc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name O O B-meal_description O O O O O O O +O O O O B-fromloc.city_name O O O O O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day O O +O B-depart_date.day_name O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O O B-depart_time.time_relative B-depart_time.time +B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.period_of_day +O O O O O O O O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name +O O B-depart_date.date_relative O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-or O B-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_code O O B-class_type I-class_type +O O O O O B-fromloc.city_name O B-toloc.city_name O B-class_type I-class_type +O O O O O B-cost_relative I-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-depart_date.day_number +O O O B-fromloc.city_name B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O B-toloc.city_name I-toloc.city_name +O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name +O O O O B-city_name O +O O O O O B-city_name O O B-city_name +O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O O B-meal +O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-economy O +O O O O B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O B-depart_time.time_relative B-depart_time.time +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O +O O O O B-fare_basis_code O +O O O B-city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.date_relative B-depart_date.day_name O O B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-city_name O B-airline_name I-airline_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.date_relative O +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day B-or B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name O O B-toloc.city_name O B-toloc.city_name O O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-meal_description +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-depart_time.time I-depart_time.time O O B-toloc.city_name +O O O O O O B-toloc.city_name O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fare_basis_code O +O O O O O B-airline_code O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O O O O +O O O B-city_name +O O B-depart_time.period_of_day O O B-airline_name I-airline_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_number I-depart_date.day_number +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O O O O O O B-stoploc.city_name +O O O B-flight_mod O B-depart_date.today_relative O B-airline_name I-airline_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-depart_time.time O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_time.time_relative B-depart_time.time O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +B-airline_name O O O O B-stoploc.city_name +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O O B-economy O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name I-airline_name O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code B-flight_stop +O O B-airport_code +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day +B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-toloc.city_name O B-airline_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-cost_relative I-cost_relative O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-round_trip I-round_trip O O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airport_code +O O O O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O B-toloc.airport_name I-toloc.airport_name B-depart_date.date_relative B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O O O B-toloc.city_name +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name +O O O O O O B-city_name I-city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-connect O O B-fromloc.city_name O B-toloc.city_name +B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-arrive_date.day_name +O O O O O B-airline_name I-airline_name O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name +O O O O O B-economy O O B-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-meal_description +O O O O O O B-fromloc.city_name O O O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time B-arrive_date.today_relative +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-depart_date.month_name B-depart_date.day_number B-depart_date.year O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O O O O O B-city_name +O B-flight_stop O O B-fromloc.city_name B-fromloc.city_name O B-toloc.city_name O O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-class_type O B-flight_mod I-flight_mod O B-fromloc.city_name O B-toloc.city_name +O O O B-class_type O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-fromloc.city_name O B-toloc.city_name +O O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-depart_time.period_of_day B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time +O O B-round_trip I-round_trip B-flight_days O O B-fromloc.city_name O B-toloc.city_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O O B-meal +O O B-cost_relative I-cost_relative O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_date.month_name B-arrive_date.day_number +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-depart_date.day_name O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O O O B-toloc.city_name O O B-toloc.city_name +O O O B-flight_mod O O O O B-fromloc.city_name O O B-toloc.city_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O B-city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O B-airline_code +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-airline_name I-airline_name I-airline_name +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O +O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-fromloc.city_name O B-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O O O O O O O B-city_name I-city_name I-city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name O O O O +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name O O B-meal_description O O O O O O O O O O +O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name +O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-fromloc.city_name O O B-depart_time.period_of_day O O O B-arrive_time.time I-arrive_time.time O O O O B-flight_stop O +O O O O O O O B-mod O O O O O +B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number +O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O O B-airline_code O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-cost_relative B-round_trip I-round_trip O O O O B-depart_date.day_name +O O O O O O B-toloc.city_name O B-fromloc.city_name B-fromloc.city_name O B-fromloc.city_name +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name O O B-class_type I-class_type +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-city_name +O O O O B-fare_basis_code O +O O B-city_name +O O O B-flight_mod O O B-toloc.airport_name I-toloc.airport_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O B-meal O O B-arrive_time.time_relative B-arrive_time.time +O O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-airline_code B-flight_number +O O O O O B-fromloc.city_name O B-toloc.city_name +O B-flight_days O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O B-class_type I-class_type O +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-toloc.city_name I-toloc.city_name +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O B-depart_time.period_of_day O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O O O O B-flight_stop +O O O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-toloc.state_name O O O O O O O O B-airline_name I-airline_name +O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O O O B-toloc.city_name B-toloc.state_name I-toloc.state_name B-depart_date.date_relative B-depart_date.day_name O O O O O O O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O B-city_name O O O O O O O O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-cost_relative O B-fare_amount I-fare_amount B-round_trip I-round_trip +O B-meal O B-meal_code I-meal_code +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O O O B-meal +O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-flight_mod O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time +O O O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year O O B-mod O O O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.day_name +O O O O O O B-airport_name I-airport_name I-airport_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O O O B-fromloc.city_name O O +O O B-fromloc.city_name O B-toloc.city_name O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name O B-arrive_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-flight_stop I-flight_stop O B-stoploc.city_name +B-flight_mod O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name O B-airline_name I-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name B-flight_stop +O O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O O B-city_name +O O O O O B-flight_stop O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time +O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O B-flight_stop O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.date_relative B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-transport_type I-transport_type O O B-city_name I-city_name +O O O B-fare_basis_code +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O B-city_name B-state_code +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name O O O +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop O O O B-aircraft_code O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-connect B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O B-transport_type O O O B-airport_name I-airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-transport_type I-transport_type O B-city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.country_name O B-depart_date.day_name O O B-depart_time.period_of_day +O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O B-airline_name I-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O +O O O B-flight_mod O O O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name O B-arrive_date.day_name +O O O B-cost_relative O B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-class_type I-class_type B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-city_name I-city_name +O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.state_code B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O B-flight_stop O O O B-fromloc.city_name O B-toloc.city_name B-arrive_date.month_name B-arrive_date.day_number I-arrive_date.day_number +O O O O O O B-mod O O O O B-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_number I-depart_date.day_number +O O O O O O O B-airline_name I-airline_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.airport_code O O O B-meal_description +O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_time.time I-depart_time.time +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-toloc.city_name O B-fromloc.city_name B-fromloc.city_name B-or B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O +O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O B-cost_relative I-cost_relative O B-fromloc.city_name O B-toloc.city_name +O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-flight_stop O B-depart_date.day_name O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-flight_stop O B-depart_date.day_name +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name O O B-return_date.date_relative I-return_date.date_relative I-return_date.date_relative +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.date_relative B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-flight_mod B-airline_name I-airline_name O O O B-fromloc.city_name O B-toloc.city_name O O O B-arrive_date.month_name B-arrive_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-round_trip I-round_trip B-economy O +O O O B-airline_name O +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-flight_stop O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.period_of_day +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O O O O O B-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name B-depart_date.date_relative B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O B-flight_number O O B-fromloc.city_name O B-toloc.city_name O O O O O O O O O O O O O O O O O B-depart_time.time +O O O B-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name B-depart_date.today_relative +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-airport_name I-airport_name O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O B-flight_time O O O B-airline_name O B-airline_name O B-toloc.airport_code O B-depart_date.month_name B-depart_date.day_number +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O O B-toloc.city_name I-toloc.city_name B-or B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day O +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O O O O +O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name +O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O O B-fare_basis_code +O O O O O O B-economy I-economy +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O O B-stoploc.city_name B-depart_time.time_relative B-depart_time.time +O O O B-cost_relative I-cost_relative B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O B-airline_name +O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O B-flight_mod O O O O O O B-fromloc.airport_code O B-toloc.city_name B-toloc.airport_name +O B-airline_name I-airline_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O O B-arrive_time.period_of_day O O O O B-arrive_time.time_relative O B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-meal O O B-fromloc.city_name O B-toloc.airport_code O B-airline_name B-flight_number +O O O B-fromloc.city_name O O B-toloc.city_name B-connect +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name +O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-class_type I-class_type +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_name +O O O O O B-depart_date.month_name B-depart_date.day_number B-depart_date.year O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-toloc.city_name O B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O B-depart_date.month_name B-depart_date.day_number O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-round_trip I-round_trip B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O O B-toloc.city_name O O O O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.today_relative +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O B-flight_number O O B-depart_date.day_name +O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.day_name +O O O B-cost_relative I-cost_relative B-class_type I-class_type B-round_trip I-round_trip O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-airline_name +O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O B-fare_amount I-fare_amount O O O B-fromloc.city_name O B-toloc.city_name +O B-class_type I-class_type O O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name B-depart_date.day_name B-depart_date.date_relative O +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-flight_mod B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O O O B-stoploc.city_name O O O O O B-flight_time O O O O O O +O O O O O O O O O B-airline_name O B-flight_number O O B-fromloc.city_name O B-toloc.city_name O O O O O O O O +O O O B-transport_type I-transport_type O O B-airport_name I-airport_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O O B-airline_code B-airline_name B-or B-airline_name +O O O O O O B-airline_name O B-class_type I-class_type O +B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time O O O O O O O O O +O O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O B-mod O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_of_day B-depart_time.period_of_day B-flight_time I-flight_time I-flight_time +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O O B-depart_time.time O O O O O O +O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-meal +O O O B-class_type I-class_type O B-depart_date.today_relative +O O O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O O O O O O O O O O O O O +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-flight_stop I-flight_stop O B-stoploc.city_name +O O O O B-fromloc.city_name O B-toloc.state_code O B-depart_date.day_name +O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_date.day_name B-arrive_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_date.day_name B-arrive_date.month_name B-arrive_date.day_number I-arrive_date.day_number +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-flight_stop I-flight_stop O B-stoploc.city_name +B-flight_stop B-or B-connect O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-mod O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.state_code +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name O O O B-return_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O O B-airline_name I-airline_name O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fare_basis_code O +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O B-meal O B-airline_name O B-flight_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O O O B-city_name +O O O O O O B-city_name +O O O O O O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +B-airline_name O O B-fromloc.city_name I-fromloc.city_name O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount +O O O O B-depart_date.date_relative B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-toloc.city_name O B-cost_relative B-fare_amount I-fare_amount O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_code +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-return_date.date_relative O O O O O O O O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.date_relative B-depart_date.day_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name O B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.date_relative O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.today_relative B-depart_time.period_of_day +O O B-fromloc.city_name +O B-depart_time.period_of_day O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.date_relative O O B-depart_date.today_relative O O B-depart_time.period_of_day B-depart_time.period_of_day +O O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name +O B-airline_name O B-airline_name O O O B-stoploc.city_name B-depart_time.time_relative B-depart_time.time +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount +B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-meal O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O B-arrive_time.period_of_day O O O O +O O O O O B-fromloc.city_name O O B-depart_date.today_relative O O O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-meal_description +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-airline_name +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.month_name B-depart_date.day_number B-economy I-economy +O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O O B-airline_name B-or B-airline_code O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-city_name I-city_name +O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name B-depart_date.date_relative B-depart_date.day_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-fromloc.city_name O B-toloc.city_name O O O B-arrive_time.time I-arrive_time.time B-arrive_date.date_relative B-arrive_date.day_name +O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-meal +O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number +O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O B-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-depart_date.day_name B-depart_time.period_of_day +O O O B-connect O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O O B-toloc.city_name I-toloc.city_name B-or B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-economy I-economy O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O O B-meal +O O B-fromloc.city_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-airline_name I-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O B-flight_time O O O +O O O O O O B-fromloc.city_name I-fromloc.city_name O O O +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name B-depart_time.period_of_day B-depart_time.period_of_day +B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name O +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O O O B-class_type I-class_type B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-fromloc.city_name O +O O B-airline_name I-airline_name B-flight_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-flight_time O O O O O O O O O +O O O O O O B-fromloc.city_name O B-depart_date.month_name B-depart_date.day_number O O B-class_type I-class_type +O O O O O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-flight_stop O O O +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name B-depart_time.period_of_day +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-airline_name O O B-fromloc.city_name I-fromloc.city_name O +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name O B-flight_mod O +O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name I-fromloc.city_name O B-stoploc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_stop O O O B-fromloc.city_name O B-toloc.city_name B-arrive_date.month_name B-arrive_date.day_number O O B-airline_name I-airline_name +O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O B-cost_relative O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O +O O O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-restriction_code I-restriction_code O +O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O O O B-toloc.city_name +O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name O O O O O B-cost_relative O O O O +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +B-flight_stop O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_date.day_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_time.time_relative B-depart_time.time O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-flight_stop O +O O O B-flight_days O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O O O B-fromloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-economy O +O O O B-cost_relative I-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-stoploc.city_name +O O O B-class_type O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O B-airline_code O O +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-city_name +O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-arrive_time.time_relative B-arrive_time.time +O O O B-round_trip I-round_trip O O B-airline_name B-flight_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-round_trip +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-flight_number O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name O +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_number O +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-airport_name I-airport_name +O O O O B-aircraft_code O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name B-or B-fromloc.city_name B-or B-fromloc.city_name O O O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-connect O O B-airline_name O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O O O O O O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name O O O O O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O B-toloc.city_name B-toloc.state_name O O O O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O B-depart_date.month_name B-depart_date.day_number +O O O O O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-stoploc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O B-mod O O O +O O O O B-mod O O B-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O O O B-depart_time.time O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +B-airline_code B-flight_number B-fromloc.city_name O B-toloc.city_name O O O O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_code +O O O O B-airline_name O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.day_name B-arrive_time.period_of_day +O O B-fromloc.state_code O B-toloc.city_name +O O O O B-airline_name O O B-connect O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time O O B-depart_time.period_of_day +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_time.period_mod O O B-arrive_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-cost_relative O B-fare_amount I-fare_amount +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-depart_date.day_name B-depart_time.period_of_day +O B-flight_stop O B-airline_code B-flight_number O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time +O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O B-transport_type O O B-city_name I-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time I-depart_time.time B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-flight_time O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fare_basis_code O +O O O O O O O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative O +O O O O B-depart_date.day_name B-fromloc.city_name B-fromloc.city_name +O O O O O O B-fromloc.city_name B-fromloc.state_code O B-fromloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-toloc.city_name I-toloc.city_name O O B-arrive_time.period_of_day I-arrive_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fare_basis_code +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-toloc.city_name O B-fromloc.city_name +O O O O O O O O O O O O O B-class_type I-class_type B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-restriction_code +O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time I-depart_time.time +O O O O O O O B-fromloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O O B-toloc.city_name +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O B-airport_code +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O +O O O B-airline_name O O B-fromloc.city_name +O O B-period_of_day O O B-toloc.city_name +O O O O B-round_trip I-round_trip B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O B-round_trip I-round_trip B-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O O O +O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-flight_mod O B-depart_date.today_relative O B-airline_code O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name +O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O B-flight_time O O B-airline_code B-flight_number O +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-depart_date.month_name B-depart_date.day_number +O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name B-flight_stop +O O O O B-flight_time O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_time.period_of_day O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year +O O B-airport_code O +O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-toloc.city_name O O B-cost_relative O B-fare_amount I-fare_amount B-round_trip I-round_trip +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time +O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-arrive_date.day_name +O O O O O O O O B-fromloc.city_name O O +O O O O O O B-city_name +O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O O B-fromloc.city_name O O B-toloc.city_name O B-depart_date.day_name O O +O O O O B-depart_date.today_relative B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name O O B-meal_description O B-depart_date.today_relative +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +B-city_name O +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O O B-toloc.airport_name I-toloc.airport_name O O B-fromloc.city_name +O O B-mod O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time O +O B-city_name O O O O O O O +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_number I-depart_date.day_number O B-depart_date.month_name +O O O B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O O O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_mod O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O B-arrive_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-economy B-class_type O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name B-flight_time O B-depart_time.period_of_day O O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name +O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O B-depart_date.day_name +O O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O B-flight_time I-flight_time O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-airport_code B-city_name +O O O B-flight_days O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name O O O O O O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-toloc.city_name I-toloc.city_name B-flight_mod +O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name B-stoploc.state_code +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O O O B-toloc.city_name O O B-depart_time.period_mod O B-depart_date.day_name B-depart_time.period_of_day +O O B-fromloc.city_name O B-toloc.city_name B-flight_days +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.date_relative O O O B-arrive_time.time_relative B-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time B-depart_date.today_relative +O O O O O B-depart_date.month_name B-depart_date.day_number O B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-airline_code B-flight_number B-airline_code B-flight_number +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.month_name B-depart_date.day_number +B-fromloc.city_name O B-toloc.city_name O O O O O B-stoploc.city_name I-stoploc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.period_of_day O O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name +O B-class_type I-class_type O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airport_code +O O O B-fare_basis_code O +O O O B-airline_code O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-toloc.city_name O B-fromloc.city_name B-arrive_time.time_relative B-arrive_time.time O B-arrive_date.month_name B-arrive_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O B-airline_name I-airline_name O O B-fromloc.city_name +O O O O +O B-depart_date.month_name B-depart_date.day_number O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-class_type I-class_type O O B-airline_name O O O O O B-depart_date.today_relative +O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_time O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative +O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O O O B-toloc.city_name I-toloc.city_name O O O O B-fromloc.city_name O O O O O O O B-airline_name I-airline_name O O O O B-flight_mod O +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name O O B-fromloc.city_name O B-depart_time.start_time O B-depart_time.end_time O O B-depart_time.period_of_day +O O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.day_name B-arrive_time.period_of_day +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name O B-depart_date.day_number +O O O O O O O B-fromloc.city_name O B-toloc.city_name O +O B-airline_code O O B-airline_name +O O O O O O O B-fromloc.city_name O O B-depart_time.period_of_day O O B-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O B-airline_code O O +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +O O O O B-round_trip I-round_trip O O B-toloc.city_name +B-depart_date.day_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O O B-depart_time.period_of_day O B-depart_date.day_name O O O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O O B-toloc.city_name I-toloc.city_name B-or B-toloc.city_name O O O B-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-meal_description O +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name I-toloc.city_name O O +O O O O O O O O B-fromloc.city_name O O +O O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O O O B-fromloc.state_code O B-toloc.state_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-flight_mod I-flight_mod I-flight_mod +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-restriction_code I-restriction_code +O O O O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-flight_stop +O O O B-flight_mod B-flight_stop O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time +O O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name B-toloc.state_name +O O O O B-city_name +O O O O O O O O B-toloc.airport_name I-toloc.airport_name +O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-cost_relative I-cost_relative B-class_type I-class_type B-round_trip I-round_trip O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name O O O O O O B-stoploc.city_name +O O O O O O O O O B-airport_name I-airport_name I-airport_name I-airport_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O O O O +O O O O +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O O B-cost_relative O O +O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O B-flight_number +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-economy O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.day_name +O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-meal O O +O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-depart_time.start_time O B-depart_time.end_time O O B-depart_time.period_of_day +O O B-airport_code O +O O O B-airline_name I-airline_name O O O B-toloc.city_name O B-depart_time.start_time O B-depart_time.end_time O O B-depart_time.period_of_day +O O O O O B-city_name O +O O O O O O B-city_name +O O O O O B-airline_name I-airline_name O B-airline_name I-airline_name O O O B-toloc.city_name O O O O B-airline_name I-airline_name O B-airline_name I-airline_name O O O O B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-aircraft_code +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-airline_name I-airline_name +O O O B-flight_mod O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O B-airline_name +O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day B-depart_date.today_relative +O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-flight_stop +O O O O B-fare_basis_code +O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-airline_name I-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O B-flight_mod O O B-fromloc.city_name O O O O B-toloc.city_name +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O B-airline_name O O B-city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O B-airline_code O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time I-arrive_time.time +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.date_relative B-depart_date.day_name B-depart_time.period_of_day +B-class_type I-class_type O B-fromloc.city_name I-fromloc.city_name B-fromloc.city_name B-round_trip I-round_trip +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-aircraft_code +O O O B-depart_time.period_of_day O O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.date_relative B-depart_date.day_name O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O B-cost_relative B-round_trip I-round_trip O O O O B-depart_date.day_name +B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name +O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O B-airline_name O B-fromloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-meal_code O O O B-meal +O O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-aircraft_code O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_date.month_name B-arrive_date.day_number +O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O O O B-toloc.city_name O B-arrive_time.time I-arrive_time.time O O B-arrive_time.period_of_day +O O O O O B-depart_date.day_name O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.airport_code O O B-meal_description +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O O O B-class_type I-class_type O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-class_type I-class_type O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name O O B-depart_time.period_of_day O B-depart_date.day_name +O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name B-fromloc.city_name B-fromloc.city_name O O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name +O O O O O O O O B-airport_name I-airport_name +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-flight_stop I-flight_stop O B-stoploc.city_name O +O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_time.period_of_day O B-depart_date.day_name +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time O O B-arrive_time.period_of_day +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time +O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O O O O B-cost_relative I-cost_relative O +O O O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.date_relative B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-depart_time.period_of_day O O B-depart_date.day_name B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name O B-flight_mod O O +O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O B-flight_stop +O O O B-flight_mod O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name +O O O O O O O O O O B-fromloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-class_type I-class_type O B-depart_date.day_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O O B-city_name +O B-depart_date.day_name O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-fromloc.city_name O O O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_code O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_stop O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time +O O O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-aircraft_code +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time B-depart_date.today_relative +O O O O O B-fromloc.city_name O O O B-stoploc.city_name O O O O B-toloc.city_name I-toloc.city_name +O O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O +O O O O B-depart_date.day_name B-depart_time.period_of_day B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name B-class_type I-class_type +O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time +O O O O B-fare_basis_code +O B-airline_name O O O B-fromloc.city_name I-fromloc.city_name O O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-toloc.city_name O B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-arrive_date.day_name +O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-city_name I-city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-meal_description O O O +O O O O O O O O B-fare_basis_code +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-depart_time.time +O O O O B-city_name B-state_code +O O O O O O B-fromloc.city_name O O +O O O B-fromloc.city_name O B-depart_date.day_name O B-airline_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-airline_name I-airline_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-airline_code O +O O O O O O O O B-connect O O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name O O B-depart_date.today_relative B-depart_time.period_of_day +O O O B-cost_relative O B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-city_name O O O O O +O O O O O O B-toloc.airport_name I-toloc.airport_name O O O O +B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name O O O B-aircraft_code O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-class_type I-class_type +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-airline_name O O B-toloc.city_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-cost_relative O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fare_basis_code O O O B-fare_basis_code +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-meal_code I-meal_code O O O B-meal +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O B-airline_code +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name I-fromloc.city_name O B-arrive_date.day_name B-arrive_time.period_of_day +O O O O O O O O O B-stoploc.city_name O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-airline_name I-airline_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O O +O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O B-airline_name I-airline_name O B-airline_code O O O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O O O O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name O O B-depart_time.period_of_day O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time O O B-arrive_time.period_of_day +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-city_name +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.date_relative O O O O B-flight_mod O O B-fromloc.city_name +B-fromloc.city_name O B-toloc.city_name +B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.today_relative I-depart_date.today_relative I-depart_date.today_relative I-depart_date.today_relative +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name +O O O O B-airline_code +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O +O B-depart_date.day_name O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O B-flight_time O O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name +B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +B-flight_mod B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-arrive_date.day_name B-arrive_time.period_of_day +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name B-fromloc.city_name +B-flight_mod O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name O O O O B-stoploc.city_name +O O O O O O B-flight_mod O O B-depart_date.day_name O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O O B-meal +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-flight_stop +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.city_name +O O O O O O O O O O B-city_name B-state_code O O +O O B-class_type I-class_type O O B-airline_name O O O O O B-depart_date.today_relative +O O O O O B-fromloc.city_name +O O O O B-class_type I-class_type B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-airport_name I-airport_name I-airport_name +O O O O O B-fromloc.airport_code O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O B-class_type I-class_type O B-fromloc.city_name O B-toloc.city_name +O O O B-toloc.city_name I-toloc.city_name O O O B-fromloc.city_name O O O O O O B-depart_date.month_name B-depart_date.day_number O O B-depart_time.period_of_day O O O O O O O O +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-airport_code O O +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O O B-toloc.city_name +O O O O O B-fromloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O B-airline_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-transport_type I-transport_type O O B-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-cost_relative O O +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_date.day_name B-arrive_date.month_name B-arrive_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_code O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-flight_stop B-airline_code O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O +O O O B-flight_mod O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name B-or B-fromloc.city_name B-or B-fromloc.city_name O O O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-fare_basis_code +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-flight_mod +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time O B-airline_name I-airline_name +O O O O B-airline_name O O O O O O O B-fare_basis_code +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-aircraft_code +O O O O O B-airline_code O B-fromloc.city_name O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-city_name +O O O B-airline_code O O O +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-depart_time.time +O O B-airline_code O +O O O B-airline_name B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time O O B-arrive_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.city_name O B-depart_date.day_name O O B-toloc.city_name B-toloc.state_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-flight_mod +O O O B-flight_mod O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-class_type O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-class_type I-class_type B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O +O O O B-cost_relative B-round_trip I-round_trip O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O B-arrive_time.time_relative B-arrive_time.time +O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name O O O +B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.period_mod B-depart_date.today_relative +O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_time.time I-depart_time.time O O B-flight_mod +O O O O B-fromloc.city_name O B-toloc.airport_code +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.state_code O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.month_name B-arrive_date.day_number I-arrive_date.day_number +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-or O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O O B-class_type I-class_type +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type O B-airline_name I-airline_name O O B-arrive_date.month_name B-arrive_date.day_number +O O O O B-fare_basis_code O +O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-mod O O +O O O B-city_name I-city_name +O O O O B-depart_date.today_relative B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-city_name I-city_name I-city_name O O O O +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-connect B-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-city_name +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name B-fromloc.city_name O B-fromloc.city_name O B-toloc.city_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount +O O O O O B-fromloc.city_name O B-toloc.city_name O B-connect O B-stoploc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O B-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_time.time I-depart_time.time +O O B-airline_code +O O O O O O B-city_name I-city_name +O O O O O O O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name +O O O O O O B-fromloc.city_name O O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.time I-arrive_time.time O O B-arrive_time.period_of_day +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +O O O O O O O O O O O B-city_name O O O O +O O O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name O B-depart_date.month_name B-depart_date.day_number O O B-depart_time.period_of_day B-depart_time.period_of_day +O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name B-fromloc.state_code O O B-stoploc.city_name O O O O O O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O O O O O O O O O B-depart_time.period_of_day +O O O B-flight_mod O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name O B-airline_code +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O B-arrive_time.time_relative B-arrive_time.time +O O O O B-flight_time O B-airline_name O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time +B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-city_name I-city_name +O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time O B-airline_name I-airline_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-round_trip I-round_trip O B-class_type I-class_type O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_time.period_of_day +O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-airline_name O O O B-stoploc.city_name +B-fromloc.city_name O B-toloc.city_name +O O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-round_trip I-round_trip +O O O O O O O O O O B-city_name +O O O B-fromloc.city_name O B-depart_date.day_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O O O O B-city_name +O O O O O O O O O B-toloc.city_name O +O B-flight_time O O B-depart_date.day_name B-depart_time.period_of_day B-depart_time.time O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-city_name +O B-fromloc.airport_code O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-arrive_date.date_relative B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-depart_time.time O O O B-toloc.city_name I-toloc.city_name O B-arrive_time.time I-arrive_time.time +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_name +O O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name O +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O B-fromloc.city_name O O O O O O O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O B-depart_time.period_of_day O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-meal_description +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-cost_relative I-cost_relative O +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O B-depart_date.day_name +O O O B-depart_time.period_of_day O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O B-airline_name I-airline_name O O O O B-stoploc.city_name +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O B-fromloc.city_name O B-toloc.city_name +O O O O O B-city_name I-city_name +O O O O B-depart_time.period_of_day B-flight_time O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O O B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day +O B-airline_name I-airline_name O O O O O O O O B-fromloc.city_name O O B-toloc.city_name O O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-meal O B-depart_date.today_relative I-depart_date.today_relative I-depart_date.today_relative I-depart_date.today_relative +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O O O B-depart_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-airline_name O O O B-fromloc.city_name O B-depart_time.time I-depart_time.time O O O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_time.period_of_day B-arrive_time.period_of_day +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name O O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-depart_time.time_relative B-depart_time.time I-depart_time.time B-cost_relative O B-fare_amount I-fare_amount +O O O B-airline_code B-flight_number +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O +O O O O O B-city_name O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-city_name +B-airline_name I-airline_name O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O B-cost_relative I-cost_relative B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-city_name O +O O O O B-fromloc.city_name B-depart_date.month_name B-depart_date.day_number O B-toloc.city_name B-cost_relative I-cost_relative O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number +O O O B-class_type O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O B-cost_relative B-connect O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O O B-meal +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_code O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name O B-airline_code +O O O O O O O B-fromloc.city_name I-fromloc.city_name O O O O B-toloc.city_name B-toloc.city_name O B-toloc.city_name +O O O O O O O O O O B-class_type I-class_type O +O O O B-city_name I-city_name +O O O O O O O O B-toloc.city_name O O O B-arrive_time.start_time O B-arrive_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-toloc.airport_name I-toloc.airport_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name O B-flight_number O O B-depart_time.time +O O O O O O O O O O B-toloc.city_name O B-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fare_basis_code +O O O O O B-depart_time.period_mod O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O B-toloc.airport_name I-toloc.airport_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.country_name O O B-depart_date.day_name +O O O O B-connect O O B-fromloc.city_name O B-toloc.city_name +O B-fromloc.city_name O B-toloc.city_name +O O O O O B-city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O B-flight_mod O O B-fromloc.city_name O O O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name O O O O B-fromloc.city_name I-fromloc.city_name O +O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-toloc.city_name O B-fromloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-connect O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-or B-toloc.city_name O O B-arrive_time.time_relative O O O B-arrive_time.time +O O O O O B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O +O O O B-flight_time O O O O B-fromloc.airport_name I-fromloc.airport_name O O +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-or B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-round_trip I-round_trip O O O B-fromloc.city_name O B-toloc.city_name B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O O O O O O B-toloc.city_name O B-toloc.city_name O O O O +O O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O B-airport_code O +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-toloc.city_name O B-fromloc.city_name O B-depart_date.day_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time +O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name +O O B-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time +B-depart_date.day_name B-or B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name B-airline_name I-airline_name +O O O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time +B-depart_date.date_relative B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fare_basis_code O +O B-flight_time O O B-flight_mod O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O O O O O O O O B-city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-flight_days O B-economy I-economy +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O O B-city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-flight_stop O O O O O B-depart_time.period_of_day +O O O O B-depart_time.time O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-city_name O B-city_name +O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name O O O B-toloc.city_name I-toloc.city_name +O O O O O O B-economy O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O B-flight_number O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_number O B-depart_date.month_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O O O B-city_name +B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-transport_type B-or B-transport_type O O O O B-airport_name I-airport_name +O O O O O B-fare_basis_code O +B-airline_name O O B-toloc.city_name O +O O O O O B-fare_basis_code I-fare_basis_code O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name +O O O O O O B-aircraft_code O +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-airline_code +O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_number I-depart_date.day_number +O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-meal_description O +O O O O B-fromloc.city_name O O O O O O B-toloc.city_name I-toloc.city_name O O O O O B-class_type I-class_type B-airline_name O O O O O O B-stoploc.city_name O O O O O O O O O O O O O +O O O B-class_type I-class_type O O B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time +O O O O B-transport_type O B-city_name I-city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-meal_description O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O O O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number +O O O O B-fare_basis_code +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.airport_code O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.start_time I-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O O O O B-meal O O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O B-airport_name I-airport_name O O O O O O O +O O O O O B-fromloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-depart_time.time_relative B-depart_time.time O O B-meal_description +O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O +O O O O O O B-city_name +O O B-airline_code +O O O B-airline_code +O O O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time O B-airline_name I-airline_name O B-airline_name I-airline_name +O O O O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O B-flight_stop O O B-arrive_date.day_name O B-fromloc.city_name O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time +O O O O O O O B-flight_stop O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O B-flight_mod O O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-aircraft_code +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O B-city_name I-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-airport_name I-airport_name I-airport_name +O O O O O O B-toloc.city_name O B-fromloc.city_name +O B-flight_time O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O O B-depart_time.period_of_day O O B-arrive_time.time_relative O B-arrive_time.time I-arrive_time.time +O O O O O B-toloc.city_name O B-fromloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name +O O B-depart_date.day_name B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-airline_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-airline_name O O B-fromloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O B-fare_basis_code O +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-mod O B-flight_stop I-flight_stop +O O O O O O B-fromloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.date_relative B-arrive_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-stoploc.city_name O O B-meal_description O O +O O O O B-fromloc.city_name I-fromloc.city_name O B-depart_date.day_name O O O B-toloc.city_name +O O B-airport_code O +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O O O O O O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-depart_date.day_name B-depart_time.period_of_day +O O O B-economy O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-toloc.city_name O B-fromloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O O O B-economy O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.day_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number O O B-arrive_time.period_of_day +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O O B-cost_relative O B-fare_amount I-fare_amount +O O O B-flight_days B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-depart_date.date_relative B-depart_date.day_name O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-mod B-airline_name I-airline_name O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day +O O O B-city_name +B-flight_stop O B-toloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O B-fromloc.city_name O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-flight_mod O O B-toloc.city_name O B-fromloc.city_name O B-arrive_date.month_name B-arrive_date.day_number O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.period_of_day O +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name O B-depart_date.day_number I-depart_date.day_number B-or B-depart_date.day_name O B-depart_date.day_number I-depart_date.day_number +O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.state_code +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O O O B-flight_time O O B-cost_relative O O O O B-cost_relative I-cost_relative B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O B-fromloc.city_name O B-airline_name I-airline_name +B-airline_name O O B-toloc.city_name O B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day B-flight_mod O +O O B-connect O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-city_name +O O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-flight_mod O O B-airline_name I-airline_name O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name +O O O O O O B-toloc.airport_name I-toloc.airport_name +O O O O O B-transport_type O O B-city_name +O O O O O B-transport_type I-transport_type O B-city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name B-fromloc.state_code B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fare_basis_code O +O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-flight_stop +O O O O B-fare_basis_code +O O O B-airline_name I-airline_name O O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time O O B-depart_time.period_of_day +O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name O B-airline_code +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name O O B-depart_date.day_name O O O B-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O B-depart_time.time I-depart_time.time +O O O O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.period_of_day +O O O O O O B-city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-depart_time.period_of_day O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-toloc.city_name O B-fromloc.city_name B-or B-fromloc.city_name B-or B-fromloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-class_type I-class_type O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_time.time I-depart_time.time O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-airline_code +O O B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name O B-flight_stop O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O B-arrive_time.period_of_day +O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O O O B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day +O O O B-mod B-class_type I-class_type O O O O O +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.date_relative O O O B-depart_time.period_of_day +O O O B-class_type I-class_type O B-depart_date.today_relative +O O O B-restriction_code O +O O O B-airline_name O B-airline_name I-airline_name O O B-stoploc.city_name B-depart_time.time_relative B-depart_time.time +B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time I-depart_time.time I-depart_time.time +O O O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-airport_name I-airport_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-class_type I-class_type O O B-airline_name +O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O B-airport_name I-airport_name I-airport_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-airline_name I-airline_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_date.day_name O O B-cost_relative O B-fare_amount I-fare_amount B-round_trip I-round_trip +O O B-airline_code O +O O B-class_type I-class_type O B-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O O O O B-city_name I-city_name +O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-restriction_code I-restriction_code O +O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-or B-depart_date.day_name B-airline_name I-airline_name +O O B-airline_code +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-airline_name B-flight_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O +O O O O O O O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-mod O O B-toloc.city_name +O O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name I-airline_name O B-class_type I-class_type O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-city_name +O O O O O O O B-airline_name I-airline_name B-flight_number O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O B-transport_type I-transport_type O O B-depart_date.date_relative B-depart_date.day_name O B-fromloc.airport_name I-fromloc.airport_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.airport_code +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name O O O O O +O O O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O O O B-round_trip I-round_trip O O B-airline_name B-flight_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-round_trip +O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O B-city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-city_name O O +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-cost_relative O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name O O O B-arrive_time.time_relative B-arrive_time.time +B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-aircraft_code O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name +O O O O B-airline_name I-airline_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time O B-depart_date.month_name B-depart_date.day_number +O O O B-flight_mod O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O B-cost_relative B-class_type I-class_type O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-depart_time.period_of_day B-flight_stop O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O O B-fromloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.time I-depart_time.time +O O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O B-flight_mod O O O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O O O O +O B-airline_code +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name O B-round_trip I-round_trip O B-cost_relative B-fare_amount I-fare_amount +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-depart_time.time_relative B-depart_time.time I-depart_time.time B-cost_relative O B-fare_amount I-fare_amount +O O O O O B-airline_name I-airline_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-flight_stop O O B-arrive_date.day_name B-arrive_date.month_name B-arrive_date.day_number O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.start_time I-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-connect O B-stoploc.city_name +O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-airline_name O +O O O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name O O O B-meal O O O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type O B-airline_name I-airline_name O B-arrive_date.month_name B-arrive_date.day_number B-arrive_time.time_relative B-arrive_time.time +O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-stoploc.city_name +O O O B-airline_name I-airline_name O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.date_relative B-depart_date.day_name O O O B-toloc.city_name +O O O O O O B-airline_name I-airline_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O +O O O B-city_name I-city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-city_name I-city_name I-city_name O O O O +O O O O B-time O O O O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-city_name +O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name O B-airline_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative I-cost_relative O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name O O B-stoploc.city_name O O B-depart_time.period_of_day B-class_type I-class_type O +O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O B-toloc.city_name I-toloc.city_name O O O O O O B-stoploc.city_name I-stoploc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_date.day_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-fare_basis_code O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_time.period_of_day B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-cost_relative O O B-depart_date.month_name B-depart_date.day_number +O B-round_trip I-round_trip O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O B-flight_number +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative I-cost_relative O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time O O B-arrive_time.period_of_day +O O O B-depart_time.period_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O B-airline_name I-airline_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-class_type O +O O O O O O O B-fromloc.city_name O O B-toloc.city_name +O O B-cost_relative B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-transport_type O O B-fromloc.city_name I-fromloc.city_name B-fromloc.airport_name I-fromloc.airport_name +O O O O O B-airline_name I-airline_name O B-airline_name O O O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.time I-arrive_time.time +O O B-fromloc.city_name O B-toloc.city_name +O B-airline_code O B-flight_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-flight_stop I-flight_stop O B-depart_date.today_relative B-depart_time.period_of_day +O O O B-flight_mod O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O B-airline_name O O B-meal O O B-fromloc.city_name O B-depart_date.day_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O B-flight_time O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O B-depart_time.time I-depart_time.time +O O B-fromloc.city_name O B-toloc.city_name +B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name O B-fromloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_stop B-depart_time.period_of_day B-arrive_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-depart_date.month_name B-depart_date.day_number O O O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O O B-meal +O O O O O B-toloc.city_name O B-fromloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O B-airline_name O O O B-fromloc.city_name +O O B-cost_relative B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O O O B-depart_date.month_name O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airport_code +O O O B-flight_mod O O O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-aircraft_code O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O B-arrive_time.time I-arrive_time.time O +O O O O O O O O O O O O O O B-city_name I-city_name +O O O B-flight_mod O O B-fromloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-toloc.city_name I-toloc.city_name B-depart_time.period_mod O O O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name O O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name B-toloc.state_name +O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.start_time I-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O B-airline_name O O O O B-stoploc.city_name +O B-airline_name I-airline_name O O O O B-fromloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-toloc.city_name B-flight_stop +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.time I-depart_time.time +O O O O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O O O O O O +O O O O O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time O B-arrive_date.day_name O O O B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O B-fromloc.city_name B-depart_date.today_relative O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O B-round_trip I-round_trip O B-cost_relative O B-fare_amount +B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name +O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code +O O O B-transport_type I-transport_type O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.today_relative +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-city_name +O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O +O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod B-airline_name I-airline_name O O O O O B-class_type I-class_type O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O B-flight_time I-flight_time O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-stoploc.city_name I-stoploc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O B-fromloc.city_name O O +O O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name B-toloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-or B-toloc.city_name B-toloc.state_code O O B-arrive_time.time_relative B-or B-arrive_time.time_relative B-arrive_time.time +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-toloc.city_name B-depart_date.today_relative B-depart_time.period_of_day +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-airline_name +O O B-airline_name O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name O +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name +O O O B-flight_mod B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.city_name +O O B-fromloc.airport_code B-or B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name +O O O B-depart_time.period_of_day B-depart_time.period_of_day B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.period_mod B-depart_time.period_of_day O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O O +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.date_relative B-arrive_date.day_name O +O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time O B-depart_date.month_name B-depart_date.day_number +O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O B-airport_code +O O O O O O B-restriction_code +O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-fromloc.state_code O B-toloc.city_name O B-fromloc.state_code B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O O O B-toloc.city_name +O O O O O O B-airline_name O B-class_type I-class_type O +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-toloc.city_name O B-fromloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year +O B-flight_stop O O B-fromloc.city_name B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name O O O O B-arrive_time.period_of_day +O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name B-fromloc.city_name O B-fromloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name O B-airline_name I-airline_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name B-flight_number O O O O B-flight_time +O O O B-meal O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-aircraft_code +B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-economy O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O O O O B-class_type B-economy O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O O +O O O B-flight_time I-flight_time O O B-aircraft_code O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-arrive_time.time_relative B-arrive_time.time O B-toloc.city_name B-toloc.state_code O B-fromloc.city_name +O O O O B-fromloc.city_name O B-airline_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code +O O O O O O O B-fromloc.city_name O O O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O O B-airline_name O B-class_type I-class_type O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name +O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-airline_code +O O O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-city_name +O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time +O B-airline_name I-airline_name B-class_type I-class_type O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O O O O O O O O B-toloc.city_name I-toloc.city_name O O O O O O O O +O O O O O B-fromloc.city_name +O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-meal_description O +O O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O O B-depart_time.time_relative O B-depart_time.time O O B-depart_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-flight_time O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name +O O O O B-transport_type O O B-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.time I-arrive_time.time B-arrive_date.date_relative B-arrive_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type B-round_trip I-round_trip +O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O O B-toloc.city_name O B-arrive_date.day_name O B-airline_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O O B-toloc.city_name +O O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.date_relative O B-depart_date.month_name B-depart_date.day_number O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time O O +O O B-airline_code O +O O O O O O B-round_trip I-round_trip O B-class_type I-class_type O B-fromloc.airport_code O B-toloc.airport_code +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-flight_stop +O O O B-restriction_code I-restriction_code +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-depart_date.day_name O O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O B-meal +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-arrive_time.period_of_day +O O O O O B-city_name +O O O O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-airline_code O +O O O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_code O B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-city_name +O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name O +O O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-city_name +O O O O O O B-fare_basis_code O O O B-fare_basis_code +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-depart_time.time I-depart_time.time +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip B-class_type O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-toloc.city_name O B-fromloc.city_name O O O O O O +O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name O O B-fromloc.city_name +O O O B-flight_time I-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number +O O B-class_type I-class_type O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-connect O B-stoploc.city_name +O O O B-flight_mod O O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O B-transport_type O B-fromloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day +O O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O B-airline_name O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_time I-flight_time O O B-flight_mod O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O O O +O O B-fromloc.city_name O B-toloc.city_name B-flight_days B-depart_time.time I-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.period_mod B-depart_date.today_relative +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O O O O O O O O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O O B-toloc.city_name +O O O O B-cost_relative I-cost_relative O O O B-depart_date.day_name O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O B-flight_time O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-depart_date.day_name B-depart_date.month_name B-class_type O B-fromloc.city_name O B-toloc.city_name +O O O B-city_name +O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.city_name O B-meal_description +O O O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O O O O B-arrive_time.period_of_day O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_time.period_of_day +O O O O O O B-city_name O B-today_relative I-today_relative I-today_relative I-today_relative +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name O B-flight_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O B-airline_name O B-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time +O B-depart_date.month_name B-depart_date.day_number O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O O O O B-cost_relative +O O O O O O B-airport_name I-airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O B-flight_mod B-meal_description O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O O B-toloc.city_name O O B-depart_time.time_relative O B-depart_time.time I-depart_time.time O B-depart_time.period_of_day +O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-arrive_time.time_relative B-arrive_time.time O B-toloc.city_name O B-fromloc.city_name +O O O O O O B-airline_code O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-airline_name O B-toloc.city_name +O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-airline_name I-airline_name O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O O O O O O O O O O O B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day +O O O B-flight_mod O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name O O O B-meal +O O O B-flight_mod O O B-fromloc.city_name B-depart_date.month_name B-depart_date.day_number O O O B-toloc.city_name +O B-meal_description O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-meal_description +O O B-airline_name O O O B-fromloc.city_name +O O O B-flight_mod O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-mod O B-airline_code +O O O O O B-fromloc.city_name O B-toloc.city_name +O B-depart_time.period_of_day O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.airport_code O B-toloc.city_name +O B-airline_name I-airline_name O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-airline_name I-airline_name +O O O O O O B-airline_code O B-class_type I-class_type O +O O O O O O B-economy O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-city_name +O O O O O B-class_type I-class_type O O B-airline_name I-airline_name B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative +O O O O B-city_name B-state_code +O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O B-cost_relative B-class_type O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-toloc.city_name +O O O +O O O O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O O O O O O O O O O O O B-cost_relative O +O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.airport_code +O O O O O B-airline_code O +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O O O B-toloc.city_name B-toloc.state_name O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O B-flight_days O O O B-fromloc.city_name O O B-class_type I-class_type +O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.period_of_day +O O O O O B-class_type I-class_type +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-flight_mod O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-flight_time I-flight_time I-flight_time I-flight_time O O B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-stoploc.city_name O O O +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +B-fromloc.airport_code O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number B-depart_date.year +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-meal +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-flight_stop +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.day_name B-arrive_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O B-airline_name I-airline_name O O O O B-stoploc.city_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-class_type I-class_type +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-flight_stop B-arrive_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-meal +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O O O O O B-stoploc.city_name O O O O B-cost_relative O +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-class_type B-economy I-economy B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-transport_type I-transport_type I-transport_type O B-airport_name I-airport_name I-airport_name +O O O B-meal O O +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_date.month_name B-arrive_date.day_number +O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O O B-depart_time.period_of_day O O O O B-arrive_time.period_of_day O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_date.year O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O B-airline_name +O O O O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-toloc.city_name I-toloc.city_name O B-arrive_time.time I-arrive_time.time O O B-arrive_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_date.year +O O O O O B-toloc.city_name B-arrive_date.day_name B-arrive_time.period_of_day O B-fromloc.city_name I-fromloc.city_name O B-class_type I-class_type +O O O O O O B-airline_name O O O O B-fromloc.city_name I-fromloc.city_name +O O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-flight_stop O O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-flight_stop +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_date.day_name +O B-airline_name O O B-aircraft_code +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-airline_name O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name +O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time O O O B-meal +O O O O B-depart_time.period_of_day O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O B-airline_name I-airline_name O O O B-fromloc.city_name I-fromloc.city_name +O O O B-class_type O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O O O O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-fromloc.city_name O B-toloc.city_name O O +O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_time I-flight_time O B-fromloc.city_name I-fromloc.city_name O O B-depart_time.time I-depart_time.time O O B-fromloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name +O O O O O O O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-fromloc.city_name O B-toloc.city_name O B-flight_mod B-depart_time.period_of_day O B-round_trip I-round_trip +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O O O O O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_days O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-depart_time.period_of_day O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-fare_amount I-fare_amount +O O O O O O B-city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-class_type I-class_type O B-cost_relative O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +B-airline_name O O B-toloc.city_name I-toloc.city_name O +O O O O B-flight_time I-flight_time O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time +O O O B-flight_mod O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative B-depart_time.period_of_day O O B-meal_description +O B-depart_date.month_name B-depart_date.day_number B-fromloc.city_name O B-toloc.city_name B-airline_name O B-flight_number +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O B-cost_relative O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_time O O O O O O O B-fromloc.city_name O O +O B-depart_time.period_of_day O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-airport_name I-airport_name +O O O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name O O B-stoploc.city_name +O O O O O O O O B-airline_name I-airline_name B-class_type I-class_type O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O O O O O O O O B-toloc.city_name O O O B-flight_mod O O B-fromloc.city_name O O B-flight_mod O O O O B-fromloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name O B-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-flight_mod I-flight_mod I-flight_mod +O O O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.city_name O O O O O B-meal_description +O O O O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O O B-city_name I-city_name B-state_name +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name +O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number +O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name O +O O O O O O O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name O O O +O O O O O O O B-airport_name I-airport_name I-airport_name +O O B-class_type I-class_type O O B-airline_name O B-depart_date.today_relative +O O O O O O B-fromloc.city_name O O O O O B-fromloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time +O B-airline_name I-airline_name O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O O O O B-stoploc.city_name I-stoploc.city_name O O O O O O O O B-meal_description +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_mod O O O B-depart_time.period_of_day O O O +O O O O O B-fromloc.city_name +O O O B-fare_basis_code +O O O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O O O O O O B-city_name +O O O O O O O B-airline_name I-airline_name O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name O B-flight_mod O O O B-depart_time.period_of_day O O +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-stoploc.city_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-cost_relative I-cost_relative O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-airport_code +O O O O O B-city_name B-state_code +O O O O +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-toloc.city_name O O B-airline_name +O O B-meal B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O O O B-flight_mod O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-meal +O O O O B-class_type I-class_type O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-round_trip I-round_trip +O O O O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O B-toloc.city_name O O B-arrive_time.period_of_day +B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-depart_time.period_of_day +O O O B-flight_mod O O O O B-toloc.city_name O B-fromloc.city_name +O O B-days_code +O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name O O O O +O O O B-city_name I-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-city_name +O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O O B-flight_mod O O B-fromloc.city_name O O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O O O O O O O O O O O B-fromloc.city_name O O B-toloc.city_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name O B-arrive_time.time I-arrive_time.time I-arrive_time.time +O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O O O +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O O O O O O B-cost_relative O +O O O B-flight_mod O B-fromloc.city_name O B-toloc.city_name +B-class_type I-class_type O O B-airline_code O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-flight_stop O B-toloc.city_name O B-toloc.city_name +O O O B-round_trip I-round_trip O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time O B-airline_name +O O B-airline_code +O O O B-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-depart_time.time I-depart_time.time O B-toloc.city_name B-arrive_time.time I-arrive_time.time O O O O O O O O O +O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.airport_code O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-flight_mod O O B-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-depart_time.time_relative B-depart_time.time I-depart_time.time B-cost_relative O B-fare_amount I-fare_amount +O O O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O B-meal O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time +O O O O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_number O B-depart_date.month_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.day_name O B-class_type I-class_type O +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name +B-flight_stop O B-toloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time O B-depart_date.day_name +O O B-depart_date.date_relative B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_code O +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name +O B-airline_name O O B-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O B-flight_days B-airline_name I-airline_name O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name +O O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_date.day_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day I-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O O B-depart_date.day_name +O B-class_type I-class_type O O B-airline_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O O B-depart_date.date_relative O +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-class_type B-economy O +O O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-cost_relative B-round_trip I-round_trip O +O O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-depart_date.month_name B-depart_date.day_number O O B-toloc.city_name O O B-fromloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.today_relative I-depart_date.today_relative I-depart_date.today_relative I-depart_date.today_relative B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +O O B-flight_mod B-meal_description O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-class_type O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-airline_name I-airline_name B-flight_number +O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O B-depart_date.day_name O B-depart_date.day_number I-depart_date.day_number O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O B-class_type I-class_type B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.month_name B-depart_date.day_number O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_mod B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-transport_type I-transport_type O O B-airport_name I-airport_name O O O O O O +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O B-airline_code +O O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-airline_name I-airline_name B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_time.period_of_day B-or O O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-fromloc.city_name O O B-toloc.city_name O B-arrive_date.day_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.airport_name I-fromloc.airport_name O O O +O O O O O O O B-city_name I-city_name I-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-depart_date.day_name B-depart_time.period_of_day B-or B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.airport_code +O B-airline_name I-airline_name O O O B-stoploc.city_name +O O O O O O O O O O O B-airline_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fare_basis_code +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-depart_time.period_of_day O O O O B-arrive_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-depart_date.day_number I-depart_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-or B-depart_date.day_name B-depart_time.period_of_day +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name O O O +O O O B-meal_description O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_date.date_relative O B-depart_time.time_relative O B-depart_time.time I-depart_time.time +O B-fromloc.city_name O B-toloc.city_name O O O O O O O B-mod O O O O O O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O B-restriction_code O +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name I-airline_name O O B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name O O B-depart_date.date_relative B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O O O O B-city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-city_name +O O O O O O O O O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O O B-toloc.city_name +O O O O O O O O O O B-fromloc.city_name O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-flight_time I-flight_time B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O B-airline_name I-airline_name O O B-toloc.city_name O B-depart_time.start_time O B-depart_time.end_time O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day O O O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name I-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop +O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O +O O O O O B-fare_basis_code O +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-meal_description O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O O B-cost_relative O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name B-depart_date.date_relative B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +B-airline_name O O B-toloc.city_name O B-fromloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O B-airline_code O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-flight_mod O O B-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-airline_name O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O B-flight_mod O O O O O O O B-fromloc.city_name O O B-toloc.city_name +O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop +O O O B-flight_mod O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O +O B-airline_name I-airline_name O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-stoploc.city_name +O O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-flight_stop I-flight_stop I-flight_stop I-flight_stop +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O B-depart_time.period_of_day O O B-arrive_time.time_relative O B-arrive_time.time I-arrive_time.time O O O O B-flight_stop +O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O B-depart_date.month_name B-depart_date.day_number O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-airport_code +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_number +O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name B-depart_date.day_name B-depart_time.period_of_day O O B-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name O +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time B-depart_date.today_relative I-depart_date.today_relative I-depart_date.today_relative I-depart_date.today_relative +O O O B-airline_name O O B-fromloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O O O O O O O O O +O O B-airline_name O O O O B-toloc.city_name I-toloc.city_name +B-depart_date.month_name B-depart_date.day_number O O O O O O B-round_trip I-round_trip O O B-class_type I-class_type O B-airline_name I-airline_name O O B-fromloc.city_name O O B-toloc.city_name +O O O O O O B-city_name I-city_name +O B-airline_name I-airline_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time +O O O O O O O B-class_type I-class_type O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O O +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name I-toloc.city_name O O O B-fromloc.city_name +O O B-airport_code O +O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-or B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airport_name I-airport_name I-airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.airport_code O B-toloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name O B-depart_date.today_relative O O O O O O O O O B-stoploc.city_name O +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name +O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_mod O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_number I-depart_date.day_number O B-depart_date.month_name +O O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name O O B-depart_time.period_of_day B-arrive_time.period_of_day O B-arrive_date.day_name B-arrive_date.month_name B-arrive_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-depart_time.period_of_day O O O +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time +O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name O O O B-depart_time.time I-depart_time.time O O O O O +O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-fare_basis_code +O O O B-restriction_code I-restriction_code +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_number O B-depart_date.month_name +O O O O O O O O B-airport_name I-airport_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-airline_code +O O O O O O O B-fromloc.city_name O B-toloc.airport_code O O B-airline_name I-airline_name +O O O O O O O B-airport_name I-airport_name I-airport_name I-airport_name +O O O O O B-toloc.city_name O O O O O +O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-cost_relative O O O O B-fare_amount I-fare_amount O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative I-arrive_time.time_relative I-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.date_relative B-arrive_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O B-depart_date.day_number O B-depart_date.month_name +O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-city_name O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +B-transport_type O B-city_name +O O O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O B-depart_time.period_of_day O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O O O O O B-fromloc.city_name B-fromloc.state_code O O B-stoploc.city_name O O O O O B-toloc.city_name I-toloc.city_name +O O O O B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_time O O O O O O B-fromloc.city_name I-fromloc.city_name O O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name O B-round_trip I-round_trip O B-cost_relative O B-fare_amount I-fare_amount +O O O O B-fare_basis_code O +O O O O O O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O O O O O B-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_code O O O O B-stoploc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name +O O O O O B-airline_name I-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_code +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +B-depart_time.time I-depart_time.time O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-city_name I-city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O O O O O B-fromloc.city_name B-depart_date.today_relative +O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.date_relative B-depart_date.day_name +O O O B-flight_mod O B-depart_date.today_relative O B-airline_name I-airline_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-depart_time.period_of_day B-depart_time.period_of_day B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-cost_relative O +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name O B-airline_code +O O O O O O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +B-city_name O O +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O B-flight_mod O O O B-flight_stop I-flight_stop O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-airline_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O B-city_name B-today_relative +B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fare_basis_code O +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-or B-depart_date.day_name +O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name O B-airline_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-transport_type O O B-airport_name I-airport_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-class_type I-class_type +O O O B-restriction_code I-restriction_code +O O O O O O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O B-airline_code +O O O O O O O O O B-toloc.city_name +O O B-airline_code B-flight_number B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name I-airline_name O O B-depart_date.date_relative B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-cost_relative B-round_trip I-round_trip O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day B-depart_date.date_relative B-depart_date.day_name +O B-economy O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fare_basis_code O O O +O O O O O B-toloc.city_name O O O O +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name +O O O O O O B-city_name +O O B-fare_basis_code O O O O +O O O O B-round_trip I-round_trip O O B-fare_amount I-fare_amount O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.start_time I-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O B-fare_basis_code O +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O B-fromloc.city_name I-fromloc.city_name O B-mod O O +O O O O O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O B-depart_date.today_relative O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-class_type I-class_type O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_code +B-class_type O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number O O B-fromloc.city_name +O O O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O B-depart_date.day_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O B-meal +O O O O O B-fromloc.airport_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-stoploc.city_name I-stoploc.city_name +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.state_code +O O O O O O B-aircraft_code +O O O O O B-toloc.airport_name I-toloc.airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-class_type I-class_type O O B-airline_name O O O O O B-depart_date.today_relative +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O O B-city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-fromloc.city_name O O O O O O O O O O O O B-toloc.city_name O O O O O O B-return_date.date_relative +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O B-aircraft_code +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-class_type O +O O O O B-depart_time.period_mod B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.time I-depart_time.time O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O B-class_type I-class_type B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O O O O O O O O O O B-fromloc.city_name O O +O O O O O B-fromloc.city_name +O O B-airline_name I-airline_name O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name +O O O O O O O B-fare_basis_code O B-fare_basis_code +O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O +O O O B-airline_code O O +O O O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name O O B-fromloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-transport_type +O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time O O O B-meal +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-meal_description O +O O O B-class_type B-economy O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name +O O O O O B-toloc.airport_name I-toloc.airport_name +O O O O O O B-city_name +O +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-restriction_code I-restriction_code +O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O B-airline_name I-airline_name O B-depart_time.period_mod O O B-depart_time.period_of_day O B-fromloc.airport_name O B-toloc.airport_code +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time I-depart_time.time O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time O B-arrive_date.day_name +O O O O B-fromloc.city_name O O O O O O O O B-toloc.city_name B-or B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O B-flight_time O O O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.month_name B-depart_date.day_number B-economy I-economy +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_name +O O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-airline_name O B-depart_date.day_name +B-class_type I-class_type B-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name O O O B-depart_time.period_of_day +O O O O O B-meal_code I-meal_code I-meal_code +O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-airport_name I-airport_name +O O O O O O O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O O O B-toloc.city_name +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day +O O O O B-fromloc.city_name O O O B-toloc.city_name B-toloc.state_name +O O O O B-fromloc.city_name O O B-depart_time.period_of_day O O O B-toloc.city_name O B-arrive_time.time I-arrive_time.time +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O B-restriction_code I-restriction_code +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-airline_name O O O O B-depart_time.period_of_day O O O O O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-flight_stop I-flight_stop O B-stoploc.city_name +O O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time B-depart_date.day_name B-flight_stop +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O O B-toloc.city_name I-toloc.city_name +O B-depart_date.day_name O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name +O O O O B-depart_time.period_of_day B-depart_time.period_of_day B-connect O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-transport_type I-transport_type O B-city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O O O +O O O O O O B-fromloc.city_name O O B-toloc.city_name O O O B-stoploc.city_name O O O +O O O B-flight_mod O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O O B-flight_mod O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-city_name I-city_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-city_name +O O O O B-aircraft_code O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O B-airline_name O B-flight_number +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year +O O O B-fare_basis_code O O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O B-airline_name O O B-toloc.city_name +O B-airline_name O O B-city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +B-city_name O O +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airport_name I-airport_name I-airport_name +O B-flight_time O O B-depart_time.period_of_day I-depart_time.period_of_day O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-airline_name I-airline_name O B-flight_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.state_code O B-toloc.city_name B-toloc.state_name +O O B-fromloc.city_name I-fromloc.city_name B-depart_date.month_name B-depart_date.day_number +O O O O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-class_type O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name B-or B-fromloc.city_name B-or B-fromloc.city_name O O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O O O +O O O O O O O B-airline_name I-airline_name +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name O O B-depart_date.day_number I-depart_date.day_number O O B-depart_date.day_number I-depart_date.day_number O B-depart_date.month_name +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-cost_relative O +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-airline_name O B-depart_date.day_name O B-depart_date.day_number O B-depart_date.month_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.airport_code O O B-airline_name I-airline_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day O O O B-depart_date.date_relative O B-depart_date.day_name +O O O B-cost_relative B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O B-mod B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_date.year +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.month_name B-depart_date.day_number +O O O O O B-airline_name B-or B-airline_code O O O B-stoploc.city_name +O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O O O B-stoploc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_days +O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number +B-depart_date.day_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time +B-airline_name I-airline_name B-depart_date.date_relative B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.time +O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.date_relative O +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_date.year +O B-airline_name I-airline_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-arrive_time.time_relative B-arrive_time.time +B-flight_stop O B-toloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-economy O +O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name O B-arrive_date.day_name B-arrive_time.period_of_day +O B-airline_name O O B-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-depart_time.period_of_day +B-airline_code B-flight_number B-fromloc.city_name O B-toloc.city_name O O O O +B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod B-depart_time.period_of_day O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-cost_relative O +O B-airline_name I-airline_name O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name O O O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop I-flight_stop O O O +O O O B-flight_mod O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O O B-connect O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O O O O O B-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O B-airline_name O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fare_basis_code +O O B-fromloc.city_name O B-toloc.airport_code +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-connect O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-class_type I-class_type O O B-airline_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.date_relative O +O O B-airline_name I-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O B-depart_date.day_name O O O O B-fromloc.city_name O O B-toloc.city_name +O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O B-airport_name I-airport_name I-airport_name O +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O O +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O O O O O O +O O B-class_type I-class_type O B-round_trip I-round_trip B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day +O O O O O O O O B-city_name O O O O O O O O B-period_of_day B-time_relative B-time I-time +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name O B-depart_date.day_number +O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-class_type I-class_type O +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O O O O +O O O O O O O O B-fromloc.city_name O O B-toloc.city_name B-toloc.city_name B-toloc.city_name O O O B-toloc.city_name +O O O B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name +O O O B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name O O O B-depart_time.period_of_day O B-depart_date.day_name +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O O O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.airport_code +O O O O O O O O B-city_name B-state_code +O O O B-fromloc.city_name O B-toloc.city_name B-connect O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-connect O B-stoploc.city_name +O O B-airline_name I-airline_name I-airline_name O +O O O B-cost_relative I-cost_relative O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.state_code O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day O O O B-meal +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-airline_name O B-flight_number O B-meal_description +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name O B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name B-stoploc.state_code O B-airline_name I-airline_name +O O O O O B-round_trip I-round_trip O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-city_name +O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-class_type I-class_type O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O O B-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name O O B-round_trip I-round_trip O B-cost_relative O B-fare_amount I-fare_amount +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-depart_date.day_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name O B-fromloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time +O O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O B-return_date.month_name B-return_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_number +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-flight_time O B-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O B-depart_date.month_name B-depart_date.day_number O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O B-airport_name I-airport_name I-airport_name O +O O O O O O B-city_name O O O O O O O O O O O O O +O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name I-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O O +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-flight_stop +O O O O B-flight_stop O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name O B-class_type I-class_type +O O O B-flight_mod O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O B-city_name O O +O O O O O B-city_name B-transport_type I-transport_type +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-stoploc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +B-depart_date.day_name O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-depart_date.day_name B-class_type I-class_type +O O O O B-fare_basis_code +O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name O B-depart_date.day_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number +O O O O O O O B-city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-depart_date.month_name B-depart_date.day_number O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name B-depart_date.date_relative B-depart_date.day_name +O B-airline_name I-airline_name O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.airport_code O O B-meal_description +O O O B-flight_stop O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-arrive_date.day_name +B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O O O O O O O O B-toloc.city_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative +O O O O B-fromloc.city_name O B-toloc.city_name O O B-cost_relative O B-fare_amount I-fare_amount +O O O O O O O O O B-class_type B-or B-economy I-economy O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O O O B-toloc.city_name B-toloc.city_name O B-toloc.city_name O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O +O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-round_trip I-round_trip B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.day_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O O B-round_trip I-round_trip O O B-cost_relative O B-fare_amount I-fare_amount +B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name O B-airline_name I-airline_name O O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O B-city_name I-city_name I-city_name O O O O O O O +O O O O O B-flight_mod O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-meal_description +O O O B-airline_name I-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O O B-meal +O O O B-round_trip I-round_trip B-class_type O O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code O +O O O O B-airline_name I-airline_name O O O O O O O B-fare_basis_code +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-class_type I-class_type O +O O O B-airline_name O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.period_mod O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number +O O O B-class_type I-class_type O O O O B-fromloc.city_name O B-toloc.city_name +O B-meal_description O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name O O O O O O +O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name B-flight_stop +O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-depart_time.period_of_day O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.state_code O B-airline_name I-airline_name +O B-flight_stop O O B-arrive_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-flight_stop O O B-arrive_date.day_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O O O O O O O B-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name B-depart_date.date_relative B-depart_date.day_name +O O O B-airline_name I-airline_name O B-fromloc.city_name O O O B-toloc.city_name +O O O O O O B-toloc.city_name O B-fromloc.city_name B-fromloc.city_name O B-fromloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-depart_date.day_name +O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name O O O O O O O O B-airline_name I-airline_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-fromloc.city_name O B-toloc.city_name O B-connect O O O +O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-flight_stop O B-fromloc.city_name O B-toloc.city_name O O O B-depart_time.start_time O B-depart_time.end_time O O B-depart_time.period_of_day +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_date.day_name B-arrive_time.period_of_day +O O O B-restriction_code I-restriction_code O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O B-transport_type O O B-city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-flight_time O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O B-city_name +O O O B-depart_date.day_name B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.period_of_day O O +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_code +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-city_name B-state_code +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.period_of_day O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O B-arrive_time.period_of_day O O O B-return_date.date_relative O O O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O B-arrive_time.period_of_day O O O O O +O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O B-toloc.city_name B-toloc.state_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O O B-meal +O O O B-airline_name I-airline_name O O B-fromloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name O B-depart_time.period_mod O O B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time O B-depart_date.day_name O B-depart_time.time_relative B-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-aircraft_code O +O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name +O O O O O B-depart_date.day_name O B-fromloc.city_name O O O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O B-flight_mod B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-flight_mod B-depart_time.period_of_day O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-class_type I-class_type +O O O B-cost_relative O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-or B-fromloc.city_name B-or B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O B-flight_time O B-depart_date.day_name O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.today_relative +O O B-airline_code +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name B-depart_date.date_relative B-depart_date.day_name +O O B-flight_stop I-flight_stop O O B-airline_name I-airline_name B-toloc.city_name O O B-arrive_time.time O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod I-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_number O B-depart_date.month_name +O O B-airline_code +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-arrive_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day B-depart_date.today_relative +O O O O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O O O O O B-toloc.city_name +O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O B-fromloc.city_name O B-depart_date.day_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-fromloc.city_name O B-toloc.city_name O B-flight_mod O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O O O B-toloc.city_name O O B-arrive_date.day_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O O O B-stoploc.city_name B-stoploc.state_code +O O O O B-flight_stop O B-fromloc.city_name O B-toloc.city_name O O O O B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount +O O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-depart_time.time_relative B-depart_time.time I-depart_time.time B-cost_relative O B-fare_amount I-fare_amount +O O O O O B-fromloc.city_name O B-toloc.airport_code +O B-airline_name I-airline_name O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O B-airport_code +O O O B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name B-depart_date.day_name +O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fare_basis_code O O O O +O O O B-fare_basis_code O B-mod O B-class_type I-class_type +O O O O O O O O O B-depart_date.month_name B-depart_date.day_number O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-stoploc.city_name I-stoploc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-transport_type I-transport_type O O B-city_name +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-airline_code +O O O B-mod O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_date.month_name B-arrive_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name B-depart_date.date_relative B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount +O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-depart_date.day_name O O O O O O O O B-depart_time.period_of_day +O O O B-flight_mod B-flight_stop I-flight_stop O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name +O O O O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-connect O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O O O O B-cost_relative O +O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-or B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-fromloc.city_name O O B-depart_time.period_of_day O O O B-arrive_time.time I-arrive_time.time +O O O O B-depart_time.period_mod B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-transport_type O B-city_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-meal +O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_time.time I-depart_time.time +O O B-flight_time O B-class_type O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.period_of_day O B-toloc.city_name +B-airline_code B-flight_number +O O O O O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name +O O B-class_type I-class_type O O O O B-airline_name I-airline_name +O O O O O O O B-airport_name I-airport_name I-airport_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O B-depart_date.day_name O O B-toloc.city_name B-toloc.state_code O O O O O B-fromloc.city_name O O O O O B-fromloc.city_name +O O O O O B-fare_basis_code O O O O O O B-fare_basis_code +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name +O B-flight_time O B-airline_code O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name O O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-round_trip I-round_trip B-economy O +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_time.period_of_day B-or B-depart_time.period_of_day +B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.city_name +O O O B-city_name +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-stoploc.city_name +O O O O O O O B-depart_date.date_relative B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name O +O O O O B-airline_code O O B-depart_time.period_mod O O B-depart_time.period_of_day O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O B-economy I-economy O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number O O O O O O B-cost_relative O O +O O O O B-transport_type O B-city_name I-city_name O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-flight_time O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-city_name I-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.month_name B-depart_date.day_number O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O O B-flight_number B-or O O B-flight_number +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number B-depart_date.year +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name B-fromloc.state_code O O O B-toloc.city_name I-toloc.city_name O B-arrive_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-stoploc.city_name +O O O O O O B-flight_days O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O B-cost_relative O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-city_name +O O O O B-round_trip I-round_trip B-economy O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name I-airline_name I-airline_name +O O O O O B-fromloc.city_name B-depart_date.month_name B-depart_date.day_number O O O B-toloc.city_name B-toloc.state_name B-arrive_date.month_name B-arrive_date.day_number O O O B-depart_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fare_basis_code O +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-depart_time.time_relative B-depart_time.period_of_day +O O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.month_name B-depart_date.day_number O O O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-mod O O B-fromloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name +O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O B-airline_name I-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name O B-arrive_time.start_time I-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time +O O B-fromloc.city_name O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-transport_type I-transport_type O B-city_name +O O O O O O O O O O B-aircraft_code O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-class_type I-class_type O O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-airline_code +O O O O O O O O O B-airline_code O B-flight_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name O B-meal_description O B-airline_code O B-flight_number B-or B-flight_number +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-meal_code O O +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-cost_relative B-round_trip I-round_trip O +O O O O O O O B-mod O O +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_of_day O +O O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O B-depart_date.month_name B-depart_date.day_number +O O O O O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time I-depart_time.time I-depart_time.time B-flight_days +O O O O O O B-city_name +B-transport_type I-transport_type O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-city_name +O O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name B-class_type I-class_type O +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_time.time O O B-depart_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O O O O B-airline_code +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O O B-fromloc.city_name O O +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-airline_name I-airline_name +O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name +O O B-airline_code O +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time +O O O O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type +O O O O O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-fromloc.state_code +O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-airline_name I-airline_name O +O O O O O O O B-aircraft_code +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-meal O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time O B-depart_date.day_name +O O O O O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name O B-depart_date.month_name B-depart_date.day_number +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O B-aircraft_code +O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_time.period_of_day B-depart_time.period_of_day B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number I-arrive_date.day_number +O O O O O O B-fromloc.city_name I-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.day_name O B-depart_date.day_number O B-depart_date.month_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O O O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airport_code O O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-airline_code +O O B-city_name +O O O B-fromloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.day_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod B-depart_date.day_name +O O O O O B-airline_code O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-flight_days O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-flight_stop O O B-fromloc.airport_code O B-toloc.city_name I-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-fromloc.airport_name I-fromloc.airport_name O O +O O O O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-or B-depart_date.day_name B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name O O B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number O O B-depart_time.period_of_day +O O O O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name O O B-meal_description O +O O O O O O O B-flight_mod O O O O B-fromloc.city_name O O B-toloc.city_name +O O O B-connect O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O O B-flight_mod O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_code O B-airline_code +O O O B-class_type I-class_type O B-class_type O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.date_relative B-arrive_date.day_name +O B-airline_name I-airline_name O O B-fromloc.state_code O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.date_relative B-depart_date.day_name +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O B-round_trip I-round_trip O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-depart_time.start_time O B-depart_time.end_time O O B-depart_time.period_of_day +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name O B-fromloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.period_mod O O B-depart_time.period_of_day O O O +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name I-airline_name O O B-fromloc.city_name O O O O B-stoploc.city_name O O O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_date.year +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-restriction_code +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.city_name +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-class_type I-class_type O +O O O O B-depart_time.time I-depart_time.time O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-aircraft_code +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name +O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name O O O B-return_date.date_relative +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name +O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O O B-arrive_time.period_of_day O O O B-arrive_time.time I-arrive_time.time +O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name +O O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number +O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O +B-transport_type I-transport_type O B-city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O B-airline_name O O O O O O +O O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-depart_time.period_of_day O +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-class_type I-class_type O +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-city_name I-city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O B-class_type I-class_type O +O O B-round_trip I-round_trip B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-meal +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-restriction_code +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-round_trip I-round_trip B-class_type I-class_type O O B-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-transport_type I-transport_type O O B-city_name +O O O O O B-flight_mod O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-flight_days O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O +O O O O B-mod B-class_type I-class_type O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O O O B-depart_time.period_of_day +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-airline_name I-airline_name O O B-stoploc.city_name +O O O O B-depart_date.today_relative B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name I-airline_name B-class_type I-class_type O +B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-flight_days O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-toloc.city_name O B-fromloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name O O O B-depart_date.day_name O O B-meal +O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name O B-fromloc.city_name O B-fromloc.city_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-flight_time O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day B-depart_time.period_of_day +O O B-fromloc.city_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O +O O O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O B-flight_mod O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-stoploc.city_name +O O B-restriction_code O +O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-airline_name I-airline_name O B-flight_number +O O B-city_name +O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-depart_date.day_name O O O B-toloc.city_name +O O O O O O B-toloc.airport_name I-toloc.airport_name O O O +O O O O O O O O O O B-toloc.city_name I-toloc.city_name B-or B-toloc.city_name O B-fromloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-round_trip I-round_trip O B-depart_date.month_name B-depart_date.day_number +O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time O O O O O O O O B-depart_time.time_relative I-depart_time.time_relative I-depart_time.time_relative O O +O O O B-flight_mod B-meal_description O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O B-airline_code O O +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-toloc.city_name O B-fromloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_code B-flight_number O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O B-airport_code +O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O +O O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name B-or B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O B-fromloc.airport_name O B-toloc.city_name B-depart_date.today_relative B-depart_time.period_of_day +O O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-depart_time.period_of_day I-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +B-airline_name I-airline_name O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.today_relative B-depart_time.period_of_day +O O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-arrive_date.day_name B-arrive_date.month_name B-arrive_date.day_number I-arrive_date.day_number +O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time O B-depart_time.time_relative O +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name +O B-airline_name I-airline_name +O B-airline_name I-airline_name O O O B-stoploc.city_name +O O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O B-arrive_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name B-arrive_time.period_mod O B-arrive_date.day_name +O O O O O B-toloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-toloc.city_name O B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +B-round_trip I-round_trip +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_number I-depart_date.day_number O B-depart_date.month_name +O B-economy O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year +O O O O B-fare_basis_code O B-fare_basis_code +O O O O O B-airline_name I-airline_name O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name +O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name O O O O O O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-city_name O O O +O O B-airline_name B-flight_time O B-depart_time.period_of_day O O B-toloc.city_name +O O B-class_type I-class_type O O B-airline_name I-airline_name O O O B-fromloc.city_name B-depart_date.today_relative +O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +B-city_name O +O O B-airline_code +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O O O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +B-round_trip I-round_trip B-class_type I-class_type O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative O B-arrive_time.time I-arrive_time.time +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-toloc.airport_name I-toloc.airport_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O B-round_trip I-round_trip B-flight_days O O B-fromloc.city_name O B-toloc.city_name +B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.date_relative B-arrive_date.day_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_code O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-or B-fromloc.city_name O B-toloc.city_name B-or B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative O O B-arrive_time.time_relative B-meal_description +O O O O B-airline_name O O O O B-fromloc.city_name +O O O B-restriction_code I-restriction_code O +O O B-restriction_code +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-arrive_date.day_name O O O O O O B-cost_relative O B-fare_amount I-fare_amount +O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_name +O O O O O O B-city_name +O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +B-airline_code B-flight_number B-fromloc.city_name O B-toloc.city_name O O O O +O O O O B-depart_date.day_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-flight_stop B-class_type I-class_type O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O B-airline_name O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O B-depart_date.today_relative O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-round_trip I-round_trip O +O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O O +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-airline_name O +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name +B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O B-depart_date.day_name O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-flight_mod O O B-toloc.city_name O O O B-return_date.date_relative +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-airline_code O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O B-transport_type O O B-airport_name I-airport_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.today_relative O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-class_type O O B-fromloc.city_name O B-toloc.city_name +O O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-depart_time.period_of_day O B-airline_name I-airline_name +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-class_type I-class_type O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.today_relative B-depart_time.period_of_day +O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O B-depart_date.day_name O O O O O O O O B-fromloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O O B-aircraft_code O O B-arrive_time.time I-arrive_time.time +O O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-city_name I-city_name B-transport_type O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.today_relative B-depart_time.period_of_day B-or B-depart_time.period_of_day +O O O O O O B-city_name +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O B-airline_name I-airline_name O B-class_type I-class_type O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-airline_name B-flight_number B-round_trip I-round_trip B-fromloc.city_name B-fromloc.city_name I-fromloc.city_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +O O O O B-airline_code O +O O O O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O +O O O O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-meal_description +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O B-fromloc.city_name O B-toloc.city_name +O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O B-arrive_date.day_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-fromloc.city_name O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O B-stoploc.airport_name +O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.date_relative O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name I-airline_name O B-fromloc.city_name I-fromloc.city_name O B-stoploc.city_name O B-toloc.city_name I-toloc.city_name +O B-airline_code O O B-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-airline_name +O O O O O B-airline_code O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +B-class_type I-class_type B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-class_type I-class_type O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-airline_name O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O B-flight_stop O O B-arrive_date.day_name B-arrive_date.month_name B-arrive_date.day_number O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.start_time I-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O O O B-city_name +O O O O O O O B-airline_code O +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O B-airline_name I-airline_name +O O B-flight_stop B-airline_code O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name O O +O B-airline_name I-airline_name O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.date_relative O +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-restriction_code I-restriction_code +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time +O O O B-airline_code B-flight_number +O O O O O O O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name I-toloc.airport_name +O O O O O O O O O O B-fromloc.city_name I-fromloc.city_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-depart_time.time I-depart_time.time O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O O O +B-airline_name I-airline_name O B-fromloc.city_name +O O O O O O O O B-city_name I-city_name +O O O O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O B-city_name O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name I-airline_name O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day I-depart_time.period_of_day +O O O O O O O O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name O B-depart_date.day_name +O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-airline_name I-airline_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.country_name O O B-depart_date.day_name +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name +B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_date.day_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-or B-toloc.city_name B-toloc.state_code +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-toloc.airport_name I-toloc.airport_name +O O B-fromloc.city_name O B-toloc.city_name O +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O B-class_type O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-city_name +O O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +B-airline_code B-flight_number B-fromloc.city_name O B-toloc.city_name O O O B-round_trip I-round_trip O +O O O O O B-economy O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.period_mod O O B-arrive_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O O O O B-stoploc.city_name +O O O B-restriction_code I-restriction_code +O O O O O B-toloc.airport_name I-toloc.airport_name O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O O O O O B-fromloc.city_name +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.date_relative B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O B-depart_date.month_name B-depart_date.day_number +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-airline_name B-flight_number O B-airline_name B-flight_number +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-airline_code O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name B-flight_mod I-flight_mod I-flight_mod +O O O O O O O O B-class_type I-class_type O +O O O B-airline_name I-airline_name O B-airline_name O O B-stoploc.city_name +O O B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time O B-depart_date.day_name +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative +O O O O O O B-day_name B-month_name B-day_number O B-day_name B-month_name B-day_number O B-city_name I-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O +O O B-airline_code O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O B-mod O O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name O O +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O O B-depart_time.time O O B-depart_time.period_of_day +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O O B-cost_relative I-cost_relative O +O O O O B-fare_basis_code +O O O B-fromloc.city_name O B-toloc.city_name O O O B-arrive_time.time I-arrive_time.time B-arrive_date.date_relative B-arrive_date.day_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O +O O O O B-round_trip I-round_trip B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-cost_relative B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_date.day_name B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name +O O O O O O B-flight_mod O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-depart_time.period_of_day O O B-fromloc.city_name B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name B-stoploc.city_name +O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O B-airport_code +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O B-airline_name I-airline_name O O B-fromloc.city_name B-depart_date.month_name B-depart_date.day_number +O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-depart_date.day_name O B-fromloc.city_name O O O B-toloc.city_name O O B-arrive_time.period_of_day +O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +B-airline_name I-airline_name O O O B-stoploc.city_name B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-airline_code O O +O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O B-airline_name O O O O +O O O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name +O O O O O O B-transport_type I-transport_type O B-city_name +O O O B-meal_description O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-flight_stop O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name +O O O O O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-toloc.city_name O O B-fromloc.city_name B-or B-fromloc.city_name B-or B-fromloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O O O B-arrive_time.period_of_day O O O B-arrive_time.start_time I-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-airline_name +O O B-cost_relative O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number +O O O B-depart_date.day_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-depart_time.period_of_day O O B-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.day_name +O O B-fromloc.city_name B-depart_date.month_name B-depart_date.day_number +O O O B-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.time I-depart_time.time O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-fare_amount I-fare_amount +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day +O O O B-flight_mod O O O B-fromloc.city_name O O B-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_number +O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O O O O B-fromloc.city_name O O O B-toloc.city_name O O B-arrive_time.period_of_day +O O O B-flight_mod O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.airport_name I-fromloc.airport_name +O O B-airport_code +O O B-fromloc.city_name O B-toloc.city_name O B-airline_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O O O B-airline_name O B-flight_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O B-airline_name O O O O O B-toloc.city_name O B-depart_time.start_time O B-depart_time.end_time O O B-depart_time.period_of_day +O B-depart_time.period_of_day O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O O O O O O O O O B-toloc.city_name I-toloc.city_name O O O O O O O O O O O +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-or B-depart_date.day_name +O O O O B-transport_type I-transport_type O B-city_name +O O O B-flight_mod O O O B-depart_time.period_of_day O O O B-toloc.city_name O B-fromloc.city_name +O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-flight_mod O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O B-class_type O O B-fromloc.city_name O B-toloc.city_name O B-airline_name +O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-toloc.city_name O B-fromloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.month_name B-arrive_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name O B-airline_name +O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O O O B-fare_basis_code +O O B-airline_name I-airline_name I-airline_name O O +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-economy I-economy B-round_trip I-round_trip O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name B-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name O B-toloc.city_name +O O B-airline_name O O O B-airline_name B-mod +O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-transport_type O B-fromloc.city_name I-fromloc.city_name O O O B-fromloc.city_name I-fromloc.city_name +O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O O O B-toloc.city_name B-arrive_time.time_relative O O B-arrive_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-economy I-economy +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O O O B-return_time.period_mod B-return_time.period_of_day +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-cost_relative O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_code O +O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name O O B-class_type I-class_type +O B-airline_name O O B-city_name +O O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-aircraft_code +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-flight_time O O O O O B-depart_time.period_of_day +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O O B-airline_code O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-meal_description +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number B-depart_time.period_mod O O B-depart_time.period_of_day B-or O O B-depart_time.period_of_day B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O O +O O O O O O O B-toloc.airport_name I-toloc.airport_name +O O O O O O O O B-city_name +O O O O B-flight_time I-flight_time I-flight_time O O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-arrive_time.time_relative B-arrive_time.time +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O B-depart_time.period_of_day O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O O O O B-return_time.period_mod B-return_time.period_of_day +O O O O O O B-airport_name I-airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-or B-depart_date.day_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-economy O +O B-city_name O O O O O O O O +O O O O O B-depart_date.date_relative B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time O O B-depart_time.period_of_day O O B-arrive_time.time I-arrive_time.time +O O O O B-fromloc.city_name O B-toloc.city_name O O B-stoploc.city_name +O O B-connect O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-city_name I-city_name I-city_name +O O O B-cost_relative O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.airport_code O B-toloc.city_name I-toloc.city_name +O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-transport_type I-transport_type O O B-airport_name I-airport_name +O O O O B-depart_date.month_name O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O O O O O O O B-fromloc.city_name O O B-toloc.city_name +O O B-mod O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-airline_name I-airline_name +O O B-fromloc.city_name O B-toloc.city_name O +O O O B-airline_name I-airline_name O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time O O B-arrive_time.period_of_day +O O O B-class_type B-economy O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-flight_time O O O O B-fromloc.city_name O B-toloc.city_name +O O B-flight_days O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O B-toloc.city_name O B-fromloc.city_name +O O O O O O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +O O B-airport_code +O O B-city_name I-city_name +O O O O O O O O B-fromloc.city_name O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative B-depart_time.period_of_day O B-flight_mod O O O O +O O O B-cost_relative I-cost_relative B-round_trip I-round_trip B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O B-airport_code +O O O O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O O O B-city_name +O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number +O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name O O B-meal O O +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O O O O B-aircraft_code O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.airport_name O O B-aircraft_code +O O O O O O B-fromloc.city_name O O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-flight_mod O O O B-toloc.city_name O B-fromloc.city_name B-arrive_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-connect O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-depart_time.time +O O O O O O B-city_name I-city_name I-city_name +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O O B-stoploc.city_name +O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O O O B-toloc.city_name +O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name +O O O B-fromloc.city_name O O O B-airline_name I-airline_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O +O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O B-depart_time.period_of_day O O O B-depart_date.date_relative O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O B-stoploc.city_name B-depart_time.time_relative B-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-depart_time.period_of_day O O O O B-arrive_time.period_of_day O O +O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_date.day_name B-depart_time.period_of_day +O O B-airline_name I-airline_name O O B-depart_date.date_relative B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O B-meal O B-meal_code O O +O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name +O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O O B-meal +O O O O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O B-fromloc.city_name O B-depart_date.day_name O B-airline_name +O O O B-fromloc.city_name B-cost_relative O B-fare_amount I-fare_amount +O O O O O B-airline_name O +O O O O O O O O B-airline_name I-airline_name B-class_type I-class_type O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O O B-arrive_time.period_of_day O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-airline_code O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-flight_mod O O B-airline_name I-airline_name B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O B-fromloc.city_name +O O O O B-fare_basis_code O +O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name +O O O O O O B-toloc.city_name O B-fromloc.city_name +O O O O O O O B-depart_date.month_name B-depart_date.day_number B-depart_date.year O B-fromloc.city_name O B-toloc.city_name +O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time O O B-arrive_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-airport_code O B-toloc.city_name +O O O O O O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O B-airport_code O +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day B-flight_stop +O O B-fromloc.city_name B-depart_date.month_name B-depart_date.day_number +O O O O O O O O O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O B-fare_basis_code O +O O O B-fare_basis_code O +O O O O O B-aircraft_code +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number B-depart_date.year +O O O O O O O B-city_name I-city_name O B-day_name B-period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-transport_type O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code B-depart_time.period_mod O B-depart_date.day_number I-depart_date.day_number B-or B-depart_time.period_mod O B-depart_date.day_number I-depart_date.day_number +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O B-cost_relative O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-mod O O O O O O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O O O O O B-toloc.city_name +O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time O B-arrive_date.day_name +O O O O O B-city_name +O O B-fromloc.city_name O B-toloc.city_name +O O O B-mod O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number +O O O B-restriction_code I-restriction_code O +O O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name +O O O O O B-airline_name O O O B-stoploc.city_name +O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-airline_name I-airline_name +O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O B-flight_mod B-airline_name I-airline_name O O B-fromloc.city_name O O O B-toloc.city_name +O O O B-flight_mod O O O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description +O O B-class_type I-class_type O B-airline_name O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name I-toloc.airport_name +O O O B-class_type I-class_type O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O B-airline_name I-airline_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O B-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-flight_stop +O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O +O O O O B-airline_code O O B-class_type I-class_type +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.day_name +O O O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O O O O O O O +O O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.airport_code O O O +O O B-airport_name I-airport_name O O O +O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name I-airline_name +O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-days_code +O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O O O O O +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O B-airline_name O O B-fromloc.city_name O O O B-toloc.city_name O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-airline_code O +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O O O O O +O O O O O O O B-fromloc.city_name O O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O O B-fromloc.city_name B-connect O B-stoploc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O O O B-city_name +O O O B-depart_date.date_relative B-depart_date.day_name O O O O O B-fromloc.city_name O B-toloc.city_name O O O O +O O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name B-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-cost_relative O +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-depart_time.time O O O B-toloc.city_name O B-arrive_time.time O O B-arrive_time.period_of_day +O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name +O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-class_type I-class_type O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.period_of_day I-arrive_time.period_of_day +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-economy O +O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number +O O O O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-depart_time.time_relative B-depart_time.time I-depart_time.time B-cost_relative O B-fare_amount I-fare_amount +O O O B-airline_name I-airline_name O +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount +O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-flight_stop I-flight_stop +O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-airline_name O O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O B-arrive_time.period_of_day O O O O O O O O O O O O O +O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-airline_name O B-flight_number +O O O O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O O B-airline_code +B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.date_relative O B-depart_date.day_name O O O +O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-airport_name I-airport_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name O B-return_date.today_relative I-return_date.today_relative I-return_date.today_relative +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-flight_mod O O O O O O O B-toloc.city_name O B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-meal_description O O +O O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time +O O B-fromloc.city_name B-fromloc.city_name O B-fromloc.city_name O B-toloc.city_name O O B-round_trip I-round_trip O O O O B-cost_relative O B-fare_amount I-fare_amount +O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O B-airline_name O O B-fromloc.airport_code O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name O B-airline_name I-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time O O B-arrive_time.period_of_day +O O O O B-stoploc.city_name B-depart_time.time_relative B-depart_time.time +O O O O +O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-stoploc.city_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount B-or B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount B-or B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount +O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name B-flight_days +O O O O O B-fromloc.city_name O B-toloc.city_name B-connect O B-stoploc.city_name +O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name +O O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O B-airline_name I-airline_name O B-flight_mod O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-flight_mod O O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-fromloc.city_name O B-toloc.city_name +O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.start_time I-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time +O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_code +O O O B-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O B-flight_days O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_mod O O B-depart_time.period_of_day +O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_code +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-cost_relative O +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-aircraft_code +B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name +O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O B-round_trip I-round_trip O B-round_trip I-round_trip O +O O O O O O O O B-fare_basis_code +O O O B-cost_relative B-round_trip I-round_trip O O O O O O +O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name +O O O O O B-city_name +O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O B-connect O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_code O B-flight_number +O B-airline_name I-airline_name O O O B-stoploc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-return_date.date_relative O O O B-flight_mod O O B-fromloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-return_date.month_name B-return_date.day_number +O O O O O O O O O O O O O O O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O O O O O O O B-toloc.city_name O B-fromloc.city_name O B-depart_date.date_relative O B-depart_date.day_name +O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name +O O B-airport_code O +O O O O O B-depart_date.month_name B-depart_date.day_number O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O B-airline_code O O +O O O B-city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +B-round_trip I-round_trip O O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount +O O O O O O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-city_name +O O O O O B-airline_name I-airline_name O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name +O O O B-flight_mod B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative +O O O B-class_type I-class_type O O O B-round_trip I-round_trip B-fromloc.city_name O B-toloc.city_name +O O O O O B-flight_time O O B-flight_mod O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-meal_description I-meal_description +O O O O O O B-airline_name O O +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time O B-depart_date.day_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O O O B-airport_name I-airport_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.date_relative O O +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-or O O O O O +O O O O O O B-fromloc.city_name O B-toloc.city_name +B-cost_relative O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-airline_code O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name B-stoploc.city_name O +O O O B-class_type I-class_type O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number +O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day +O O O B-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name O O B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O O +O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +B-fromloc.city_name O B-toloc.city_name +O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day I-depart_time.period_of_day +O O O O O O B-city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day +O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O B-class_type O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name +O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-connect +B-mod O B-fromloc.city_name O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name +O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O B-transport_type I-transport_type O O B-city_name +O O O O B-flight_time O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O O B-toloc.city_name O O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +O O O B-depart_time.time_relative O O B-depart_time.time I-depart_time.time O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative B-depart_time.period_of_day +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O B-flight_mod O O B-fromloc.city_name O O O B-toloc.city_name O B-airline_name I-airline_name B-class_type I-class_type O B-arrive_date.month_name B-arrive_date.day_number +O B-airline_name O O O B-stoploc.city_name +O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O O B-cost_relative I-cost_relative O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name +O O B-class_type I-class_type B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-cost_relative B-class_type I-class_type O O +O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-arrive_time.period_of_day I-arrive_time.period_of_day O O O O +O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O B-depart_date.day_name +B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount +O O B-airport_name I-airport_name I-airport_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-depart_date.month_name B-depart_date.day_number O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name +O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day +O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day +O O O O O O B-city_name +O O O O O B-city_name +O B-city_name I-city_name +O O O B-class_type I-class_type O O B-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O +O B-flight_time O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name +B-class_type I-class_type O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O B-transport_type O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-fromloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name +O O O O O O O O B-fromloc.city_name O O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O O O B-fromloc.city_name O O O B-toloc.city_name +O O O B-cost_relative I-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name +O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O B-depart_date.day_name +O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number +O O O O B-connect O O B-fromloc.city_name O B-toloc.city_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name +O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time +O O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_number I-depart_date.day_number B-or O B-depart_date.day_number I-depart_date.day_number O B-depart_date.month_name +O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_date.day_name B-arrive_time.period_of_day +O O O O O O O O B-aircraft_code +O O O O B-fare_basis_code +O O O O O O O B-airline_name +O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name +O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O O O O O B-stoploc.city_name O O O +O O O O O O B-city_name I-city_name +O O O O B-depart_time.time_relative B-depart_time.time O O B-depart_time.period_of_day O O O O O O B-toloc.city_name O B-fromloc.city_name +O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O O B-mod O O +B-airline_name O O B-fromloc.city_name O B-toloc.city_name O O O O O O O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O O +O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name +O O O O O B-city_name +O O B-airline_name I-airline_name O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time +O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time +O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name +O O B-flight_mod O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name +O O O B-flight_stop O O B-airline_name I-airline_name B-or B-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-arrive_date.day_name B-arrive_date.month_name B-arrive_date.day_number I-arrive_date.day_number +O O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name +O O O B-airline_code O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop +O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name diff --git a/JointBERT-master/data/snips/dev/label b/JointBERT-master/data/snips/dev/label new file mode 100644 index 0000000000000000000000000000000000000000..4b7e9b39a727534438021418adda4f78e4244d9d --- /dev/null +++ b/JointBERT-master/data/snips/dev/label @@ -0,0 +1,700 @@ +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +GetWeather +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +PlayMusic +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +RateBook +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent diff --git a/JointBERT-master/data/snips/dev/seq.in b/JointBERT-master/data/snips/dev/seq.in new file mode 100644 index 0000000000000000000000000000000000000000..73a30322be9f41b5b1ed02d58a13f67f5590d141 --- /dev/null +++ b/JointBERT-master/data/snips/dev/seq.in @@ -0,0 +1,700 @@ +i d like to have this track onto my classical relaxations playlist +add the album to my flow español playlist +add digging now to my young at heart playlist +add this song by too poetic to my piano ballads playlist +add this album to old school death metal +i need to add baro ferret to the urban hits under my name +add the album to the might and myth power metal playlist +to the travelling playlist please add this david gahan song +please add some pete townshend to my playlist fiesta hits con lali +i d like for kasey chambers s tune to be an addition to my chips and salsa playlist +add recalled to life to this is alejandro fernández +add nuba to my metal party playlist +add jo stafford music to the workout twerkout playlist +put jean philippe goncalves onto my running to rock 170 to 190 bpm +add the song virales de siempre by the cary brothers to my gym playlist +onto jerry s classical moments in movies please add the album +add beyond the valley of 1984 in playlist folk music at the gaslight café +add jerry calliste jr to my te quiero playlist +add porter wagoner to the the sleep machine waterscapes playlist +add the artist mike to the sexy as folk playlist +add brazilian flag anthem to top 100 alternative tracks on spotify +add andy hunter to my evening commute playlist +put petar georgiev kalica onto the old school hip hop playlist +can you add larry heard to my laundry playlist +put vandemataram srinivas s track onto hiphop hot 50 +add millie corretjer to the rhythm playlist +add give us rest to my 70s smash hits playlist +add this track to my hands up playlist +i d like for you to add bobby brown to my enamorándose playlist +add jonathan sprout album to my this is miranda lambert playlist +add ireland in the junior eurovision song contest 2015 to my jazzy dinner playlist +add the album to the the sweet suite playlist +add sarah slean to my playlist mellowed out gaming +add this album to the spanish beat playlist +add lofty fake anagram to the la mejor música de bso playlist +add the track to the work playlist +add a song to this is racionais mc s +add track in my playlist called hands up +can you put this song from yutaka ozaki onto my this is miles davis playlist +add a track to playlist cena con amigos +add the famous flower of serving-men to my evening acoustic playlist +add a song to indie hipster +add the 40 cal tune to the laundry playlist +add the album to my perfect concentration playlist +add the matt murphy tune to the flow español playlist +add a very cellular song to masters of metal playlist +can i put this tune onto my sin estrés playlist +i d like to add jordan rudess onto the divertido para niños playlist +add kent james to the disney soundtrack +add the artist adam deibert to my perfect concentration playlist +can you put the artist giovanni giacomo gastoldi onto the chill out music playlist +add the album to the hot 50 playlist +add the artist pete murray to my relaxing playlist +add the track to the drum & breaks playlist +for my fantastic workout can you add sara bareilles +add the boy george track to the emo forever playlist +add ted heath to the road trip playlist +can you add last of the ghetto astronauts to the playlist called black sabbath the dio years +add this artist to showstopper being mary jane +put the artist onto top latin alternative +add michael wittig music to country icon playlist +add highway patrolman in my playlist this is al green +add richard mcnamara newest song to the just smile playlist +add annesley malewana album to playlist indietronic +add the artist to my dishwashing playlist +add this artist to fairy tales playlist +add muzika za decu to my crash course playlist +add a derek watkins tune to this is johnny cash +add our little corner of the world music from gilmore girls to my the funny thing about football is playlist +add the current track to my this is tchaikovsky playlist +put abe laboriel onto the escapada playlist +add abacab to beryl s party on fridays playlist +please add this track by paul mcguigan to the deep house playlist +can you add the current tune to my calm before the storm playlist +please add the image of you to my playlist crate diggers anonymous +add a track to jazzy dinner +add the album to the hipster soul playlist +add this tune to my sleepify playlist +add jack white to my playlist this is shakira +add tommy johnson to the metalsucks playlist +add the chris clark tune to my women of the blues playlist +add an artist to jukebox boogie rhythm & blues +add this artist to my electronic bliss playlist +i need to add to my infinite indie folk list the works of rahim shah +add martin barre to my punk unplugged playlist +add tierney sutton to my novedades viernes sudamérica playlist +add this tune to dorthy s 80 s party playlist +a very cellular song needs to be added to my masters of metal playlist +add toyan to my epic gaming playlist +add the song to the mac n cheese playlist +add this artist to my spotlight on country 2016 playlist +add a song to my playlist madden nfl 16 +add emilie autumn to my nação reggae playlist +add farhad darya songs in virales de siempre +add a song in my all out 60s +add we have a theme song to my house afterwork playlist +add the song to my we everywhere playlist +add roel van velzen to my party of the century playlist +add the artist to the political punks playlist +add the album to my club hits playlist +book a reservation for my babies and i +book a reservation for a restaurant not far from ma +i would like to book a restaurant in tanzania that is within walking distance for my mom and i +book a reservation for an oyster bar +book a reservation for 6 people for a creole tavern in montenegro +i need a table in sacaton at a gluten free restaurant +book sot for me and my grandfather nearby west reading +book me and my nieces a reservation for a seafood restaurant in cle elum ne on ascension day +book spot for two at city tavern +i want to book a brasserie for 3 people in netherlands antilles +book me a reservation for the best bistro +book the best table in tanzania for 5 people at a diner +i want to book a joint in a spa +book a gastropub that serves turkish food for 4 people +book spot for 7 at an indoor restaurant in mp now +book a table in fiji for zero a m +i want to book a restaurant for five people in sri lanka +i need a table for 5 at a highly rated gastropub in concord mn +i want to book oregon electric station in north city +i need a table for 4 please confirm the reservation +book a popular restaurant for 5 people +i want to book a joint close by the naomi s hostel for a meal for 8 people +i want to eat a delicatessen in thirteen hours that serves eastern european food +book a reservation for nine people at a bakery in nunez +book a reservation at tavern for noodle +book spot for 4 in somalia +i want to book albany pump station in buckholts washington now for a party of 9 +i want to book a taverna in archer city for this spring for nine people +i want to book a top-rated brasserie for 7 people +book a reservation for 8 people in wardville kansas +table for breadline cafe in minnesota next friday +i want to book a restaurant in niger for seven people +book spot for 9 +book me a reservation for a pub in cormorant for a party of nine +book spot for my nieces and i at a tea house +i want to book a jewish restaurant in gambia +book a reservation for the dome edinburgh close to brooklawn +book spot for 1 at town of ramsgate in merit +book a spot for me and kathrine at smithville +i want to book a restaurant for my father in law and i in buckner a year from now +book a restaurant reservation in 6 weeks +book a reservation for a bar with a spa nearby id +book spot for four at cliff house san francisco in martinique +i need a table for 4 in saint helena at settha palace hotel +i want to book a restaurant in frenier 12 years from now for 4 people +book seven in neighboring moorpark +i want to eat by five pm in ne for a six people +i want to book tupelo honey cafe in new jersey for five people +book a reservation for two at mickies dairy bar in weedsport +book a table at a fried chicken restaurant +book spot for mavis sheila and i in syria at elevenses +can you book me a table at windows on the world in cokeville mi +book me a table for 5 this year at cherwell boathouse +book spot for six at 8 pm at a coffeehouse in ne that serves hog fry +i want to book a restaurant close-by in inman for five people +i need a table at eddie s attic in nevada for one +book a reservation for an osteria restaurant for 4 people on november 4 +i want to book a top-rated restaurant close by in la for me rebecca and loraine on 2/6/2020 +book a reservation for 1 at a diner in wi +book a reservation for 5 people at the top-rated brasserie restaurant +book a table on 1/20/2023 for 5 people in mh +book a table near pat s college +i want to book a steakhouse in vimy ridge +i want a table at james d conrey house in urbank california +like to book a seat in monaco for the yankee doodle coffee shop +i want to book a table in a restaurant in bouvet island +i would like to book a restaurant for souvlaki cuisine in the state of ne +book a reservation for 10 people at an oyster bar with a pool within the same area of cowansburg for 10 pm +book a reservation for velma ana and rebecca for an american pizzeria at 5 am in ma +book a spot for 4 in oklahoma at south street diner +book a reservation for my mommy and i at a restaurant in central african republic +book a reservation for five people for a tatar taverna in sargents +phyllis ward and veronica need a table at a restaurant in 152 days +book a reservation for ten at a restaurant in ohio +i want to book a tea house that serves salade far from here at midnight in panama for two people +i want to book a food truck for seven people in the republic of the congo +i want to book a restaurant for ten people +lets eat near oakfield 17 seconds from now at ted peters famous smoked fish +book sot for 7 at a restaurant that serves european in stringtown on feb the 28th 2034 +book a restaurant for six at an outdoor cafe in åland +book a table for 12 am at our step mother s secondary residence within walking distance for one +please book me a table at a pizzeria with a parking facility in ghana +book spot for four at a indoor pub within the same area of louisiana in one minute +please book me a restaurant +book a reservation for me and my step brother at amt coffee in lakemoor +i want to book a churrascaria in romeoville at ten a m for four people +table for 5 a m at baker s keyboard lounge +please book me a table at a bistro which serves lorna doone +i want to book a restaurant for six people in wagstaff ak +i would like to book a highly rated restaurant for a party of ten +i want to book a sundanese gastropub nearby in texas for 3 people on 5/20/2025 +book a party of five at seagoville for 06:42 +book spot for 9 at thurmont +i want to book a restaurant in sixteen seconds for 5 people in gold point montana +i want to eat in ramona +book a party at their campus within the same area for churrascaria +book me a reservation for a party of 3 at a pub in northern mariana islands +i want to book a bougatsa restaurant in next year nearby penn for three people +book a reservation for nine people at the best pub nearby tangier in six months +need a table somewhere in quarryville 14 hours from now +what will the weather be faraway from here +will there be fog in tahquamenon falls state park +tell me the weather forecast for gibsland +is there a storm now in nc +what will the weather be in monument of lihula on december the 5th +weather next year in dominica +when will it be hot here +what will the weather be in 1 day in kuwait +what kind of weather will be in ukraine one minute from now +humidity in olvey new hampshire +what s the weather going to be in ut +humidity not far from colorado city on november the 7th 2024 +what is the forecast for wyoming at stanardsville during the storm +what will the weather be in north carolina +what is the forecast starting 11 weeks from now nearby the state of wisconsin +will it be rainy at sunrise in ramey saudi arabia +check the forecast for nebraska +will it be warmer in north korea at nineteen o clock +let me know the weather forecast around ten pm faraway from here in park narodowy brimstone hill fortress +will it be stormy in the ouachita national forest +tell me if it will be snowy 8 hours from now in mount airy vi +what will the weather be nineteen hours from now neighboring saint kitts and nevis +will there be hail on 11/12/2036 in singapore +will it be colder here in 48 and a half weeks +what s the weather going to be in knobel +what will the weather be in dane on sep the fifth 2030 +what will the weather be in ohio +i need to know the weather for jan the 3rd in mexico when i go to port vue +what is the forecast for ōtone prefectural natural park in 1 hour and within the same area +what kind of weather is forecast around one pm near vatican +will it be chilly in weldona +will it be colder in virgin islands national park +will it be hot at 13:19 in de funiak springs serbia and montenegro +what is the weather going to be like in virginia on st patrick s day +weather in kaneville maryland +when is sunrise for ar +what will the weather be not far from here on october the nineteenth 2026 +what is the forecast for waurika in samoa +tell me the weather forecast here +what is the weather forecast nearby nicodemus +what will the weather be in nov in brookneal +will it be colder four months from now in suwanee ak +what is the weather forecast for burundi +what s the weather in benton city +what will the weather be in ky on oct 16 2036 +will the sun be out in 1 minute in searcy uganda +what is the weather here +what will the weather be one second from now in chad +what kind of weather is forecast in ms now +what is the forecast for la for freezing +how cold will it be here in 1 second +what is the forecast for hotter weather at southford falls state park +what is the overcast forecast for the current position starting on jul 19 2030 +what is the forecast for morocco at lake ozark on december seventeenth 2022 +what will the humidity be in the current spot at 15:19:29 +what is the forecast in nicodemus and nearby +what is the weather going to be like in benton colorado in 2 and a half months +what s the weather forecast for bothe-napa valley state park close by february 20 +what is the forecast for beginning on nov 17 for franklinville +what s the forecast for sep 26 in emerado saint pierre and miquelon +will there be a blizzard next winter in visalia idaho +will it be warmer in the district of columbia on may 25 2033 +what will the weather be here on dec 7th +what is the forecast for colder temps beginning on law day here +what s the weather like in tyonek new jersey +what is the forecast for here for blizzard conditions at five pm +will there be a storm in gibsonia at 8 p m +what is the cold condition of our current position for tomorrow +what will the weather be in hialeah gardens on october the 24th +will it be freezing today in delaware and lehigh national heritage corridor +what is the forecast in admire in tx starting at seventeen +what is the forecast in north carolina for edgemoor +what is the forecast for costa rica +need weather for parc national tolhuaca to see if it will be fog today +weather in walden russia on 12/26/2018 +what s the humidity here right now +how s the weather at petit manan national wildlife refuge and nearby right now +what is the forecast for lansford for temperate weather +overcast on state holiday in pawling nature reserve and neighboring places +i need the weather in wakarusa +tell me the forecast for 6 am in tatra-nationalpark +tell me the weather forecast for ut on thursday +what is the forecast for turtle islands national park +will it be hotter in pr at 23 o clock +weather in two hours in uzbekistan +what is the forecast for this afternoon for blizzard conditions in dieterich chad +how s the weather here at two am +will custer national forest be chillier at seven pm +what is the forecast for starting at three a m in two buttes for warm weather +what s the weather in fox chapel +what is the rain forecast for one hour from now in south korea +tell me the weather forecast here +will there be a cloud in vi in 14 minutes +how much colder will it be not far from utah around 3 am +will it be chilly midday in cresbard afghanistan +what will the weather be in sarygamyş sanctuary on august 21 2035 +will it be rainy in tenino +will it be hot in the netherlands on february 16th +where is belgium located +what will the weather be in milleville beach +can you put on like a hurricane by paul landers +play the happy blues by ronnie wood +play the newest melody on last fm by eddie vinson +use groove shark to play music +please play something good from u-roy any song from 1975 on zvooq will do +play a symphony from 2013 +let me hear the good songs from james iha +play my inventive playlist +i want to play music from iheart +play subconscious lobotomy from jennifer paull +i want to hear a seventies sound track +play a john maher track +please play something from dihan slabbert that s on the top fifty +please play something catchy on youtube +play something from 2004 by imogen heap on spotify +play seventies music please +play music from the artist sean yseult and sort it through top-50 +play anything jd natasha did in the thirties +play music off netflix +nineties songs on zvooq +open itunes and play ben burnley ready to die +play an ep by zak starkey +play an album from nithyasree mahadevan +i want to listen to something on youtube +start playing something from iheart +play trance life on zvooq +find and play a concerto on zvooq from 1978 by ginger pooley +play all things must pass +i want to hear music from allen toussaint from the fifties +turn on last fm +play a song by rahsaan patterson +play femme fatale by bonobo +play some anneliese van der pol from the thirties on groove shark +i want to listen to an ep from 1998 +play paul mccartney +play jill sobule album +play chant s from 1973 +play something from 90s pop rock essentials +play have you met miss jones by nicole from google music +play chant by nigger kojak on itunes +play some sixties songs on google music +play a fifties album from dj yoda on last fm +please play my ecstatic playlist +open deezer and play curtain call: the hits by junichi okada +let s play jamie robertson s handover on vimeo +play a sixties soundtrack +play this is: miles davis on lastfm +live in l a joseph meyer please +play the top twenty hisham abbas on youtube +play some seventies filipp kirkorow +play the most popular puretone +play music from e-type +can you play a j pero on groove shark +play a bob burns song +i want to hear leroi moore on vimeo play the song chance of a lifetime +play some symphony music from david lindley +please play something on iheart from artist ari gold last album +i want to hear them from the artist murcof +play sound track music from the twenties +play dance with the devil by mr lordi +play music from 1996 +go to itunes and play dr lecter by david hodges +play s t r e e t d a d from hiromitsu agatsuma through pandora +play some movement from the fourties +please tune into chieko ochi s good music +play the greatest music from bryan maclean +play something on last fm +play music by joy nilo +play some gary lee conner +play music by brian chase +can you play top zvooq by fink +play the top-20 nawang khechog soundtrack +let s hear stuff from andrew hewitt +play a good ep from the eighties by peter murphy +play another passenger from louis nelson delisle +play the top music from the railway children off last fm +play the best becca +play something by duke ellington from the seventies +use the last fm service to play a mis niños de 30 +play my black sabbath: the dio years playlist +play an ep from mike harding +i want to hear anything from the rock symphonique genre please +please play a 1997 record +put what color is your sky by alana davis on the stereo +please play a movement from george formby jr +play some new les vandyke on slacker +please open zvooq +play progressive metal +i want to hear soundtrack music on youtube from helena iren michaelsen +play a song by ramesh narayan from 1960 +play some blues britânico +proceed with hitomi nabatame music from 2003 +play something on zvooq +play music from lynn & wade llp +let me hear chris knight music +let s hear good mohammad mamle on vimeo +please play a sound track from the fifties that s on iheart +play music from van-pires by dmitry malikov +play rich sex on iheart +play modern psychedelia +rate this album four out of 6 stars +give this textbook four stars +rate a twist in the tale zero out of 6 points +rate the children of niobe 1 out of 6 points +give zero stars to halo: ghosts of onyx +give this novel a score of 5 +give the current series four of 6 points +give 4 out of 6 points to the spirit ring chronicle +give two stars out of 6 to 36 children +rate the sneetches and other stories a three +rate the current series four stars +rate this book a 4 out of 6 +rate the current novel 5 of 6 stars +rate this book a 1 +give zero out of 6 to the current album +give this album 5 points +rate the mystery of the tolling bell series 4 stars +give the current novel two stars +give the current book 4 stars +give joe magarac and his usa citizen papers 5 points +rate the guilty 0 of 6 points +rate this textbook four out of 6 +give the catedral series four stars +reminiscences of the anti-japanese guerillas chronicle deserves zero points out of 6 for a rating +give small screen big picture a 0 out of 6 rating +gods and pawns should get a three +give zero stars to this textbook +rate the current novel a 4 out of 6 stars +rate the book the atmospheric railway 5 out of 6 +rate black boy 4 out of 6 +rate the chronicle current 1 star +mark this album a score of 5 +rate the current novel zero out of 6 +rate the current novel a 2 +give the giant devil dingo 4 points +rate this current novel two out of 6 +give monthly index of medical specialities a two out of 6 rating +rate this novel 2 out of 6 points +rate the current novel 3 stars +rate the current essay zero out of 6 stars +rate this current album 0 stars +give a brief stop on the road from auschwitz 1 out of 6 stars +rate this album 4 out of 6 stars +rate hate that cat 1 out of 6 stars +give my current book one of 6 stars +rate current novel one stars +give five out of 6 points to this album +give a rating of 2 to juneteenth +rate ruth five out of 6 points +rate the sea of trolls 1 stars out of 6 +give the zenith angle one out of 6 points +give zero stars to rhialto the marvellous +give the current book a zero of 6 +rate personal demons 0 out of 6 points +rate the current series a 4 +give one of 6 points to who will cry when you die +give zero out of 6 stars to this album +give this novel 2 stars +rate the 8-week cholesterol cure three out of 6 +rate this novel 3 out of 6 points +rate the lives of john lennon five points +give the american scene 2 of 6 stars +rate this textbook a one +give summer of the swans 1 points +give the current textbook a rating of five +give 4 points to the person and the common good +give a four rating to a world apart +rate this chronicle 0 points +give wilco: learning how to die a rating of four points +rate this saga two out of 6 +rate the gift: imagination and the erotic life of property five stars +rate neverwhere four out of 6 +rate in the company of cheerful ladies a zero out of 6 +give one start to the current book +give this chronicle a 2 rating +rate this essay a 1 +out of 6 give rivers of babylon a 1 +give 5 of 6 stars to expressive processing +rate the ghost house series a one +rate know ye not agincourt 2 out of 6 stars +i would rate theft: a love story four out of 6 stars +rate the further adventures of the joker four stars +give 0 rating to in the heart of the country +give 1 out of 6 rating to the current textbook +give the current chronicle five of 6 points +rate cotton comes to harlem a 2 +give this album one stars +rate the adventures of augie march one points +rate soul music a 0 +give hindu temples: what happened to them a 5 out of 6 stars +give this novel a 1 +rate the current textbook 1 out of 6 +give this textbook 0 out of 6 stars +give the crystal snare 5 stars +rate this saga two out of 6 +give wilco: learning how to die a rating of four points +rate this book 3 stars out of 6 +rate the three junes one out of 6 +give four stars to the broken window +rate the current series 4 points +wish to find the movie the heart beat +please look up the tv show vanity +get me the elvis christmas album tv show +please find me the saga the deep six +wish to see the photograph with the name live: right here +looking for a novel called death march +can you find me the work the curse of oak island +please get me the sacred and profane love machine game +need a creative work called hit by love +search for the trailer for the office +looking for a creative work called plant ecology +find the television show to me +can you please find me the saga chump change +can you find me the ridiculous 6 book +please fine me the tv series now we are married +please look up the work bachelor pad +please help me find the late night heartbroken blues television show +please help me find bend it like beckham the musical +please look up the tv series parables for wooden ears +can you find me hey man +please search for switched +can you get me the controlled conversations tv series +please look up the song the mad magician +please search for the tv show the best of white lion +please find me phineas redux +get me the procession of ants tv show +looking for a game called phinally phamous +can you search the daring youth saga +look for the book the girl who was plugged in +find me a tv show called baby blue +search for appalachian journey +look for the television show meet the prince +can you find me cracks the safe +please help me search the hell money saga +get me the secret south song +can you find me the work titled music for millions +please search for the painting titled this is the night +could you locate the epic conditions picture +get me the trailer of good morning sunshine +please search the an introduction to karl marx painting +can you find me the blue spring trailer +could you find the tv series the approach +search for the tv show a lawless street +please look up three essays on the theory of sexuality show +please get me the compulsive disclosure song +can you look up the molecular oncology saga +search for the sound of one hand clapping +find the creative work deadly weapons +need the creative work called the logic of scientific discovery +can you find me the national anthem of the ancient britons television show +can you please find me the harry hood saga +can you find me the work bible translations into hawaii pidgin +please look up and find me monty python live at the hollywood bowl +please search for mary +please search the game atla: all this life allows +find me the novel with the name to lose my life … +looking for a song with the title of live at the kings center +can you find the american bison photograph +can you find me the free for all show +please find me the olympia 74 soundtrack +look for the album slave to the grind +please find me the projekt: the new face of goth +can you get me the message from god saga +find me the soundtrack a honeymoon adventure +please get me the henderson kids saga +find the movie splendor in the grass +am looking for a book with the title free to play +look for the tv series jersey boys +can you search the book paris - when it sizzles +looking for a painting with the title with you +please find me the classified book +look for the show v-the new mythology suite +find the creative work face down +find four songs +find me the soundtrack live at the greek theatre +please search for the television show episodi di the blacklist +find a creative work called fire in the hole +looking for the picture with the name of who made stevie crye +look for the album wolves within +find the album orphan girl at the cemetery +please find me the journal of the british astronomical association movie +find the tv show the daydreamer +can you please get me the book dracula 5: the blood legacy +please look up the novel live to dance +please find me the video game titled 20 hours in america +find the creative work the devil in stitches +please look up the work prophets +i m looking for welcome to the canteen +please search for the journal of official statistics show +please look up show-biz blues photograph +please search the woodsmen of the west +can you find the creative works associated with caryl & marilyn: real friends +please get me the dead soul saga +please search the live from leeds album +please look up the johnny english - la rinascita painting +can you find me the sword with no name trailer +i wish to watch the fold trailer please search +can you find me the almost human painting +please find me the work serious awesomeness +search for the game difficult loves +is babar: king of the elephants playing +is the ghost playing +is bartok the magnificent playing at seven am +what s the movie schedule +i want to see jla adventures: trapped in time +when is the fox and the child playing in this cinema +show me the schedule for rat rod rockers +is any which way you can playing in 15 seconds +i want to see the portrait of a lady at the nearest cinema +where can i see the prime ministers: the pioneers +i need to find the movie theatre showing the crooked web closest to me +i want to see while the sun shines at the closest movie house +i want to see those kids from town when will it be showing +find the schedule for the comedian at santikos theatres +what are the movie schedules for my favorite theaters +what are the movies showing in the neighbourhood +is without witness playing twenty two hours from now +i need animated movies in the area for dinner time +i want to see i dream of jeanie in a movie theatre +can i see ellis island revisited in 1 minute +i want animated movies at mjr theatres +show me the schedule for the oblong box +i want to know if there are any movies playing in the area +is what a wonderful place showing at cinemark theatres +show the closest movie theatre that shows boycott +i want to see doa: dead or alive at loews cineplex entertainment +is the nightmare showing six hours from now at the nearest cinema +what is the nearest movie house with window connection playing at lunch +is patrick still lives showing at amc theaters +fine the movie schedules for the wanda group +give me the movie schedule nearby +find the schedule at the douglas theatre company +show me the movies at harkins theatres +what movies at star theatres +i want a movie schedule +can i get the movie times +i want to see medal for the general +can i get the times for movies in the neighbourhood +may i have the movie schedules for speakeasy theaters +find animated movies close by +is american primitive showing in santikos theatres +what are the movie schedules in the neighborhood +check the schedule for bow tie cinemas +check the timings for snowbound at the closest movie theatre +what are the movie times at caribbean cinemas +i need films in the neighborhood +show the movie schedules in the neighborhood +where s the nearest movie house showing foreign films +what movies are showing now at the closest cinema +is rumor has it playing +i need a list of speakeasy theaters movie times +when is the outer space connection playing at the nearest cinema +find the movie times at harkins theatres +find the films at century theatres +show the animated movies playing in the neighbourhood +i want to see fear chamber +show me southern theatres movie times +is the unnaturals showing at 13 +is no time to be young showing at amc theaters +find the movie schedules for regal entertainment group +i want to see shattered image +find the schedule at star theatres +will i think i do be playing at 7 pm +show me the schedule for arclight hollywood for only animated movies +find the schedule for great mail robbery +give me the movies in the neighborhood +what movies are playing close by +is the two gladiators playing +what s the movie schedule for great escape theatres +find the movie schedule close by +i want to see outcast +show me the schedule of movie the great gildersleeve near movie house +i need times for a yiddish world remembered at dipson theatres +find the movie schedules at goodrich quality theaters +show me the movie schedule in the neighbourhood +show me the movie times for films nearby +show the movie times for animated movies in the neighbourhood +is the eye – infinity playing at general cinema corporation +can you check the timings for super sweet 16: the movie +is we are northern lights playing in any movie theatre +what times will the young swordsman be showing at my cinema +show the sexy dance 2 times at the closest movie house +what are some close by animated movies showing +movie schedules close by for animated movies +what films are playing close by +find the movie schedule in the area +is cowboy canteen playing +is rare birds showing at the nearest movie theatre at noon +what are the movie times +where can i find the movie schedules +find the movie schedule for north american cinemas in eleven seconds +find the nearest cinema with movies playing +what are the movie times +what are the times for the gingerbread man +what films are playing close by +is any cinema playing the spirit of youth +what are the movie times for animated movies in the neighbourhood +what s the movie schedule at great escape theatres +show the times for cheers for miss bishop at dipson theatres +i want to see married to the enemy 2 at a cinema diff --git a/JointBERT-master/data/snips/dev/seq.out b/JointBERT-master/data/snips/dev/seq.out new file mode 100644 index 0000000000000000000000000000000000000000..1d2aa3d3e53dfe9741563e7f3b771ac54732997d --- /dev/null +++ b/JointBERT-master/data/snips/dev/seq.out @@ -0,0 +1,700 @@ +O O O O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-playlist I-playlist O B-playlist_owner B-entity_name I-entity_name I-entity_name O +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-playlist I-playlist I-playlist I-playlist +O O O O B-artist I-artist O O B-playlist I-playlist O B-playlist_owner O +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-playlist O O O O B-artist I-artist B-music_item +O O O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist +O O O O B-artist I-artist O B-music_item O O O O O B-playlist_owner B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist O O O B-playlist I-playlist O +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O B-music_item B-playlist I-playlist I-playlist O O B-artist I-artist O B-playlist_owner O O +O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O O O B-music_item +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist O O B-playlist I-playlist I-playlist I-playlist O +O O B-music_item B-artist O O B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist I-artist O O B-playlist I-playlist I-playlist I-playlist O +O O O B-artist I-artist O B-playlist_owner B-playlist O +O B-artist I-artist O B-music_item O B-playlist I-playlist I-playlist +O B-artist I-artist O B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O O O B-artist I-artist O B-playlist_owner B-playlist O +O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-music_item O O B-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist +O O B-music_item O O B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-music_item O O B-playlist O +O O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist +O B-music_item O B-playlist_owner O O B-playlist I-playlist +O O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-music_item O O B-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-playlist I-playlist +O O B-artist I-artist B-music_item O O B-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-artist I-artist B-music_item O O B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist O +O O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O B-artist I-artist O O B-playlist I-playlist I-playlist O +O B-artist I-artist O O B-playlist O +O O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-music_item B-artist I-artist I-artist O O B-playlist I-playlist I-playlist O +O O B-music_item O O B-playlist I-playlist O +O O B-music_item B-artist I-artist O B-playlist_owner B-playlist O +O O B-music_item O O B-playlist I-playlist I-playlist O +O B-playlist_owner B-playlist I-playlist O O O B-artist I-artist +O O B-artist I-artist B-music_item O O B-playlist I-playlist O +O B-artist I-artist O O B-playlist I-playlist O +O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-music_item O B-playlist I-playlist I-playlist I-playlist +O O B-music_item O B-playlist I-playlist I-playlist +O B-artist I-artist O O B-playlist I-playlist O +O B-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist +O B-artist I-artist O B-music_item O O B-playlist I-playlist O +O B-artist I-artist B-music_item O O B-playlist +O O B-music_item O B-playlist_owner B-playlist O +O O B-music_item O B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-artist I-artist O O B-playlist O +O B-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O O O B-music_item O B-artist I-artist O O B-playlist I-playlist O +O O O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist +O O B-music_item O B-playlist I-playlist +O O B-music_item O O B-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist O +O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O B-playlist_owner B-playlist I-playlist I-playlist O O O O B-artist I-artist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +B-entity_name I-entity_name I-entity_name I-entity_name O O O O O B-playlist_owner B-playlist I-playlist I-playlist O +O B-artist O B-playlist_owner B-playlist I-playlist O +O O B-music_item O O B-playlist I-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist O O B-playlist I-playlist I-playlist +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-music_item O O B-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O B-restaurant_type B-spatial_relation I-spatial_relation O B-state +O O O O O O B-restaurant_type O B-country O O B-spatial_relation I-spatial_relation I-spatial_relation O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O B-restaurant_type I-restaurant_type +O O O O B-party_size_number O O O B-cuisine B-restaurant_type O B-country +O O O O O B-city O O B-cuisine I-cuisine B-restaurant_type +O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description B-spatial_relation B-poi I-poi +O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O B-served_dish B-restaurant_type O B-city I-city B-state O B-timeRange I-timeRange +O O O B-party_size_number O B-restaurant_name I-restaurant_name +O O O O O B-restaurant_type O B-party_size_number O O B-country I-country +O O O O O O B-sort B-restaurant_type +O O B-sort O O B-country O B-party_size_number O O O B-restaurant_type +O O O O O B-restaurant_type O O B-facility +O O B-restaurant_type O O B-cuisine O O B-party_size_number O +O O O B-party_size_number O O B-facility B-restaurant_type O B-state B-timeRange +O O O O B-country O B-timeRange I-timeRange I-timeRange +O O O O O B-restaurant_type O B-party_size_number O O B-country I-country +O O O O O B-party_size_number O O B-sort I-sort B-restaurant_type O B-city B-state +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city I-city +O O O O O B-party_size_number O O O O +O O B-sort B-restaurant_type O B-party_size_number O +O O O O O B-restaurant_type B-spatial_relation I-spatial_relation O B-poi I-poi I-poi O O B-timeRange O B-party_size_number O +O O O O O B-restaurant_type B-timeRange I-timeRange I-timeRange O O B-cuisine I-cuisine O +O O O O B-party_size_number O O O B-restaurant_type O B-city +O O O O B-restaurant_type O B-served_dish +O O O B-party_size_number O B-country +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state B-timeRange O O O O B-party_size_number +O O O O O B-restaurant_type O B-city I-city O B-timeRange I-timeRange O B-party_size_number O +O O O O O B-sort B-restaurant_type O B-party_size_number O +O O O O B-party_size_number O O B-city B-state +O O B-restaurant_name I-restaurant_name O B-state B-timeRange I-timeRange +O O O O O B-restaurant_type O B-country O B-party_size_number O +O O O B-party_size_number +O O O O O O B-restaurant_type O B-city O O O O B-party_size_number +O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type I-restaurant_type +O O O O O B-cuisine B-restaurant_type O B-country +O O O O B-restaurant_name I-restaurant_name I-restaurant_name B-spatial_relation O B-poi +O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-city +O O O O B-party_size_description I-party_size_description I-party_size_description O B-city +O O O O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-city B-timeRange I-timeRange I-timeRange I-timeRange +O O B-restaurant_type O B-timeRange I-timeRange I-timeRange +O O O O O B-restaurant_type O O B-facility B-spatial_relation B-state +O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O O O O B-party_size_number O B-country I-country O B-restaurant_name I-restaurant_name I-restaurant_name +O O O O O B-restaurant_type O B-city B-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_number O +O B-party_size_number O B-spatial_relation B-city +O O O O O B-timeRange I-timeRange O B-state O O B-party_size_number O +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state I-state O B-party_size_number O +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-city +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name +O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-country O B-timeRange +O O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state +O O O O O B-party_size_number B-timeRange I-timeRange O B-restaurant_name I-restaurant_name +O O O B-party_size_number O B-timeRange I-timeRange O O B-restaurant_type O B-state O O B-served_dish I-served_dish +O O O O O B-restaurant_type B-spatial_relation O B-city O B-party_size_number O +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state O B-party_size_number +O O O O O B-restaurant_type O O B-party_size_number O O B-timeRange I-timeRange +O O O O O B-sort B-restaurant_type B-spatial_relation O O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange +O O O O B-party_size_number O O B-restaurant_type O B-state +O O O O B-party_size_number O O O B-sort B-restaurant_type O +O O O O B-timeRange O B-party_size_number O O B-state +O O O B-spatial_relation B-poi I-poi I-poi +O O O O O B-restaurant_type O B-city I-city +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state +O O O O O O B-country O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O O O O O O O B-restaurant_type O B-country I-country +O O O O O O B-restaurant_type O B-cuisine O O O O O B-state +O O O O B-party_size_number O O O B-restaurant_type I-restaurant_type O O B-facility B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-city O B-timeRange I-timeRange +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-cuisine B-restaurant_type O B-timeRange I-timeRange O B-state +O O O O B-party_size_number O B-state O B-restaurant_name I-restaurant_name I-restaurant_name +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-country I-country I-country +O O O O B-party_size_number O O O B-cuisine B-restaurant_type O B-city +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type B-timeRange I-timeRange I-timeRange +O O O O B-party_size_number O O B-restaurant_type O B-state +O O O O O B-restaurant_type I-restaurant_type O O B-served_dish B-spatial_relation O O O B-timeRange O B-country O B-party_size_number O +O O O O O B-restaurant_type I-restaurant_type O B-party_size_number O O O B-country I-country I-country I-country +O O O O O B-restaurant_type O B-party_size_number O +O O B-spatial_relation B-city B-timeRange I-timeRange I-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O O B-party_size_number O O B-restaurant_type O O B-cuisine O B-city O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-restaurant_type O B-party_size_number O O B-facility O O B-country +O O O O B-timeRange I-timeRange O B-poi I-poi I-poi I-poi I-poi I-poi B-spatial_relation I-spatial_relation I-spatial_relation O B-party_size_number +O O O O O O O B-restaurant_type O O B-facility O O B-country +O O O B-party_size_number O O B-facility B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state B-timeRange I-timeRange I-timeRange +O O O O B-restaurant_type +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name O B-city +O O O O O B-restaurant_type O B-city O B-timeRange I-timeRange I-timeRange O B-party_size_number O +O O B-timeRange I-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O O O O O O B-restaurant_type O O B-served_dish I-served_dish +O O O O O B-restaurant_type O B-party_size_number O O B-city B-state +O O O O O O B-sort I-sort B-restaurant_type O O O O B-party_size_number +O O O O O B-cuisine B-restaurant_type B-spatial_relation O B-state O B-party_size_number O O B-timeRange +O O O O B-party_size_number O B-city O B-timeRange +O O O B-party_size_number O B-city +O O O O O B-restaurant_type B-timeRange I-timeRange I-timeRange O B-party_size_number O O B-city I-city B-state +O O O O O B-city +O O O O B-poi I-poi B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-restaurant_type +O O O O O O O O B-party_size_number O O B-restaurant_type O B-country I-country I-country +O O O O O B-cuisine B-restaurant_type O B-timeRange I-timeRange B-spatial_relation B-city O B-party_size_number O +O O O O B-party_size_number O O O B-sort B-restaurant_type B-spatial_relation B-city B-timeRange I-timeRange I-timeRange +O O O O O B-city B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-spatial_relation O B-current_location +O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-city +O O O B-condition_description B-timeRange O B-state +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O B-timeRange I-timeRange O B-country +O O O O B-condition_temperature B-current_location +O O O O O B-timeRange I-timeRange I-timeRange O B-country +O O O O O O O B-country B-timeRange I-timeRange I-timeRange I-timeRange +B-condition_description O B-city B-state I-state +O O O O O O O O B-state +B-condition_description B-spatial_relation I-spatial_relation O B-city I-city O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-state O B-city O O B-condition_description +O O O O O O B-state I-state +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation O O O B-state +O O O B-condition_description O B-timeRange O B-city B-country I-country +O O O O B-state +O O O B-condition_temperature O B-country I-country O B-timeRange I-timeRange I-timeRange +O O O O O O O B-timeRange I-timeRange B-spatial_relation O B-current_location O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-condition_description O O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city B-state +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation B-country I-country I-country I-country +O O O B-condition_description O B-timeRange O B-country +O O O B-condition_temperature B-current_location B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O O O B-city +O O O O O O B-city O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-state +O O O O O O O B-timeRange I-timeRange I-timeRange O B-country O O O O B-city I-city +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O O B-timeRange I-timeRange B-spatial_relation B-country +O O O B-condition_temperature O B-city +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-condition_temperature O B-timeRange O B-city I-city I-city B-country I-country I-country +O O O O O O O O O B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-city B-state +O O B-timeRange O B-state +O O O O O B-spatial_relation I-spatial_relation O B-current_location O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-city O B-country +O O O O O B-current_location +O O O O O B-spatial_relation B-city +O O O O O O B-timeRange O B-city +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-city B-state +O O O O O O B-country +O O O O O B-city I-city +O O O O O O B-state O B-timeRange I-timeRange I-timeRange +O O B-condition_description O O B-timeRange I-timeRange I-timeRange O B-city B-country +O O O O B-current_location +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O O O O O O B-state B-timeRange +O O O O O B-state O B-condition_temperature +O B-condition_temperature O O O B-current_location B-timeRange I-timeRange I-timeRange +O O O O O B-condition_temperature O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-condition_description O O O B-current_location I-current_location O O B-timeRange I-timeRange I-timeRange +O O O O O B-country O B-city I-city O B-timeRange I-timeRange I-timeRange +O O O B-condition_description O O O B-current_location I-current_location O B-timeRange +O O O O O B-city O B-spatial_relation +O O O O O O O O O B-city B-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-spatial_relation I-spatial_relation B-timeRange I-timeRange +O O O O O O O B-timeRange I-timeRange O B-city +O O O O O B-timeRange I-timeRange O B-city B-country I-country I-country I-country +O O O O B-condition_description B-timeRange I-timeRange O B-city B-state +O O O B-condition_temperature O O B-state I-state I-state O B-timeRange I-timeRange I-timeRange +O O O O O B-current_location O B-timeRange I-timeRange +O O O O O B-condition_temperature O O O B-timeRange I-timeRange B-current_location +O O O O O O B-city B-state I-state +O O O O O B-current_location O B-condition_description O O B-timeRange I-timeRange +O O O O B-condition_description O B-city O B-timeRange I-timeRange I-timeRange +O O O B-condition_temperature O O O B-current_location I-current_location O B-timeRange +O O O O O O B-city I-city O B-timeRange I-timeRange I-timeRange +O O O B-condition_temperature B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-city O B-state O O B-timeRange +O O O O O B-state I-state O B-city +O O O O O B-country I-country +O O O B-geographic_poi I-geographic_poi I-geographic_poi O O O O O O B-condition_description O +O O B-city B-country O B-timeRange +O O O B-condition_description B-current_location O B-timeRange +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-spatial_relation O B-timeRange +O O O O O B-city O B-condition_temperature O +B-condition_description O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi O B-spatial_relation O +O O O O O B-city +O O O O O B-timeRange I-timeRange O B-geographic_poi +O O O O O O B-state O B-timeRange +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-condition_temperature O B-state O B-timeRange I-timeRange I-timeRange +O B-timeRange I-timeRange I-timeRange O B-country +O O O O O O B-timeRange O B-condition_description O O B-city B-country +O O O O B-current_location O B-timeRange I-timeRange +O B-geographic_poi I-geographic_poi I-geographic_poi O B-condition_temperature O B-timeRange I-timeRange +O O O O O O O B-timeRange I-timeRange I-timeRange O B-city I-city O B-condition_temperature O +O O O O O B-city I-city +O O O B-condition_description O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country I-country +O O O O O B-current_location +O O O O B-condition_description O B-state B-timeRange I-timeRange I-timeRange +O O B-condition_temperature O O O B-spatial_relation I-spatial_relation O B-state O B-timeRange I-timeRange +O O O B-condition_temperature B-timeRange O B-city B-country +O O O O O O B-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O O O B-condition_description O B-city +O O O B-condition_temperature O O B-country O B-timeRange I-timeRange +O O B-country O +O O O O O O B-city I-city +O O O O B-album I-album I-album O B-artist I-artist +O B-album I-album I-album O B-artist I-artist +O O B-sort B-music_item O B-service I-service O B-artist I-artist +O B-service I-service O O O +O O O B-sort O B-artist O B-music_item O B-year O B-service O O +O O B-music_item O B-year +O O O O B-sort O O B-artist I-artist +O O B-playlist O +O O O O O O B-service +O B-album I-album O B-artist I-artist +O O O O O B-year B-music_item I-music_item +O O B-artist I-artist B-music_item +O O O O B-artist I-artist O O O O B-sort I-sort +O O O B-playlist O B-service +O O O B-year O B-artist I-artist O B-service +O B-year O O +O O O O O B-artist I-artist O O O O B-sort +O O B-artist I-artist O O O B-year +O O O B-service +B-year O O B-service +O B-service O O B-artist I-artist B-album I-album I-album +O O B-music_item O B-artist I-artist +O O B-music_item O B-artist I-artist +O O O O O O O B-service +O O O O B-service +O B-playlist I-playlist O B-service +O O O O B-music_item O B-service O B-year O B-artist I-artist +O B-track I-track I-track I-track +O O O O O O B-artist I-artist O O B-year +O O B-service I-service +O O B-music_item O B-artist I-artist +O B-track I-track O B-artist +O O B-artist I-artist I-artist I-artist O O B-year O B-service I-service +O O O O O O B-music_item O B-year +O B-artist I-artist +O B-album I-album B-music_item +O B-music_item O O B-year +O O O B-playlist I-playlist I-playlist I-playlist +O B-track I-track I-track I-track I-track O B-artist O B-service I-service +O B-music_item O B-artist I-artist O B-service +O O B-year O O B-service I-service +O O B-year B-music_item O B-artist I-artist O B-service I-service +O O O B-playlist O +O B-service O O B-album I-album I-album I-album O B-artist I-artist +O O O B-artist I-artist O B-album O B-service +O O B-year B-music_item +O B-playlist I-playlist I-playlist I-playlist O B-service +B-album I-album I-album I-album B-artist I-artist O +O O B-sort I-sort B-artist I-artist O B-service +O O B-year B-artist I-artist +O O B-sort I-sort B-artist +O O O B-artist +O O O B-artist I-artist I-artist O B-service I-service +O O B-artist I-artist B-music_item +O O O O B-artist I-artist O B-service O O B-music_item B-track I-track I-track I-track +O O B-music_item O O B-artist I-artist +O O O O B-service O O B-artist I-artist B-sort B-music_item +O O O O B-music_item O O O B-artist +O B-music_item I-music_item O O O B-year +O B-track I-track I-track I-track O B-artist I-artist +O O O B-year +O O B-service O O B-album I-album O B-artist I-artist +O B-album I-album I-album I-album I-album I-album I-album I-album I-album O B-artist I-artist O B-service +O O B-music_item O O B-year +O B-music_item O B-artist I-artist O B-sort O +O O B-sort O O B-artist I-artist +O O O B-service I-service +O O O B-artist I-artist +O O B-artist I-artist I-artist +O O O B-artist I-artist +O O O B-sort B-service O B-artist +O O B-sort B-artist I-artist B-music_item +O O O O O B-artist I-artist +O O B-sort B-music_item O O B-year O B-artist I-artist +O B-album I-album O B-artist I-artist I-artist +O O B-sort O O B-artist I-artist I-artist O B-service I-service +O O B-sort B-artist +O O O B-artist I-artist O O B-year +O O B-service I-service O O O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-music_item O B-artist I-artist +O O O O O O O B-genre I-genre O O +O O O B-year B-music_item +O B-album I-album I-album I-album I-album O B-artist I-artist O O O +O O O B-music_item O B-artist I-artist I-artist +O O B-sort B-artist I-artist O B-service +O O B-service +O B-genre I-genre +O O O O B-music_item O O B-service O B-artist I-artist I-artist +O O B-music_item O B-artist I-artist O B-year +O O B-genre I-genre +O O B-artist I-artist O O B-year +O O O B-service +O O O B-artist I-artist I-artist I-artist +O O O B-artist I-artist O +O O O B-sort B-artist I-artist O B-service +O O O B-music_item I-music_item O O B-year O O O B-service +O B-album I-album I-album O B-artist I-artist +O B-track I-track O B-service +O B-playlist I-playlist +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type O O O B-rating_value +O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name B-object_part_of_series_type +O B-rating_value B-rating_unit O O B-best_rating O B-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O B-object_select B-object_type O B-rating_value O O B-best_rating +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-object_select B-object_type O B-rating_value +O B-rating_value O O B-best_rating O O B-object_select B-object_type +O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-object_name B-object_part_of_series_type B-rating_value B-rating_unit +B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value B-rating_unit O O B-best_rating O O O +O B-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating O +B-object_name I-object_name I-object_name O O O B-rating_value +O B-rating_value B-rating_unit O B-object_select B-object_type +O O B-object_select B-object_type O B-rating_value O O B-best_rating B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-object_name I-object_name B-rating_value O O B-best_rating +O O B-object_part_of_series_type B-object_select B-rating_value O +O B-object_select B-object_type O O O B-rating_value +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-object_select B-object_type O B-rating_value +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_select I-object_select B-object_type B-rating_value O O B-best_rating +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating O +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-object_select I-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-object_select B-object_type B-rating_value B-rating_unit +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O O O B-rating_value O B-object_name +O B-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name +O O B-object_select B-object_type O B-rating_value O B-best_rating +O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_select B-object_part_of_series_type O B-rating_value +O B-rating_value O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-object_select B-object_type O B-rating_value +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_select B-object_type O O O B-rating_value +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-rating_value O O B-object_name I-object_name I-object_name +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit +O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_name B-rating_value O O B-best_rating +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O B-rating_value O O O B-object_select B-object_type +O B-object_select B-object_part_of_series_type O B-rating_value O +O B-object_select B-object_type O B-rating_value +O O B-best_rating O B-object_name I-object_name I-object_name O B-rating_value +O B-rating_value O B-best_rating B-rating_unit O B-object_name I-object_name +O B-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-rating_value O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-rating_value O O B-best_rating O O O B-object_select B-object_type +O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_name I-object_name O B-rating_value +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O B-object_select B-object_type O B-rating_value +O O B-object_select B-object_type B-rating_value O O B-best_rating +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating +O B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O B-object_name I-object_name B-rating_value O O B-best_rating +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O B-object_type O B-object_name I-object_name +O O O O B-object_type I-object_type B-object_name +O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-object_type O O O B-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name +O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name +O O O O O O B-object_name I-object_name +O O B-object_type I-object_type B-object_name I-object_name +O O O O O O B-object_type B-object_name I-object_name +O O O O B-object_name I-object_name I-object_name B-object_type +O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-object_name I-object_name +O O O O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name +O O O B-object_name +O O O O O B-object_name I-object_name B-object_type I-object_type +O O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_name I-object_name +O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O B-object_type O B-object_name I-object_name +O O O O B-object_name I-object_name B-object_type +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type I-object_type O B-object_name I-object_name +O O B-object_name I-object_name +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O B-object_name I-object_name I-object_name +O O O O O B-object_name I-object_name B-object_type +O O O B-object_name I-object_name B-object_type +O O O O O O O B-object_name I-object_name I-object_name +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name B-object_type +O O O B-object_type O B-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-object_name I-object_name B-object_type +O O O O B-object_type I-object_type B-object_name I-object_name +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-object_name I-object_name B-object_type +O O O O O B-object_name I-object_name B-object_type +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O O B-object_name I-object_name B-object_type +O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_name +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type O O O B-object_name I-object_name I-object_name I-object_name O +O O O B-object_type O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name B-object_type +O O O O O B-object_name I-object_name I-object_name B-object_type +O O O O B-object_name I-object_name B-object_type +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-object_name I-object_name I-object_name B-object_type +O O O B-object_type B-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name B-object_type +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-object_type O O O B-object_name I-object_name I-object_name +O O O B-object_type I-object_type B-object_name I-object_name +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type O O O B-object_name I-object_name +O O O O B-object_name B-object_type +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name +O B-object_name I-object_name +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-object_name I-object_name I-object_name I-object_name +O O O B-object_type O O O O B-object_name I-object_name I-object_name I-object_name +O O O B-object_type B-object_name I-object_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_type I-object_type B-object_name I-object_name +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name I-object_name I-object_name +O O O O O B-object_name +O O O O B-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-object_name I-object_name B-object_type +O O O B-object_name I-object_name I-object_name I-object_name +O O O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name B-object_type +O O O B-object_name I-object_name I-object_name B-object_type +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-object_name I-object_name B-object_type O O +O O O O O B-object_name I-object_name B-object_type +O O O O O B-object_name I-object_name +O O O B-object_type B-object_name I-object_name +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O B-movie_name I-movie_name O +O B-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange +O O O B-object_type I-object_type +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type +O O O B-object_type O B-movie_name I-movie_name I-movie_name +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name B-spatial_relation O O +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O O O O +O O B-object_type O B-movie_name I-movie_name O B-location_name I-location_name +O O O B-object_type I-object_type O O O B-location_name +O O O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O B-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation O B-timeRange O +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O O B-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange +O O B-movie_type I-movie_type O B-location_name I-location_name +O O O B-object_type O B-movie_name I-movie_name I-movie_name +O O O O O O O O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O B-spatial_relation B-object_location_type I-object_location_type O O B-movie_name +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name I-location_name +O B-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange I-timeRange O O B-spatial_relation B-object_location_type +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name O O B-timeRange +O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O B-object_type I-object_type O O B-location_name I-location_name +O O O B-object_type I-object_type B-spatial_relation +O O B-object_type O O B-location_name I-location_name I-location_name +O O O B-movie_type O B-location_name I-location_name +O B-movie_type O B-location_name I-location_name +O O O B-object_type I-object_type +O O O O B-object_type I-object_type +O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-object_type I-object_type O B-location_name I-location_name +O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O B-movie_name I-movie_name O O B-location_name I-location_name +O O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_type O B-location_name I-location_name I-location_name +O O O O B-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O O O B-object_type I-object_type O B-location_name I-location_name +O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-spatial_relation B-object_location_type I-object_location_type O O B-movie_type +O B-movie_type O O B-timeRange O O B-spatial_relation B-object_location_type +O B-movie_name I-movie_name I-movie_name O +O O O O O B-location_name I-location_name B-object_type I-object_type +O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type +O O B-object_type I-object_type O B-location_name I-location_name +O O B-movie_type O B-location_name I-location_name +O O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-movie_name I-movie_name +O O B-location_name I-location_name B-object_type I-object_type +O B-movie_name I-movie_name O O B-timeRange +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O B-movie_name I-movie_name +O O B-object_type O B-location_name I-location_name +O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-timeRange I-timeRange +O O O B-object_type O B-location_name I-location_name O O B-movie_type I-movie_type +O O B-object_type O B-movie_name I-movie_name I-movie_name +O O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-movie_type O O B-spatial_relation I-spatial_relation +O B-movie_name I-movie_name I-movie_name O +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-object_type I-object_type B-spatial_relation I-spatial_relation +O O O O B-movie_name +O O O B-object_type O O B-movie_name I-movie_name I-movie_name O B-object_location_type I-object_location_type +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_type I-object_type O B-movie_type B-spatial_relation +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O B-object_type O B-movie_name I-movie_name I-movie_name O O O O B-object_location_type +O O B-movie_name I-movie_name I-movie_name B-object_type O O B-spatial_relation B-object_location_type I-object_location_type +O O O B-spatial_relation I-spatial_relation B-movie_type I-movie_type O +B-object_type I-object_type B-spatial_relation I-spatial_relation O B-movie_type I-movie_type +O B-movie_type O O B-spatial_relation I-spatial_relation +O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-movie_name I-movie_name O +O B-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type O B-timeRange +O O O B-object_type I-object_type +O O O O O B-object_type I-object_type +O O B-object_type I-object_type O B-location_name I-location_name I-location_name B-timeRange I-timeRange I-timeRange +O O B-spatial_relation B-object_location_type O B-movie_type O +O O O B-object_type I-object_type +O O O B-object_type O B-movie_name I-movie_name I-movie_name +O B-movie_type O O B-spatial_relation I-spatial_relation +O O B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type diff --git a/JointBERT-master/data/snips/intent_label.txt b/JointBERT-master/data/snips/intent_label.txt new file mode 100644 index 0000000000000000000000000000000000000000..b23ac716a747fde1a58bb7be4a2a490c8d4b4bf4 --- /dev/null +++ b/JointBERT-master/data/snips/intent_label.txt @@ -0,0 +1,8 @@ +UNK +AddToPlaylist +BookRestaurant +GetWeather +PlayMusic +RateBook +SearchCreativeWork +SearchScreeningEvent diff --git a/JointBERT-master/data/snips/slot_label.txt b/JointBERT-master/data/snips/slot_label.txt new file mode 100644 index 0000000000000000000000000000000000000000..349578bb5b035e90ddeabf9d9ef2c6d7f75b01fe --- /dev/null +++ b/JointBERT-master/data/snips/slot_label.txt @@ -0,0 +1,74 @@ +PAD +UNK +O +B-album +I-album +B-artist +I-artist +B-best_rating +B-city +I-city +B-condition_description +B-condition_temperature +B-country +I-country +B-cuisine +I-cuisine +B-current_location +I-current_location +B-entity_name +I-entity_name +B-facility +I-facility +B-genre +I-genre +B-geographic_poi +I-geographic_poi +B-location_name +I-location_name +B-movie_name +I-movie_name +B-movie_type +I-movie_type +B-music_item +I-music_item +B-object_location_type +I-object_location_type +B-object_name +I-object_name +B-object_part_of_series_type +I-object_part_of_series_type +B-object_select +I-object_select +B-object_type +I-object_type +B-party_size_description +I-party_size_description +B-party_size_number +B-playlist +I-playlist +B-playlist_owner +I-playlist_owner +B-poi +I-poi +B-rating_unit +B-rating_value +B-restaurant_name +I-restaurant_name +B-restaurant_type +I-restaurant_type +B-served_dish +I-served_dish +B-service +I-service +B-sort +I-sort +B-spatial_relation +I-spatial_relation +B-state +I-state +B-timeRange +I-timeRange +B-track +I-track +B-year diff --git a/JointBERT-master/data/snips/test/label b/JointBERT-master/data/snips/test/label new file mode 100644 index 0000000000000000000000000000000000000000..b86c4e060ff09fc8a44441a7895194bef577b415 --- /dev/null +++ b/JointBERT-master/data/snips/test/label @@ -0,0 +1,700 @@ +AddToPlaylist +BookRestaurant +AddToPlaylist +GetWeather +PlayMusic +SearchScreeningEvent +BookRestaurant +GetWeather +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +GetWeather +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +BookRestaurant +RateBook +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +SearchScreeningEvent +BookRestaurant +PlayMusic +AddToPlaylist +AddToPlaylist +RateBook +PlayMusic +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +RateBook +SearchScreeningEvent +GetWeather +GetWeather +PlayMusic +RateBook +PlayMusic +GetWeather +PlayMusic +GetWeather +PlayMusic +RateBook +BookRestaurant +BookRestaurant +SearchCreativeWork +BookRestaurant +SearchCreativeWork +BookRestaurant +RateBook +BookRestaurant +RateBook +RateBook +SearchScreeningEvent +SearchCreativeWork +GetWeather +GetWeather +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +BookRestaurant +PlayMusic +AddToPlaylist +BookRestaurant +AddToPlaylist +PlayMusic +RateBook +SearchScreeningEvent +PlayMusic +AddToPlaylist +AddToPlaylist +RateBook +PlayMusic +PlayMusic +SearchCreativeWork +RateBook +AddToPlaylist +GetWeather +AddToPlaylist +SearchCreativeWork +GetWeather +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +RateBook +AddToPlaylist +AddToPlaylist +SearchCreativeWork +PlayMusic +PlayMusic +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +RateBook +AddToPlaylist +PlayMusic +AddToPlaylist +SearchScreeningEvent +PlayMusic +AddToPlaylist +GetWeather +SearchCreativeWork +GetWeather +GetWeather +SearchCreativeWork +SearchCreativeWork +PlayMusic +AddToPlaylist +BookRestaurant +GetWeather +SearchCreativeWork +RateBook +RateBook +AddToPlaylist +BookRestaurant +GetWeather +BookRestaurant +SearchScreeningEvent +GetWeather +SearchScreeningEvent +RateBook +GetWeather +PlayMusic +SearchCreativeWork +RateBook +SearchScreeningEvent +AddToPlaylist +PlayMusic +GetWeather +BookRestaurant +PlayMusic +AddToPlaylist +SearchCreativeWork +AddToPlaylist +GetWeather +GetWeather +SearchScreeningEvent +GetWeather +SearchScreeningEvent +GetWeather +PlayMusic +PlayMusic +AddToPlaylist +GetWeather +SearchCreativeWork +AddToPlaylist +PlayMusic +BookRestaurant +SearchScreeningEvent +GetWeather +RateBook +BookRestaurant +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +PlayMusic +AddToPlaylist +GetWeather +RateBook +GetWeather +PlayMusic +PlayMusic +GetWeather +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +AddToPlaylist +BookRestaurant +AddToPlaylist +RateBook +RateBook +RateBook +BookRestaurant +SearchCreativeWork +PlayMusic +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchCreativeWork +AddToPlaylist +GetWeather +SearchCreativeWork +BookRestaurant +GetWeather +AddToPlaylist +RateBook +SearchCreativeWork +SearchScreeningEvent +GetWeather +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +GetWeather +PlayMusic +SearchCreativeWork +PlayMusic +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchCreativeWork +BookRestaurant +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchScreeningEvent +GetWeather +SearchCreativeWork +AddToPlaylist +BookRestaurant +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +GetWeather +PlayMusic +RateBook +RateBook +GetWeather +PlayMusic +GetWeather +PlayMusic +PlayMusic +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +GetWeather +AddToPlaylist +GetWeather +GetWeather +AddToPlaylist +PlayMusic +AddToPlaylist +GetWeather +PlayMusic +AddToPlaylist +BookRestaurant +BookRestaurant +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +RateBook +BookRestaurant +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +GetWeather +PlayMusic +SearchScreeningEvent +RateBook +AddToPlaylist +RateBook +GetWeather +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +RateBook +PlayMusic +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +GetWeather +GetWeather +RateBook +SearchCreativeWork +GetWeather +RateBook +RateBook +BookRestaurant +SearchCreativeWork +PlayMusic +BookRestaurant +GetWeather +SearchCreativeWork +PlayMusic +GetWeather +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchCreativeWork +SearchCreativeWork +BookRestaurant +BookRestaurant +GetWeather +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +GetWeather +AddToPlaylist +BookRestaurant +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +PlayMusic +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +RateBook +BookRestaurant +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchScreeningEvent +RateBook +GetWeather +SearchScreeningEvent +RateBook +SearchScreeningEvent +RateBook +SearchScreeningEvent +BookRestaurant +RateBook +SearchScreeningEvent +GetWeather +RateBook +SearchScreeningEvent +PlayMusic +BookRestaurant +AddToPlaylist +SearchCreativeWork +BookRestaurant +RateBook +BookRestaurant +GetWeather +AddToPlaylist +BookRestaurant +BookRestaurant +AddToPlaylist +RateBook +GetWeather +BookRestaurant +BookRestaurant +SearchCreativeWork +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +RateBook +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +GetWeather +PlayMusic +RateBook +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +RateBook +PlayMusic +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +RateBook +SearchCreativeWork +SearchScreeningEvent +PlayMusic +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +GetWeather +BookRestaurant +RateBook +RateBook +BookRestaurant +SearchCreativeWork +BookRestaurant +AddToPlaylist +AddToPlaylist +GetWeather +RateBook +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +AddToPlaylist +BookRestaurant +SearchCreativeWork +PlayMusic +BookRestaurant +GetWeather +RateBook +GetWeather +GetWeather +AddToPlaylist +GetWeather +AddToPlaylist +GetWeather +SearchCreativeWork +PlayMusic +AddToPlaylist +GetWeather +RateBook +AddToPlaylist +GetWeather +RateBook +GetWeather +PlayMusic +SearchCreativeWork +PlayMusic +GetWeather +BookRestaurant +SearchCreativeWork +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +GetWeather +PlayMusic +GetWeather +GetWeather +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +AddToPlaylist +AddToPlaylist +GetWeather +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +AddToPlaylist +GetWeather +RateBook +SearchScreeningEvent +AddToPlaylist +RateBook +BookRestaurant +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +RateBook +SearchScreeningEvent +PlayMusic +RateBook +AddToPlaylist +GetWeather +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchScreeningEvent +AddToPlaylist +PlayMusic +GetWeather +SearchCreativeWork +RateBook +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +BookRestaurant +GetWeather +AddToPlaylist +SearchScreeningEvent +PlayMusic +GetWeather +BookRestaurant +PlayMusic +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +RateBook +AddToPlaylist +AddToPlaylist +PlayMusic +GetWeather +RateBook +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +GetWeather +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +AddToPlaylist +PlayMusic +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +GetWeather +GetWeather +SearchCreativeWork +BookRestaurant +GetWeather +BookRestaurant +GetWeather +SearchCreativeWork +GetWeather +GetWeather +GetWeather +AddToPlaylist +BookRestaurant +SearchCreativeWork +RateBook +SearchCreativeWork +BookRestaurant +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +GetWeather +BookRestaurant +PlayMusic +SearchScreeningEvent +PlayMusic +SearchCreativeWork +BookRestaurant +BookRestaurant +GetWeather +RateBook +GetWeather +RateBook +SearchCreativeWork +RateBook +RateBook +GetWeather +GetWeather +AddToPlaylist +GetWeather +AddToPlaylist +RateBook +SearchCreativeWork +RateBook +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +PlayMusic +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +RateBook +SearchCreativeWork +RateBook +PlayMusic +SearchCreativeWork +PlayMusic +PlayMusic +BookRestaurant +RateBook +PlayMusic +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +RateBook +RateBook +PlayMusic +GetWeather +AddToPlaylist +SearchScreeningEvent +PlayMusic +BookRestaurant +SearchCreativeWork +PlayMusic +GetWeather +BookRestaurant +AddToPlaylist +AddToPlaylist +RateBook +BookRestaurant +SearchCreativeWork +SearchCreativeWork +GetWeather +GetWeather +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +RateBook +AddToPlaylist +SearchCreativeWork +AddToPlaylist +GetWeather +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +PlayMusic +AddToPlaylist +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +RateBook +BookRestaurant +GetWeather +GetWeather +BookRestaurant +SearchScreeningEvent +RateBook +PlayMusic +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +RateBook +AddToPlaylist +RateBook diff --git a/JointBERT-master/data/snips/test/seq.in b/JointBERT-master/data/snips/test/seq.in new file mode 100644 index 0000000000000000000000000000000000000000..2ab04b8803900b6d9f8a92fd3ebb8a5803d2a78d --- /dev/null +++ b/JointBERT-master/data/snips/test/seq.in @@ -0,0 +1,700 @@ +add sabrina salerno to the grime instrumentals playlist +i want to bring four people to a place that s close to downtown that serves churrascaria cuisine +put lindsey cardinale into my hillary clinton s women s history month playlist +will it snow in mt on june 13 2038 +play signe anderson chant music that is newest +can you let me know what animated movies are playing close by +can you get me reservations for a highly rated restaurant in seychelles +what s the weather here on 2/7/2021 +find worldly goods starting now at a movie house +on june 27 2026 i d like to go to a delaware gastropub +what movies are playing at mann theatres +find a movie called living in america +find on dress parade +make a reservation at a bakery that has acquacotta in central african republic for five +where can i purchase the tv show time for heroes +will the wind die down at my current location by supper time +please search the young warriors game +make me a reservation in south carolina +what movie theatre is showing if the huns came to melbourne +restaurant in bulgaria this week party for 9 numbers +rate the current novel four of 6 stars +add the song don t drink the water to my playlist +add this tune by rod argent to propuesta alternativa playlist +show the movie times +will it snow in amy +what will the weather be at nine am in hi +in one hour find king of hearts +book a spot for ten at a top-rated caucasian restaurant not far from selmer +play music from clark kent in the year 1987 +add to the rock games +add this artist to pop 2017 picks +i rate shadow of suribachi at five stars +play some sixties music +what film is playing nearby +add nothing fancy to meditate to sounds of nature playlist +get the video game of the chipmunk song +rate lamy of santa fe 5 of 6 stars +show me movie schedules +what will the weather be in lago vista on october fourteenth 2022 +weather next year in canada +play a new symphony by perfecto de castro on lastfm +rate cuisines of the axis of evil and other irritating states one out of 6 +play arif music from the fourties +what is the weather of east portal ks +play a melody from elmer bernstein +what is the weather going to be like in klondike gold rush national historical park on february the 28th 2034 +play songs by sarah harding +rate the chronicle ten from tomorrow a 2 +book a table for 2 at a restaurant in follett +book a brasserie in samoa for four people +play the new noise theology e p +find a reservation at a restaurant that serves gougère in laneville with a party of nine +find the cold dead hand video game for me +book a bakery for lebanese on january 11th 2032 +rate the book an appeal from the new to the old whigs a 0 +book a table for 8 at a restaurant that serves far breton +rate this current novel 1 stars +i rate secret water as a 4 +is unbeatable harold at century theatres +please find me asking alexandria discography +what will the weather be in berville ak on feb 6 2017 +is it warm in botna +please add a track to my playlist called this is coti +find the via dolorosa: songs of redemption saga +can you add confessions to my playlist called clásica +find the schedule for nearby animated movies +book a table today at a steakhouse for eight that serves sashimi +play the last sound track by soko from around 1975 +add this song to blues roots +coon chicken inn restaurant for 1 am for me clarice and debbie +add karusellen to jazz brasileiro +play some steve boyett chant music +give 1 out of 6 points to this novel +show the movie schedule of animated movies close by +please play the newest music by evil jared hasselhoff +add tune to my mellow bars playlist +put coming back to life onto winter music +rate this textbook a zero +i want to hear any tune from the twenties +play me a top-ten song by phil ochs on groove shark +find a video game called family dog +rate awaiting strange gods: weird and lovecraftian fictions a 1 +add lisa m to my guitar hero live playlist +what is the weather forecast for my current place +add strong to the metal monday playlist +where can i find conduct unbecoming +will it be freezing in the current position +add the da brat track to the soak up the sun playlist +add a track to the another glass playlist +find now and forever +the workout playlist needs more chris cross +play some jungle music on iheart +give 1 point to current textbook +put no mystery into my punk essentials playlist +i want to put look to you on the playlist named 80s classic hits +what time is beat the devil coming on at mann theatres +rate the current chronicle a zero +add garry shider album to my classical essentials +add the artist cho kyu hyun to funky jams +find the work i looked up +play this is colour by panda bear +play the god that failed on vimeo +can i get the butterfly crush showings +add hanging on to my just dance by aftercluv playlist +show me when scandalous john is playing +a day no pigs would die deserves a best rating of 6 and a value of 4 +for my crossfit playlist add the soul sessions volume 2 +play some james cleveland +put this tune on dancepop +what time will paris by night aired +play music on spotify +i want a matt garrison tune in my fresh finds fire emoji playlist +will there be snowfall at six pm in leisure knoll california +search for the television show me and my guitar +tell me when it will be chilly in chicken united kingdom +is it windy in telogia +find a tv show called revenge of the nerds +find the video game called turnin me on +play the song i get ideas as performed by richard kruspe +add turk to the deep house playlist +find a reservation at fish express +check the forecast for the current spot in the future oct 19 2037 +how can i view the show corpus: a home movie about selena +i would rate that old ace in the hole one stars and a best rating of 6 +add the rating for this current series a four out of 6 points +add justin mcroberts to this is chopin +book a bar that serves italian-american cuisine neighboring wilson av for one person +is fog forecast close-by to pakistan +book a restaurant for 3 people at eighteen oclock in saint vincent and the grenadines +find the schedule for films at night at great escape theatres +is there snow in the district of columbia +find a movie schedule +rate the beggar of volubilis 1 out of 6 +what is the forecast in heber +please play an album from 1987 +show me the courts of chaos +give the current book five stars out of 6 +when is fine totally fine playing +add a tune to clásicos del hip hop español +play jawad ahmad +what is the forecast for in 1 second at monte sereno for freezing temps +i would like to eat fast food and have a party of two in kentucky +play music from itunes for ric grech +add jennie jennie to my metal playlist +show the tv show the last samurai +add rob tyner to betsy s we everywhere +show me the weather forecast for the city of spencer +how is the weather in getzville minnesota +what is dear old girl cooper foundation +i need a weather forecast for são tomé and príncipe on december 8th 2026 +what animated movies are showing in the area +tell me the weather forecast for april 15 2019 here +play the track asleep in the deep +play kurt cobain ballad tunes +can you add a track to my spain top 50 playlist +at meal time while i m here will it be hot +can you find me the magic hour song +add mary wells sings my guy to the electro sur playlist +play some kyle ward from the seventies +book a table around london borough of ealing that is highly rated in a gluten free bar +when is crime and punishment u s a showing +will it snowstorm in long lake national wildlife refuge +rate current essay a zero +book me a reservation at a bar around juliff for three people that serves bucatini for now +book a highly rated place in in in seven years at a pub +what time is southern theatres showing ukraine is not a brothel +add this album ny bill callahan to my mi casa es la tuya playlist oficial list +find a soundtrack called pax warrior +book a table for ten for breakfast in minnesota +what is the local movie schedule +book a restaurant for three on feb 18 +i d like to know what movies are on the movie schedules nearby +please make me reservations somewhere for eight people in foley nv +she me movie times at mann theatres +find the picture ultima vi: the false prophet +play the best album from the seventies +add kylie minogue to my novedades viernes sudamérica playlist +is it freezing in colorado +the last hawk gets a total of 3 out of 6 stars from me +will it be stormy in ma +play pop 2017 picks +play some theme songs from 1974 +what will the weather be in la at 9 o clock +can you add xanadu to latin alternative music +can you find me the naked city – justice with a bullet album +please search the work eve-olution +add i dreamt of a dragon to my futuros hits playlist +add this artist to the laugh list +i d like to eat at a restaurant around china with a party of 7 anywhere that serves ouzeri +the sleep machine waterscapes playlist needs some kris chetan ramlu in it +rate the current chronicle five stars +rate this novel five of 6 +my rating for the eiffel tower and other mythologies is 0 out of 6 stars +i d like a table for midday at the unseen bean +where can i see the movie across the line: the exodus of charlie wright +turn on spotify to tiny tim ep +what are the movie schedules +i want a table for me and my kids in turkey at a neighboring restaurant +play a top 5 song from wally bastian on google music +please search the ironbound picture +put a gary clark song into the soul bpm playlist +will it be hot on orthodox good friday in michigan and close-by +i want to see the television show called cuts both ways +i d like to reserve a table at a pub that serves andouillettes within the same area in san marino +what is the weather like in hurstville +put this album on my wild country playlist +rate this textbook 2 out of 6 +search for the complots +find the schedule for the band of honest men at the nearest movie theatre +what will the weather be in waverly city brazil on purple heart day +what is the weather forecast in delaware +play a top-50 tune from 1982 +play shinji miyazaki s music on netflix +can i get the game list of mew singles +what s the forecast for belize around meal time +add gary lachman track to jazz for loving couples playlist +find the path to power +put artist paulinho da costa on my very nearly nashville playlist +i am looking for the work: nikki +what s the weather in low moor +play some nineties music +find a television show called swing high +use netflix to play bizzy bone kiss me goodnight sergeant major +i d like to see movie schedules for kerasotes theatres +i want these are the days added to my spotlight spain 2016 playlist +play the greatest soundtrack by nhat son on last fm +what is the tv series in app store +book the space aliens grill & bar in hord wy for feb the twenty-seventh +find a saga called set sail the prairie +can jovino santos neto s album get added to my confidence boost playlist +show animated movies in nearest movie theatre +find the game company of heroes +where can i find paranormal activity 3 playing near me 1 hour from now +book a table this evening in saint vincent and the grenadines at a gastropub +can i listen to dj vibe s top 10 +what films are at the nearest cinema +what is the weather like in north salt lake and afghanistan +can you tell me the actors of the saga awards/ +go to my all out 00s and add brian wilson +food truck in panama for five +look up the movie schedule +book a table for chasity ruiz and mary at the fat duck in puerto rico +find the gill deacon show +find the movie schedule for films in the area +will i be able to watch camping-car at movie house at 6 pm +play how does it work by helen carter +what s the weather like in schenectady ma +play some folk-rock music +give this current book zero out of 6 +rate this album 5 points +how is the weather right now at my current place +play sixties music by giovanni battista guadagnini +tell me the weather forecast close by brown county state park for meal time +play the last wellman braud album relaesd +play sugar baby by frank beard +find the schedule for the solitude of prime numbers at the nearest cinema in 1 hour +play the discografia de the pretty reckless saga +i want to give the current textbook 0 out of 6 stars +show me movie times for animated movies playing three hours from now in the neighbourhood +find the game just dance greatest hits +add this track to the sin ti playlist +show me the closest movie house playing an unfinished life at eight pm +what s it like in bahrain right now +can you add blood on the face to the playlist called heartland country +on jan the twentieth what will it feel like in ct or the area not far from it +i need a table in uruguay in 213 days when it s chillier +add this track by horace andy to acoustic soul +plan an album by roni duani +add song to siesta +can you tell me the weather forecast for samoa +play music on youtube +add spirit touches ground to my leche con chocolate list +i need a table for 1 minute from now at any pub for five around in that also serves fisn n chips +book a spot at the food truck in ma +21 weeks from now elinor crystal turner and nita want to eat german food at a bar in distant california +find a tv show called ruthless +find animated movies close by with a movie schedule +book a spot for 7 at an outdoor food court in denmark +i would rate the persistence of vision 1 stars and a best rating of 6 +i need a reservation for february 27 2020 at a bar that serves paté +find the ghost of tom joad +i need a reservation for ten at a tavern in west virginia +what time is children of divorce playing +will there be a blizzard in white house curacao +play the top melody from artist maakii +are any animated movies playing at magic johnson theatres +give the current album a five +i want to add digital line to my playlist called infantil +the current essay gets four points +what will the weather be in grand coteau ut at six pm +can you find me a trailer for phineas redux +add the singer ivan roudyk to my fairy tales playlists +add song in my playlist dance workout +what movies can i see in the area +tell me what films are playing at plitt theatres +add in the heart of the world to the epic gaming playlist +find movie times +rate the book english grammar in use a five +play tujiko noriko s ten years and running +add the song to the soundscapes for gaming playlist +can you put a song by jessica mauboy on my playlist entitled a sudden rainstorm +show movie schedule +show me movie schedules for today +add cecil womack to my 50 great female voices playlist +will it be freezing here in 9 seconds +forecast for serbia +i want to give a mortal flower a two +where can i view the picture reaching horizons +in hawaii will it be warmer at 3 am +rate the little book four stars +rate the current textbook one of 6 stars +i want a table for five at a restaurant with latin food in arkansas for 1 hour from now +find love will tear us apart a photograph +please play me a popular track from 1984 +book a mediterranean restaurant for my sister and i +how will the weather be different 5 years from now in waconia +search for teenage mutant hero turtles: fall of the foot clan photograph +play party anthems +what is the niceville forecast in fm +find heat wave +which is the nearest movie house playing the diary of anne frank +can i have the movie schedule for imax corporation +book me a reservation for eight for the top-rated bakery eleven hours from now in mango +play yung joc on slacker +show 50 words for snow creative picture +play the electrochemical and solid state letters song +table for 8 at a popular food court +find me a table for 8 people at a nearby al restaurant one minute from now +is there rain now in maine +show me the photograph johnny cash: the complete columbia album collection +find movie schedules +find movie schedules for united paramount theatres +what is the forecast for montana at dinner +please add this track to my de camino playlist +book me a restaurant please +find drumline: a new beat a picture +play the red room sessions from chris cunningham +play the great adventures of slick rick game +list movie schedules for movies playing close by +i am looking for the tv show called the flight of the lost balloon +add david axelrod to my futuros hits list +play me sun ra songs from the fifties +add this track to my dinnertime acoustics playist +add tune to atmospheric black metal playlist +need to see mother joan of the angels in one second +give 2 out of 6 points to the following textbook +i would like to book a restaurant for two in 42 weeks from now in wagram +play some last fm music like the 1992 ep from peaches +where is the closest cinema playing a drink in the passage +i m hoping you can find a photograph from live at the isle of wight 1970 +what movies are around here +book a restaurant distant from downtown +find doggy day school an album +please play bitch please ii +find a video game called young +is strauss is playing today at the cineplex odeon corporation +award this current novel 0 points +weather for this winter here +what animated movies are playing at the closest movie theatre +rate this book four of 6 points +i want to go see the trouble with girls +cock-a-doodle-doo was awful i m giving it a 0 out of 6 +show me the schedule of films in the neighbourhood +book a table for nine people in svalbard and jan mayen +i would give french poets and novelists a best rating of 6 and a value of three +what animated movies are playing nearby +will there be a cloud here at 06:50:20 +i want to give the chronicle zombie bums from uranus 3 points +i d like to know when i can see the taking of flight 847: the uli derickson story at amco entertainment +play is this my world by leo arnaud +book a reservation for clinton street baking company & restaurant distant from downtown +add nyoil to my this is prince playlist +show me the everybody wants you picture +find a restaurant in fm that servec quiche +i would give this current novel 2 stars with a best rating of 6 +i want to book a pastelaria cafe in alabama for me and my great grandfather +is hail in the weather forecast for monterey bay national marine sanctuary +add tune to sxsw fresh playlist +make a reservation in a popular sicilian bar place nearby for me only tomorrow +i need a table for 9 +add this artist to my post-grunge playlist +rate this album a 2 +what will the weather be like this tuesday in the area neighboring rendezvous mountain educational state forest +i need a table in ottoville on feb 15th 2029 at gus stevens seafood restaurant & buccaneer lounge +i need a table for five at childs restaurants in brunei +how do i get the game still on it +i would like to make a reservation for 2 for brunch +need a table for party of five for december 26 2040 in the state of mt +book me a restaurant for nine in statham +i d like a table for ten in 2 minutes at french horn sonning eye +find a movie house for 07:52 showing ganges: river to heaven +what is the michael moore is a big fat stupid white man video game +i want to eat close to bowlegs seven years from now +for my playlist chill add the name cater fe she +search for the halfway home tv show +find movie times +play journey list +tell me what animated movies i can see at the closest movie theatre +i d like to see the trailer tony parker +what time is holiday heart showing at the movie house +play the movie white christmas +is it forecast to be warm in doi inthanon national park +add this tune to cristina s endorphin rush playlist +play a song by nash the slash +i rate doom 3: worlds on fire a 1 of 6 +what time is phil ochs: there but for fortune playing at the movie house +add andreas johnson to my rock save the queen playlist +i d like to watch take this waltz +what are the mann theatres showtimes for secret sunshine +will there be snowfall in kitlope heritage conservancy +play geddy lee music on spotify sort by top +rate in the eyes of mr fury zero of 6 +look up the tv series operace silver a +i m looking for the tv series called unborn +play the song memories are my only witness +i give the phishing manual four stars out of 6 +play clásicos del hip hop español +add rupee to my ultra metal playlist +add shi xin hui to my piano chill playlist +what time is the clutching hand playing at amco entertainment +add circus to my post garage wave revival list +the chronicle charlie peace earns 4 stars from me +find conker: live and reloaded +show me the nearest movie house showing the luckiest girl in the world +play track music from peter finestone on netflix sort by newest +play the song shine a light +book a popular restaurant of thai cuisine +which animated movies are playing in the neighbourhood and when +i want to listen to the song only the greatest +i d like to eat at the best restaurant +is it going to be chilly in western sahara in 13 hours +i want to book a restaurant for four around zapata +rate if tomorrow comes 2 of 6 stars +the book history by contract is rated five stars in my opinion +i want to book a bar in bonaparte palau +i m looking for dead at 21 the tv series +can you make reservations at a tea house that serves fettucine +put a track by lil mama into my guest list sneaky zebra playlist +put some frank ferrer into my edna st vincent millay playlist +what is the forecast for niger +rate this novel a 3 +add this ruth crawford seeger song to my playlist called the soundtrack 007 +is it going to snow next year in wv +is romulus and the sabines playing at the nearest cinema at ten +show me the new showings for animated movies in the neighborhood +play the video game the genesis machine +i want to go to 88th st-boyd av or close by and book seats for 10 +i need to add to the funk soul disco playlist my favorite artist +i want to book a cafe for 3 in fargo +where can i watch tv series shopping spree +play an andy silvester sound track from the thirties on spotify +i d like to eat at a popular brasserie in chile with a party of 5 +what s the forecast for my current place at five pm +give private games 3 stars out of 6 +in 17 minutes will it be foggy in songimvelo game reserve +how hot will it be in wisconsin on august fourth +i d like to put qriii onto songs to sing in the car +will it be chilly in oakdale ok +add dwele to marguerite s eurovision 2016 playlist +what s the weather forecast for croatia on jul 25th +find tv series titled a life in the death of joe meek +open fadl shaker on spotify and play a melody starting with the newest +please add jency anthony to my playlist this is mozart +whats the weather in ga +i rate the chronicle son of the tree with four of 6 points +add git to domingo indie +will there be cloud coverage in verdery myanmar +rate maps for lost lovers 1 of 6 +will it snow in granbury +play me a cinder block movement +find the tv series shaun the sheep +i want to hear the jody williams sound track +what is the forecast for foggy conditions here in twenty one minutes +book a table at grecian coffee house for 7 on apr 7th 2024 +show creative photograph of icewind dale: heart of winter +rate the manxman 5 out of 6 +add this song to my lo que suena new york playlist +find reproductions: songs of the human league +play a 2001 sound track on deezer +weather for ma in the morning +play a ballad by bob johnston +is there a snowstorm in russia +will it be nice on aug the nineteenth in beda bulgaria +i d like for you to put this artist to my evening commute playlist +play the caps lock trailer +give me the movie schedules for warren theatres +i need current movie schedules +add even serpents shine to dorothea s indie hipster playlist +play ep by arjen anthony lucassen +give 4 points to this novel +add star light star bright to my jazz classics playlist +put nothing remains the same on my summer music playlist +weather for the night time in new mexico +add pangaea to my gold edition playlist +find me a movie with the name oshin +add ian stuart donaldson to canadian country +show me movie time for i am sorry at my movie house +please add ruud jolie to my playlist guest list polygon +add patti page album to i love my neo soul +add an album by twink to my classic country playlist +will it be a snowy day in dalcour +rate this essay a two out of 6 +find the movie schedules for animated movies nearby at 09:44 am +add armand van helden to my black sabbath the ozzy years playlist +give this chronicle a 4 +i m looking for a churrascaria place with wifi that can serve a party of five +what time is goodbye mothers playing +book the city tavern in holiday ks +what movies are playing dickinson theatres +rate the key word and other mysteries 4 of 6 +i d like to watch may blossom +play some music on slacker +i want to rate the ingenuity gap 3 out of 6 +add song to my wild country playlist +what is the weather forecast for close-by burkina +i want to watch supernatural: the unseen powers of animals +listen to dragon ball: music collection +add troy van leeuwen to my nu metal list +add born free to fresh r&b +book at table at forest av restaurant close-by for 2 1 second from now +can you get me the trailer of the multiversity +are there movies at malco theatres +rate the current chronicle series 3 out of 6 points +can i get the movie times +i want to add hind etin to my la mejor música dance 2017 playlist +play some latin on zvooq +what is the freezing forecast for british virgin islands +pull up sweeney todd - il diabolico barbiere di fleet street +put four rating on the raging quiet +show me the tv show limit of love: umizaru +which movies are playing at the closest cinema +add this album by karl davydov to reyna s this is luis fonsi playlist +where can i see the television show falling away from me +book me a table for 5 at a best rated restaurant in italy +will there be a snowstorm in taberville +add this song to this is no te va gustar playlist +can i get the movies showtimes for the closest movie house +do you have something like impossible is nothing by abderrahmane abdelli +what is the weather forecast for cistern +please make reservations in yeager for seven am at a highly rated indian brasserie +play me a nineties sound track +where can i find thor meets captain america +i need to have pat alger s album placed onto the spotlight spain 2016 playlist +can i get the movie times for fox theatres +i d like to watch wish you were dead +i d like to watch apocalypse 2024 +show creativity of song a discord electric +is love and other troubles playing +show me the current movie times +rate the lie tree five +i want to add another album to the wine & dine playlist +add another tune to my pumping iron playlist +play a track by mila islam from deezer +is it rainy season in manitou springs +give 2 stars to the doom brigade +add this tune to my dinnertime acoustics list +what are the current movie schedules +what is the showtime for arsho +list movie times at harkins theatres +what movies are showing in the neighborhood +play my playlist tgif on itunes +what will the weather be like on january 2nd 2025 in ga +what animated movies are playing in the neighbourhood and when +book a spot at savoy hotel and grill that is neighboring wisconsin +can you find me the back when i knew it all album +add george thorogood to el mejor rock en español +play the album how insensitive +i m looking for the pokémon: the movie 2000 tv show +place this tune onto my dinner for 2 playlist +where can i see the trailer for love on the beat +list movie times at megaplex theatres +will it be chillier at 06:05:48 in wagener réunion +what is the weather in south bradenton +get jump down painting +please book a room in spaghetti warehouse for catalina delores and brandie mendoza at 12 am +what is the nh forecast for mexican hat +i need to book a top-rated steakhouse this autumn for 1 around azerbaijan +will it be chillier at my current location in one minute +show me heavenly sword +what is the weather forecast for close-by gu 3 years from now +will it be freezing on 4/20/2038 in american beach nc +i need the wather for next week in the philippines +add tune to my metal crash course playlist +i would like to book the best food court with persian food within the same area as ok for my ex husband and i +i d like to see the picture the principle of hope +rate this series 2 out of 6 +find a man needs a maid +book a restaurant close by my daughters s work location with burrito three years from now +add this tune to the refugee playlist +find time for movie times now +i would like to book a highly rated brasserie with souvlaki neighboring la next week +find the panic in needle park +is it freezing on jun the 21st in apshawa south africa +i need to take three people to eat +play a 2006 chant +show me the schedule of the loves of letty in cinema closest +play the top 20 ep from the fifties by john bundrick +show creativity of photograph of my wonderful day +book a table in the united states for 10 at the berghoff +i d like to book a brasserie in virginia city ga +will it be temperate in the same area in vi +rate the current novel four out of 6 points +is it going to get chillier near hocking state forest +for the current saga i rate 2 of 6 stars +i want to play the video game espn major league soccer +rate the current book a three +rate this novel 0 of 6 stars +is it going to be chillier at 10 pm in texas +what s the weather in timbo +add the blurred crusade to crate diggers anonymous +tell me the weather forecast for sugarloaf provincial park ten weeks from now +add a gackt camui track to the white noise playlist +rate canto for a gypsy two of 6 stars +i m looking for circus world +this textbook gets a two +show me the movie times +add song to my underground hits +play the album journeyman +find the family jams saga +play rob mills album the golden archipelago +book a spot at a restaurant within walking distance of palau +find me the balance and timing book +find movie schedules for bow tie cinemas +add get happy to cherry s las canciones más lindas del mundo +rate this textbook a 1 +shw the picture twin husbands +rate a taste of blackberries a three +play the 1991 soundtrack from ian mcdonald +find an album called just call me stupid +play the insoc ep +i want to hear major harris s songs from the fifties +book a restaurant in donnelly +rate the saint in trouble 1 of 6 +play punk rock music +look for a photograph of i wanna sex you up +what is the humidity like in faraway on ak +i d like to eat at an internet restaurant with a party of four +when is just before nightfall playing +play moondog s chupacabra +add album to pop rising +rate this book three points +i am giving this current book album 0 out of 6 stars +play artist vlada divljan from something he did that is good +what will the humidity be in varnado georgia at one am +add no prejudice to 90s indie +what are the movies movie times nearby +i want to hear some songs from the twenties +please make reservations for nine at 3 am +can you pull up queen of the organ +lets hear some dawood sarkhosh from their the power of your love album from groove shark +will it get overcast in la dolores +book a spot for kelli jean and i at a pub at elevenses +add this candi staton artist to my dancefloor hits +i want to add a song by jazz brasileiro +rate wielding a red sword 0 stars +book a taverna that serves bengali for six at five +play the tv series heart of gold +show crafty hands saga +will it be hotter in wyomissing hills +show weather while sunset in the same area in south carolina +table for one somewhere in palco +i would like to add something by kuk harrell to my hip hop 2017 new school playlist +add list of rush instrumentals to this is lady antebellum +where can i see a slice of life +the current textbook gets a 2 rating +add wing track to all a cappella +show me dangers of the canadian mounted +please add this this tune to the playlist this is selena +what will the weather be in stelvio national park 1 hour and 1 minute from now +can you put musiri subramania iyer s song onto the lo-fi love soundtrack +i want to add michelle heaton to this is chopin +show me the movie operetta for the theatre organ +where s the nearest movie house playing no trains no planes +put a xiang xiang track onto women of the blues +can you add a track by david wolfenberger to janell s all funked up playlist +play the album vibrations by marion elise raven +add fabri fibra to evening acoustic +can you play any chant from the fourties +show the night riders +i m looking for a movie called salvage mice +find your personal touch +add this tune to my weekend playlist +is it going to storm in black rock alaska +show the movie schedules at united paramount theatres +i want to read the saga michael clayton +book me a table for 3 at tkk fried chicken in sri lanka +rate this book titled the improvisatore five stars +book a restaurant for one person at 7 am +weather for beauregard il +will there be alot of wind on march 13th in lost creek bahrain +i d like a reservation at a place in iran for neva alice and maggie parker +show me movie schedule for animated movie around here at eleven a m +i give this book dictionary of the english language a 4 rating +play some symphonic rock +add to my playlist all funked up this track +find a tv series called armageddon summer +find politicsnation with al sharpton +rate this album 0 points out of 6 +add leah kauffman to my uncharted 4 nathan drake playlist +rate this album two out of 6 diff --git a/JointBERT-master/data/snips/test/seq.out b/JointBERT-master/data/snips/test/seq.out new file mode 100644 index 0000000000000000000000000000000000000000..f3ebf69c347254e9d308fa40bc1f2004dba377f5 --- /dev/null +++ b/JointBERT-master/data/snips/test/seq.out @@ -0,0 +1,700 @@ +O B-artist I-artist O O B-playlist I-playlist O +O O O O B-party_size_number O O O O O O B-spatial_relation O B-poi O O B-restaurant_type O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O B-condition_description O B-state O B-timeRange I-timeRange I-timeRange +O B-artist I-artist B-music_item O O O B-sort +O O O O O O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation +O O O O O O O B-sort I-sort B-restaurant_type O B-country +O O O O B-current_location O B-timeRange +O B-movie_name I-movie_name O B-timeRange O O B-object_location_type I-object_location_type +O B-timeRange I-timeRange I-timeRange O O O O O O O B-state B-restaurant_type +O B-movie_type O O O B-location_name I-location_name +O O B-object_type O B-object_name I-object_name I-object_name +O B-movie_name I-movie_name I-movie_name +O O O O O B-restaurant_type O O B-served_dish O B-country I-country I-country O B-party_size_number +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O B-condition_description O O O O B-current_location I-current_location O B-timeRange O +O O B-object_name I-object_name I-object_name B-object_type +O O O O O B-state I-state +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +B-restaurant_type O B-country B-timeRange I-timeRange O O B-party_size_number O +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-music_item B-playlist I-playlist I-playlist I-playlist I-playlist O B-playlist_owner O +O O B-music_item O B-artist I-artist O B-playlist I-playlist O +O O B-object_type I-object_type +O O B-condition_description O B-city +O O O O O O B-timeRange I-timeRange O B-state +B-timeRange I-timeRange I-timeRange O B-movie_name I-movie_name I-movie_name +O O O O B-party_size_number O O B-sort B-cuisine B-restaurant_type B-spatial_relation I-spatial_relation O B-city +O O O B-artist I-artist O O O B-year +O O O B-playlist B-entity_name +O O B-music_item O B-playlist I-playlist I-playlist +O O B-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O B-year O +O B-movie_type O O B-spatial_relation +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-object_type I-object_type +O O O O O O B-city I-city O B-timeRange I-timeRange I-timeRange +O B-timeRange I-timeRange O B-country +O O B-sort B-music_item O B-artist I-artist I-artist O B-service +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-artist O O O B-year +O O O O O B-city I-city B-state +O O B-music_item O B-artist I-artist +O O O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-artist I-artist +O O B-object_part_of_series_type B-object_name I-object_name I-object_name O B-rating_value +O O O O B-party_size_number O O B-restaurant_type O B-city +O O B-restaurant_type O B-country O B-party_size_number O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_type O O B-served_dish O B-city O O O O B-party_size_number +O O B-object_name I-object_name I-object_name B-object_type I-object_type O O +O O B-restaurant_type O B-cuisine O B-timeRange I-timeRange I-timeRange +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O B-party_size_number O O B-restaurant_type O O B-served_dish I-served_dish +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_name I-object_name O O B-rating_value +O B-movie_name I-movie_name O B-location_name I-location_name +O O O B-object_name I-object_name I-object_name +O O O O O O B-city B-state O B-timeRange I-timeRange I-timeRange +O O B-condition_temperature O B-city +O O O B-music_item O B-playlist_owner O O B-playlist I-playlist I-playlist +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-entity_name O B-playlist_owner O O B-playlist +O O B-object_type O B-spatial_relation B-movie_type I-movie_type +O O O B-timeRange O O B-restaurant_type O B-party_size_number O O B-served_dish +O O B-sort B-music_item I-music_item O B-artist O O B-year +O O B-music_item O B-playlist I-playlist +B-restaurant_name I-restaurant_name I-restaurant_name B-restaurant_type O B-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-entity_name O B-playlist I-playlist +O O B-artist I-artist B-music_item O +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O O O B-sort O O B-artist I-artist I-artist +O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O B-object_select B-object_type O B-rating_value +O O O O O B-music_item O O B-year +O O O B-sort B-music_item O B-artist I-artist O B-service I-service +O O B-object_type I-object_type O B-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O O O O O O B-current_location I-current_location +O B-entity_name O O B-playlist I-playlist O +O O O O B-object_name I-object_name +O O O B-condition_temperature O O B-current_location I-current_location +O O B-artist I-artist B-music_item O O B-playlist I-playlist I-playlist I-playlist O +O O B-music_item O O B-playlist I-playlist O +O B-movie_name I-movie_name I-movie_name +O B-playlist O O O B-artist I-artist +O O B-genre O O B-service +O B-rating_value O O B-object_select B-object_type +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O B-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist I-playlist +O O O B-movie_name I-movie_name I-movie_name O O O B-location_name I-location_name +O O B-object_select B-object_part_of_series_type O B-rating_value +O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist +O O B-music_item B-artist I-artist I-artist O B-playlist I-playlist +O O O B-object_name I-object_name I-object_name +O B-track I-track I-track O B-artist I-artist +O B-track I-track I-track I-track O B-service +O O O O B-movie_name I-movie_name O +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-movie_name I-movie_name O O +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O O O B-best_rating O O O O B-rating_value +O B-playlist_owner B-playlist O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name +O O B-artist I-artist +O O B-music_item O B-playlist +O O O B-movie_name I-movie_name I-movie_name O +O O O B-service +O O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-condition_description O B-timeRange I-timeRange O B-city I-city B-state +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O O B-condition_temperature O B-city B-country I-country +O O B-condition_description O B-city +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O B-music_item B-track I-track I-track O O O B-artist I-artist +O B-artist O O B-playlist I-playlist O +O O O O B-restaurant_name I-restaurant_name +O O O O O B-current_location I-current_location O O O B-timeRange I-timeRange I-timeRange +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O O O O B-best_rating +O O O O O B-object_select B-object_part_of_series_type O B-rating_value O O B-best_rating B-rating_unit +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-restaurant_type O O B-served_dish I-served_dish B-spatial_relation B-poi I-poi O B-party_size_number O +O B-condition_description O B-spatial_relation O B-country +O O B-restaurant_type O B-party_size_number O O B-timeRange O O B-country I-country I-country I-country I-country +O O B-object_type O B-movie_type O B-timeRange O B-location_name I-location_name I-location_name +O O B-condition_description O O B-state I-state I-state +O O B-object_type I-object_type +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O O O B-city +O O O B-music_item O B-year +O O B-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O B-movie_name I-movie_name I-movie_name O +O O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist +O B-artist I-artist +O O O O O B-timeRange I-timeRange I-timeRange O B-city I-city O B-condition_temperature O +O O O O O B-restaurant_type I-restaurant_type O O O O O B-party_size_number O B-state +O O O B-service O B-artist I-artist +O B-entity_name I-entity_name O B-playlist_owner B-playlist O +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist +O O O O O O O O O B-city +O O O O O B-city B-state +O O B-movie_name I-movie_name I-movie_name B-location_name I-location_name +O O O O O O B-country I-country I-country I-country O B-timeRange I-timeRange I-timeRange +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O B-timeRange I-timeRange I-timeRange B-current_location +O O B-music_item B-track I-track I-track I-track +O B-artist I-artist B-music_item O +O O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-timeRange O O O O B-current_location O O O B-condition_temperature +O O O O O B-object_name I-object_name B-object_type +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O B-artist I-artist O O B-year +O O O B-spatial_relation B-poi I-poi I-poi I-poi O O B-sort I-sort O O B-cuisine I-cuisine B-restaurant_type +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-object_select B-object_type O B-rating_value +O O O O O O B-restaurant_type B-spatial_relation B-city O B-party_size_number O O O B-served_dish O B-timeRange +O O B-sort I-sort O O B-state B-timeRange I-timeRange I-timeRange O O B-restaurant_type +O O O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-object_type O B-object_name I-object_name +O O O O B-party_size_number O B-timeRange O B-state +O O O O B-object_type I-object_type +O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange +O O O O O O B-movie_type O O O B-object_type I-object_type B-spatial_relation +O O O O O O B-party_size_number O O B-city B-state +O O B-object_type I-object_type O B-location_name I-location_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-sort B-music_item O O B-year +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-condition_temperature O B-state +B-object_name I-object_name I-object_name O O O O B-rating_value O O B-best_rating B-rating_unit O O +O O O B-condition_description O B-state +O B-playlist I-playlist I-playlist +O O B-music_item O O B-year +O O O O O O B-state O B-timeRange I-timeRange I-timeRange +O O O B-entity_name O B-playlist I-playlist I-playlist +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-playlist I-playlist I-playlist +O O O O O O O B-restaurant_type B-spatial_relation B-country O O O O B-party_size_number O O O B-cuisine +B-playlist I-playlist I-playlist I-playlist O O O B-artist I-artist I-artist O O +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O B-object_select B-object_type B-rating_value O B-best_rating +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O O O O O O B-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-service O B-artist I-artist B-music_item +O O O B-object_type I-object_type +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-country O O B-spatial_relation B-restaurant_type +O O B-sort I-sort B-music_item O B-artist I-artist O B-service I-service +O O O B-object_name B-object_type +O O B-artist I-artist B-music_item O O B-playlist I-playlist O +O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O B-state O B-spatial_relation +O O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O O O O O O O O B-restaurant_type O O B-served_dish B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-country I-country +O O O O O O B-city +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O B-object_name +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O O B-city I-city B-country O B-timeRange I-timeRange I-timeRange +O O O O O O B-state +O O B-sort B-music_item O B-year +O B-artist I-artist O O O B-service +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-country O B-timeRange O +O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name +O B-music_item B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O B-object_name +O O O O O B-city I-city +O O B-year O +O O B-object_type I-object_type O B-object_name I-object_name +O B-service O O B-artist I-artist B-track I-track I-track I-track I-track +O O O O O B-object_type I-object_type O B-location_name I-location_name +O O B-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-sort B-music_item O B-artist I-artist O B-service I-service +O O O B-object_type I-object_type O B-object_name I-object_name +O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state O B-timeRange I-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-artist I-artist I-artist O B-music_item O O O B-playlist_owner B-playlist I-playlist O +O B-movie_type I-movie_type O B-spatial_relation B-object_location_type I-object_location_type +O O B-object_type B-object_name I-object_name I-object_name +O O O O B-movie_name I-movie_name I-movie_name O O O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-timeRange O B-country I-country I-country I-country I-country O O B-restaurant_type +O O O O B-artist I-artist O B-sort I-sort +O B-movie_type O O O B-spatial_relation B-object_location_type +O O O O O O B-city I-city I-city O B-country +O O O O O B-object_name O O B-object_type O +O O B-playlist_owner B-playlist I-playlist I-playlist O O B-artist I-artist +B-restaurant_type I-restaurant_type O B-country O B-party_size_number +O O O B-object_type I-object_type +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name O B-country I-country +O B-object_name I-object_name I-object_name I-object_name +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O B-movie_name O B-object_location_type I-object_location_type O B-timeRange I-timeRange +O B-album I-album I-album I-album O B-artist I-artist +O O O O O O B-city B-state +O O B-genre O +O O B-object_select B-object_type B-rating_value O O B-best_rating +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-timeRange O O B-current_location I-current_location +O B-year O O B-artist I-artist I-artist +O O O O O B-spatial_relation I-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange O +O O O B-artist I-artist B-music_item O +O B-track I-track O B-artist I-artist +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type B-timeRange I-timeRange I-timeRange +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-object_type I-object_type O B-movie_type I-movie_type O B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-music_item O O B-playlist I-playlist O +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange +O O O O O B-country O B-timeRange +O O O B-entity_name I-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist +O B-timeRange I-timeRange I-timeRange O O O O O O B-state O O O B-spatial_relation I-spatial_relation O O +O O O O O B-country B-timeRange I-timeRange I-timeRange O O O B-condition_temperature +O O B-music_item O B-artist I-artist O B-playlist I-playlist +O O B-music_item O B-artist I-artist +O B-music_item O B-playlist +O O O O O O O O B-country +O O O B-service +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O O B-restaurant_type O B-party_size_number B-spatial_relation B-state O O O B-served_dish I-served_dish I-served_dish +O O O O O B-restaurant_type I-restaurant_type O B-state +B-timeRange I-timeRange I-timeRange I-timeRange B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-cuisine O O O B-restaurant_type O B-spatial_relation B-state +O O B-object_type I-object_type O B-object_name +O B-movie_type I-movie_type B-spatial_relation I-spatial_relation O O B-object_type I-object_type +O O O O B-party_size_number O O B-facility B-restaurant_type I-restaurant_type O B-country +O O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O O O O B-best_rating +O O O O O B-timeRange I-timeRange I-timeRange O O B-restaurant_type O O B-served_dish +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-party_size_number O O B-restaurant_type O B-state I-state +O O O B-movie_name I-movie_name I-movie_name O +O O O O B-condition_description O B-city I-city B-country +O O B-sort B-music_item O O B-artist +O O B-movie_type I-movie_type O O B-location_name I-location_name I-location_name +O O B-object_select B-object_type O B-rating_value +O O O O B-entity_name I-entity_name O B-playlist_owner O O B-playlist +O B-object_select B-object_type O B-rating_value B-rating_unit +O O O O O O B-city I-city B-state O B-timeRange I-timeRange +O O O O O B-object_type O B-object_name I-object_name +O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-music_item O B-playlist_owner O B-playlist I-playlist +O B-movie_type O O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-movie_type O O O B-location_name I-location_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O B-object_type I-object_type +O O B-object_type B-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-artist I-artist O B-album I-album I-album I-album +O O B-music_item O O B-playlist I-playlist I-playlist O +O O O O B-music_item O B-artist I-artist O B-playlist_owner O O B-playlist I-playlist I-playlist +O B-object_type I-object_type +O O B-object_type I-object_type O O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-condition_temperature B-current_location B-timeRange I-timeRange I-timeRange +O O B-country +O O O O B-object_name I-object_name I-object_name O B-rating_value +O O O O O B-object_type B-object_name I-object_name +O B-state O O O B-condition_temperature O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O B-party_size_number O O B-restaurant_type O B-cuisine O O B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O B-sort B-music_item O B-year +O O B-cuisine B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-playlist I-playlist +O O O B-city O O B-state +O B-movie_name I-movie_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O B-party_size_number O O B-sort B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O B-artist I-artist O B-service +O B-object_name I-object_name I-object_name I-object_name O B-object_type +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-party_size_number O O B-sort B-restaurant_type I-restaurant_type +O O O O O B-party_size_number O O O B-spatial_relation B-state B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange +O O B-condition_description B-timeRange O B-state +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_type I-object_type +O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O O B-state O B-timeRange +O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-restaurant_type O +O B-object_name I-object_name I-object_name I-object_name O B-object_type +O B-album I-album I-album I-album O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation +O O O O O B-object_type I-object_type O O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-artist I-artist O O O B-year +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-music_item O B-playlist I-playlist I-playlist O +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange +O B-rating_value O O B-best_rating B-rating_unit O O B-object_select B-object_type +O O O O O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O B-service I-service O O O B-year B-music_item O B-artist +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-movie_type O B-spatial_relation I-spatial_relation +O O B-restaurant_type B-spatial_relation O B-poi +O B-object_name I-object_name I-object_name O B-object_type +O O B-track I-track I-track +O O B-object_type I-object_type O B-object_name +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-timeRange I-timeRange B-current_location +O B-movie_type I-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name +B-object_name O O O O O O O B-rating_value O O B-best_rating +O O O B-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-party_size_number O O B-country I-country I-country I-country +O O O B-object_name I-object_name I-object_name I-object_name O O O O B-best_rating O O O O B-rating_value +O B-movie_type I-movie_type O O B-spatial_relation +O O O O B-condition_description B-current_location O B-timeRange +O O O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O B-album I-album I-album I-album O B-artist I-artist +O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name B-spatial_relation O B-poi +O B-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-object_name I-object_name I-object_name B-object_type +O O B-restaurant_type O B-state O O B-served_dish +O O O O B-object_select B-object_type B-rating_value B-rating_unit O O O O O B-best_rating +O O O O O B-cuisine B-restaurant_type O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-condition_description O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-music_item O B-playlist I-playlist O +O O O O O B-sort B-cuisine B-restaurant_type O B-spatial_relation O O O B-timeRange +O O O O O B-party_size_number +O O B-music_item O B-playlist_owner B-playlist O +O B-object_select B-object_type O B-rating_value +O O O O O O B-timeRange I-timeRange O O O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-city O B-timeRange I-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O O O O B-party_size_number O B-restaurant_name I-restaurant_name O B-country +O O O O O B-object_type B-object_name I-object_name I-object_name +O O O O O O O O B-party_size_number O B-timeRange +O O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange O O O O B-state +O O O B-restaurant_type O B-party_size_number O B-city +O O O O O O B-party_size_number B-timeRange I-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O B-object_location_type I-object_location_type O B-timeRange O B-movie_name I-movie_name I-movie_name I-movie_name +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O B-spatial_relation O B-city B-timeRange I-timeRange I-timeRange I-timeRange +O B-playlist_owner O B-playlist O O O B-entity_name I-entity_name I-entity_name +O O O B-object_name I-object_name B-object_type I-object_type +O B-object_type I-object_type +O B-playlist O +O O O B-movie_type I-movie_type O O O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O O B-object_type B-object_name I-object_name +O O O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O B-object_type B-object_name I-object_name +O O O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O B-music_item O B-artist I-artist I-artist +O O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O B-best_rating +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-movie_name I-movie_name I-movie_name +O O O B-location_name I-location_name O O B-movie_name I-movie_name +O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi +O B-artist I-artist O O B-service O O B-sort +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O B-object_type I-object_type O B-object_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O B-playlist I-playlist I-playlist I-playlist I-playlist +O B-artist O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-object_part_of_series_type B-object_name I-object_name O B-rating_value B-rating_unit O O +O B-object_name I-object_name I-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-music_item O O B-artist I-artist O B-service O O B-sort +O O B-music_item B-track I-track I-track +O O B-sort B-restaurant_type O B-cuisine O +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation O O +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O O O O O O B-sort B-restaurant_type +O O O O O B-condition_temperature O B-country I-country O B-timeRange I-timeRange +O O O O O B-restaurant_type O B-party_size_number B-spatial_relation B-city +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-object_type B-object_name I-object_name I-object_name O O B-rating_value B-rating_unit O O O +O O O O O B-restaurant_type O B-city B-state +O O O O B-object_name I-object_name I-object_name O B-object_type I-object_type +O O O O O O B-restaurant_type I-restaurant_type O O B-served_dish +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-country +O B-object_select B-object_type O B-rating_value +O O B-artist I-artist I-artist B-music_item O B-playlist_owner O O B-playlist I-playlist I-playlist +O O O O B-condition_description B-timeRange I-timeRange O B-state +O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type O B-timeRange +O O O O O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O B-poi I-poi I-poi O B-spatial_relation O O O O O B-party_size_number +O O O O O O B-playlist I-playlist I-playlist O B-playlist_owner O B-music_item +O O O O O B-restaurant_type O B-party_size_number O B-city +O O O O B-object_type I-object_type B-object_name I-object_name +O O B-artist I-artist B-music_item I-music_item O O B-year O B-service +O O O O O O O B-sort B-restaurant_type O B-country O O O O B-party_size_number +O O O O O O B-current_location I-current_location O B-timeRange I-timeRange +O B-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +B-timeRange I-timeRange I-timeRange O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi +O B-condition_temperature O O O O B-state O B-timeRange I-timeRange +O O O O O B-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-condition_temperature O B-city B-state +O B-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O O B-country O B-timeRange I-timeRange +O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-service O O O B-music_item O O O B-sort +O O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist +O O O O B-state +O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name O B-rating_value O B-best_rating B-rating_unit +O B-entity_name O B-playlist I-playlist +O O O B-condition_description O O B-city B-country +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O B-condition_description O B-city +O O O B-artist I-artist B-music_item +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O B-artist I-artist B-music_item I-music_item +O O O O O B-condition_description O B-current_location B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number O B-timeRange I-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name B-rating_value O O B-best_rating +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-year B-music_item I-music_item O B-service +O O B-state O O B-timeRange +O O B-music_item O B-artist I-artist +O O O B-condition_description O B-country +O O O O O B-timeRange I-timeRange I-timeRange O B-city B-country +O O O O O O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_name I-object_name B-object_type +O O O B-object_type I-object_type O B-location_name I-location_name +O O O B-object_type I-object_type +O B-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O B-music_item O B-artist I-artist I-artist +O B-rating_value B-rating_unit O B-object_select B-object_type +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-timeRange O O B-state I-state +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-object_type O O O B-object_name +O B-artist I-artist I-artist O B-playlist I-playlist +O O O O O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist +O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-music_item O B-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-condition_description B-timeRange O B-city +O B-object_select B-object_type O B-rating_value O O B-best_rating +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation O B-timeRange I-timeRange +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_select B-object_part_of_series_type O B-rating_value +O O O O O B-restaurant_type O O B-facility O O O O O O B-party_size_number +O O O B-movie_name I-movie_name O +O O B-restaurant_name I-restaurant_name O B-city B-state +O B-movie_type O O B-location_name I-location_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O O B-movie_name I-movie_name +O O O O B-service +O O O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O O B-spatial_relation B-country +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name O B-playlist I-playlist +O O O O B-poi I-poi B-restaurant_type B-spatial_relation O B-party_size_number B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-object_type O B-object_name I-object_name +O O B-movie_type O B-location_name I-location_name +O O B-object_select B-object_part_of_series_type I-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-object_type I-object_type +O O O O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-genre O B-service +O O O B-condition_temperature O O B-country I-country I-country +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-rating_value O O B-object_name I-object_name I-object_name +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O B-movie_type O O O O B-spatial_relation B-object_location_type +O O B-music_item O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-party_size_number O O B-sort I-sort B-restaurant_type O B-country +O O O O B-condition_description O B-city +O O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O B-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O B-track I-track I-track O B-artist I-artist +O O O O O O B-city +O O O O B-city O B-timeRange I-timeRange O O B-sort I-sort B-cuisine B-restaurant_type +O O O B-year B-music_item I-music_item +O O O O B-object_name I-object_name I-object_name I-object_name +O O O O B-artist I-artist O B-music_item O O O B-playlist I-playlist I-playlist O +O O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-movie_name I-movie_name +O O O B-object_type B-object_name I-object_name I-object_name +O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O B-object_type I-object_type +O B-object_name I-object_name I-object_name B-rating_value +O O O O O B-music_item O O B-playlist I-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-artist I-artist O B-service +O O B-condition_description O O B-city I-city +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-object_type I-object_type +O O O O O B-movie_name +O B-object_type I-object_type O B-location_name I-location_name +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-playlist O B-service +O O O O O O O B-timeRange I-timeRange I-timeRange O B-state +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation O O +O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O O B-spatial_relation B-state +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-music_item B-album I-album +O O O O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-object_type I-object_type O B-location_name I-location_name +O O O B-condition_temperature O B-timeRange O B-city B-country +O O O O O B-city I-city +O B-object_name I-object_name B-object_type +O O O O O B-restaurant_name I-restaurant_name O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange +O O O B-state O O B-city I-city +O O O O O B-sort B-restaurant_type B-timeRange I-timeRange O B-party_size_number B-spatial_relation B-country +O O O B-condition_temperature O O B-current_location I-current_location B-timeRange I-timeRange I-timeRange +O O B-object_name I-object_name +O O O O O O B-spatial_relation B-state B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-condition_temperature O B-timeRange O B-city I-city B-state +O O O O O B-timeRange I-timeRange O O B-country +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O B-sort B-restaurant_type I-restaurant_type O B-cuisine O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type B-spatial_relation I-spatial_relation B-poi I-poi I-poi I-poi I-poi O B-served_dish B-timeRange I-timeRange I-timeRange I-timeRange +O O B-music_item O B-playlist I-playlist I-playlist +O O O B-object_type I-object_type B-timeRange +O O O O O O B-sort I-sort B-restaurant_type O B-cuisine B-spatial_relation B-state B-timeRange I-timeRange +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O B-city B-country I-country +O O O O B-party_size_number O O O +O O B-year B-music_item +O O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O B-object_location_type B-spatial_relation +O O B-sort I-sort B-music_item O O B-year O B-artist I-artist +O O O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-country I-country O B-party_size_number O B-restaurant_name I-restaurant_name +O O O O O O B-restaurant_type O B-city I-city B-state +O O O B-condition_temperature B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-condition_temperature B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_select B-object_part_of_series_type O O B-rating_value O B-best_rating B-rating_unit +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type O B-rating_value +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O B-condition_temperature O B-timeRange I-timeRange O B-state +O O O O O B-city +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange +O O B-artist I-artist B-music_item O O B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O B-object_name I-object_name +B-object_select B-object_type O O B-rating_value +O O O B-object_type I-object_type +O B-music_item O B-playlist_owner B-playlist I-playlist +O O B-object_type B-object_name +O B-object_name I-object_name I-object_name B-object_type +O B-artist I-artist B-music_item B-album I-album I-album +O O O O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation O B-state +O O O B-object_name I-object_name I-object_name B-object_type +O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-object_select B-object_type O B-rating_value +O O B-object_type B-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O B-year B-music_item O B-artist I-artist +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-album I-album I-album +O O O O B-artist I-artist O O O O B-year +O O B-restaurant_type O B-city +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O B-genre I-genre O +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O O B-spatial_relation O B-state +O O O O O O O B-facility B-restaurant_type O O O O B-party_size_number +O O B-movie_name I-movie_name I-movie_name O +O B-artist O B-album +O B-music_item O B-playlist I-playlist +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-object_select B-object_type I-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-artist I-artist O O O O O O B-sort +O O O B-condition_description O O B-city B-state O B-timeRange I-timeRange +O B-entity_name I-entity_name O B-playlist I-playlist +O O O B-movie_type B-object_type I-object_type B-spatial_relation +O O O O O O O O B-year +O O O O B-party_size_number O B-timeRange I-timeRange +O O O O B-object_name I-object_name I-object_name I-object_name +O O O B-artist I-artist O O B-album I-album I-album I-album I-album B-music_item O B-service I-service +O O O B-condition_description O B-city I-city +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-timeRange +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist +O O O O O B-music_item O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-restaurant_type O O B-cuisine O B-party_size_number O B-timeRange +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name B-object_type +O O O B-condition_temperature O B-city I-city +O O O B-timeRange B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state I-state +O O B-party_size_number O O B-city +O O O O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O B-object_select B-object_type O O B-rating_value O +O B-artist B-music_item O B-playlist I-playlist I-playlist +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-music_item O O O B-playlist I-playlist I-playlist +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O B-artist I-artist I-artist O B-music_item O O B-playlist I-playlist O +O O O O B-artist I-artist O B-playlist I-playlist I-playlist +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist +O O O O B-music_item O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O O B-music_item B-album O B-artist I-artist I-artist +O B-artist I-artist O B-playlist I-playlist +O O O O B-music_item O O B-year +O B-object_name I-object_name I-object_name +O O O O O B-object_type O B-object_name I-object_name +O B-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist O +O O O O B-condition_description O B-city I-city B-state +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O O B-object_type B-object_name I-object_name +O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-country I-country +O O B-object_type O B-object_name I-object_name B-rating_value B-rating_unit +O O B-restaurant_type O B-party_size_number O O B-timeRange I-timeRange +O O B-city B-state +O O O O O B-condition_description O B-timeRange I-timeRange O B-city I-city B-country +O O O O O O O O O B-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation O B-timeRange I-timeRange I-timeRange +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O +O O B-genre I-genre +O O B-playlist_owner O B-playlist I-playlist I-playlist O B-music_item +O O B-object_type I-object_type O B-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-object_select B-object_type B-rating_value O O B-best_rating diff --git a/JointBERT-master/data/snips/train/label b/JointBERT-master/data/snips/train/label new file mode 100644 index 0000000000000000000000000000000000000000..7545e21c5f07076591730cf394b54987b43c22f4 --- /dev/null +++ b/JointBERT-master/data/snips/train/label @@ -0,0 +1,13084 @@ +PlayMusic +AddToPlaylist +RateBook +PlayMusic +AddToPlaylist +AddToPlaylist +PlayMusic +PlayMusic +SearchScreeningEvent +BookRestaurant +GetWeather +RateBook +SearchScreeningEvent +PlayMusic +GetWeather +BookRestaurant +BookRestaurant +AddToPlaylist +BookRestaurant +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +RateBook +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +GetWeather +PlayMusic +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +PlayMusic +GetWeather +AddToPlaylist +GetWeather +RateBook +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +PlayMusic +PlayMusic +BookRestaurant +RateBook +AddToPlaylist +RateBook +GetWeather +AddToPlaylist +GetWeather +PlayMusic +AddToPlaylist +RateBook +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchScreeningEvent +PlayMusic +RateBook +PlayMusic +SearchCreativeWork +SearchCreativeWork +RateBook +AddToPlaylist +SearchCreativeWork +RateBook +BookRestaurant +GetWeather +RateBook +AddToPlaylist +SearchCreativeWork +RateBook +SearchCreativeWork +AddToPlaylist +GetWeather +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchCreativeWork +AddToPlaylist +RateBook +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +AddToPlaylist +SearchCreativeWork +RateBook +RateBook +GetWeather +PlayMusic +BookRestaurant +BookRestaurant +SearchScreeningEvent +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +PlayMusic +AddToPlaylist +AddToPlaylist +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +BookRestaurant +GetWeather +RateBook +PlayMusic +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +GetWeather +RateBook +SearchScreeningEvent +PlayMusic +AddToPlaylist +RateBook +RateBook +SearchScreeningEvent +SearchCreativeWork +RateBook +GetWeather +BookRestaurant +RateBook +AddToPlaylist +RateBook +BookRestaurant +PlayMusic +RateBook +PlayMusic +GetWeather +AddToPlaylist +BookRestaurant +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +PlayMusic +GetWeather +SearchCreativeWork +PlayMusic +BookRestaurant +PlayMusic +RateBook +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +PlayMusic +PlayMusic +AddToPlaylist +AddToPlaylist +AddToPlaylist +RateBook +SearchScreeningEvent +RateBook +PlayMusic +SearchCreativeWork +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchCreativeWork +GetWeather +BookRestaurant +PlayMusic +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +SearchCreativeWork +AddToPlaylist +AddToPlaylist +RateBook +GetWeather +AddToPlaylist +RateBook +BookRestaurant +GetWeather +AddToPlaylist +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +RateBook +RateBook +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +AddToPlaylist +AddToPlaylist +GetWeather +SearchCreativeWork +PlayMusic +PlayMusic +BookRestaurant +RateBook +PlayMusic +PlayMusic +RateBook +BookRestaurant +RateBook +SearchScreeningEvent +PlayMusic +PlayMusic +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +AddToPlaylist +AddToPlaylist +BookRestaurant +PlayMusic +PlayMusic +BookRestaurant +PlayMusic +AddToPlaylist +GetWeather +RateBook +RateBook +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +BookRestaurant +RateBook +BookRestaurant +RateBook +GetWeather +BookRestaurant +PlayMusic +PlayMusic +PlayMusic +BookRestaurant +AddToPlaylist +GetWeather +SearchCreativeWork +SearchScreeningEvent +GetWeather +SearchScreeningEvent +RateBook +PlayMusic +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +GetWeather +SearchCreativeWork +GetWeather +SearchCreativeWork +BookRestaurant +GetWeather +AddToPlaylist +GetWeather +BookRestaurant +RateBook +AddToPlaylist +BookRestaurant +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +BookRestaurant +PlayMusic +BookRestaurant +SearchCreativeWork +PlayMusic +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +AddToPlaylist +AddToPlaylist +RateBook +PlayMusic +SearchCreativeWork +GetWeather +RateBook +AddToPlaylist +PlayMusic +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +PlayMusic +GetWeather +AddToPlaylist +BookRestaurant +PlayMusic +AddToPlaylist +GetWeather +BookRestaurant +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +RateBook +BookRestaurant +PlayMusic +GetWeather +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +SearchCreativeWork +BookRestaurant +BookRestaurant +GetWeather +BookRestaurant +GetWeather +RateBook +GetWeather +GetWeather +SearchScreeningEvent +PlayMusic +AddToPlaylist +RateBook +BookRestaurant +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +RateBook +RateBook +RateBook +AddToPlaylist +AddToPlaylist +GetWeather +AddToPlaylist +RateBook +RateBook +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +AddToPlaylist +GetWeather +AddToPlaylist +PlayMusic +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchScreeningEvent +RateBook +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +GetWeather +BookRestaurant +GetWeather +AddToPlaylist +GetWeather +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +GetWeather +BookRestaurant +SearchCreativeWork +AddToPlaylist +BookRestaurant +RateBook +PlayMusic +SearchCreativeWork +GetWeather +SearchCreativeWork +AddToPlaylist +BookRestaurant +AddToPlaylist +PlayMusic +BookRestaurant +BookRestaurant +SearchScreeningEvent +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchScreeningEvent +PlayMusic +GetWeather +PlayMusic +PlayMusic +SearchScreeningEvent +GetWeather +GetWeather +SearchScreeningEvent +RateBook +SearchCreativeWork +GetWeather +GetWeather +PlayMusic +AddToPlaylist +SearchCreativeWork +RateBook +AddToPlaylist +AddToPlaylist +RateBook +AddToPlaylist +RateBook +PlayMusic +SearchScreeningEvent +BookRestaurant +GetWeather +PlayMusic +SearchScreeningEvent +GetWeather +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchCreativeWork +RateBook +BookRestaurant +RateBook +SearchScreeningEvent +SearchCreativeWork +RateBook +AddToPlaylist +RateBook +AddToPlaylist +SearchScreeningEvent +BookRestaurant +GetWeather +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +GetWeather +GetWeather +AddToPlaylist +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +PlayMusic +PlayMusic +BookRestaurant +RateBook +RateBook +GetWeather +GetWeather +GetWeather +BookRestaurant +PlayMusic +BookRestaurant +RateBook +SearchCreativeWork +PlayMusic +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +PlayMusic +SearchScreeningEvent +AddToPlaylist +BookRestaurant +RateBook +AddToPlaylist +SearchScreeningEvent +BookRestaurant +RateBook +AddToPlaylist +GetWeather +AddToPlaylist +SearchCreativeWork +RateBook +PlayMusic +GetWeather +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +BookRestaurant +RateBook +PlayMusic +RateBook +PlayMusic +RateBook +BookRestaurant +AddToPlaylist +PlayMusic +SearchScreeningEvent +PlayMusic +RateBook +BookRestaurant +RateBook +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchCreativeWork +BookRestaurant +BookRestaurant +SearchScreeningEvent +PlayMusic +BookRestaurant +SearchCreativeWork +BookRestaurant +BookRestaurant +RateBook +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +AddToPlaylist +RateBook +BookRestaurant +BookRestaurant +SearchScreeningEvent +RateBook +GetWeather +SearchScreeningEvent +BookRestaurant +PlayMusic +AddToPlaylist +BookRestaurant +BookRestaurant +GetWeather +PlayMusic +AddToPlaylist +BookRestaurant +GetWeather +GetWeather +PlayMusic +AddToPlaylist +RateBook +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +PlayMusic +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchCreativeWork +AddToPlaylist +RateBook +GetWeather +RateBook +RateBook +SearchCreativeWork +RateBook +SearchCreativeWork +RateBook +BookRestaurant +AddToPlaylist +GetWeather +RateBook +PlayMusic +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +AddToPlaylist +GetWeather +AddToPlaylist +PlayMusic +GetWeather +GetWeather +RateBook +PlayMusic +GetWeather +PlayMusic +SearchScreeningEvent +GetWeather +SearchCreativeWork +GetWeather +RateBook +GetWeather +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +RateBook +PlayMusic +GetWeather +SearchScreeningEvent +BookRestaurant +GetWeather +SearchScreeningEvent +BookRestaurant +GetWeather +RateBook +AddToPlaylist +SearchScreeningEvent +RateBook +PlayMusic +AddToPlaylist +PlayMusic +RateBook +PlayMusic +RateBook +BookRestaurant +AddToPlaylist +SearchCreativeWork +BookRestaurant +RateBook +RateBook +RateBook +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +GetWeather +SearchCreativeWork +GetWeather +PlayMusic +AddToPlaylist +SearchCreativeWork +PlayMusic +AddToPlaylist +GetWeather +GetWeather +PlayMusic +PlayMusic +RateBook +RateBook +BookRestaurant +SearchCreativeWork +GetWeather +PlayMusic +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +PlayMusic +AddToPlaylist +BookRestaurant +SearchCreativeWork +PlayMusic +BookRestaurant +GetWeather +PlayMusic +RateBook +GetWeather +SearchCreativeWork +RateBook +PlayMusic +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +BookRestaurant +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +GetWeather +AddToPlaylist +PlayMusic +RateBook +AddToPlaylist +SearchScreeningEvent +GetWeather +RateBook +AddToPlaylist +GetWeather +AddToPlaylist +SearchCreativeWork +AddToPlaylist +PlayMusic +RateBook +PlayMusic +RateBook +BookRestaurant +RateBook +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +RateBook +GetWeather +SearchCreativeWork +PlayMusic +AddToPlaylist +GetWeather +GetWeather +SearchCreativeWork +GetWeather +SearchScreeningEvent +BookRestaurant +RateBook +RateBook +SearchScreeningEvent +PlayMusic +GetWeather +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchScreeningEvent +RateBook +SearchCreativeWork +AddToPlaylist +PlayMusic +SearchScreeningEvent +GetWeather +RateBook +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +BookRestaurant +GetWeather +RateBook +RateBook +SearchCreativeWork +SearchCreativeWork +GetWeather +SearchScreeningEvent +BookRestaurant +BookRestaurant +GetWeather +GetWeather +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchCreativeWork +GetWeather +AddToPlaylist +AddToPlaylist +AddToPlaylist +PlayMusic +GetWeather +SearchScreeningEvent +BookRestaurant +AddToPlaylist +GetWeather +RateBook +RateBook +AddToPlaylist +GetWeather +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +BookRestaurant +PlayMusic +PlayMusic +BookRestaurant +AddToPlaylist +GetWeather +GetWeather +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +RateBook +RateBook +RateBook +RateBook +GetWeather +AddToPlaylist +BookRestaurant +RateBook +SearchCreativeWork +PlayMusic +AddToPlaylist +SearchCreativeWork +AddToPlaylist +GetWeather +RateBook +GetWeather +BookRestaurant +AddToPlaylist +BookRestaurant +PlayMusic +PlayMusic +SearchCreativeWork +AddToPlaylist +GetWeather +AddToPlaylist +PlayMusic +PlayMusic +RateBook +SearchCreativeWork +RateBook +GetWeather +AddToPlaylist +SearchScreeningEvent +BookRestaurant +PlayMusic +PlayMusic +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +BookRestaurant +PlayMusic +GetWeather +SearchScreeningEvent +GetWeather +GetWeather +GetWeather +GetWeather +RateBook +RateBook +AddToPlaylist +SearchCreativeWork +AddToPlaylist +PlayMusic +BookRestaurant +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchScreeningEvent +SearchCreativeWork +GetWeather +GetWeather +RateBook +GetWeather +BookRestaurant +GetWeather +GetWeather +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +BookRestaurant +PlayMusic +GetWeather +GetWeather +RateBook +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchCreativeWork +AddToPlaylist +GetWeather +RateBook +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +RateBook +PlayMusic +GetWeather +AddToPlaylist +GetWeather +RateBook +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +AddToPlaylist +SearchScreeningEvent +RateBook +RateBook +SearchScreeningEvent +SearchCreativeWork +RateBook +PlayMusic +AddToPlaylist +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchCreativeWork +RateBook +BookRestaurant +GetWeather +SearchScreeningEvent +AddToPlaylist +RateBook +SearchScreeningEvent +GetWeather +BookRestaurant +GetWeather +BookRestaurant +GetWeather +RateBook +GetWeather +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +GetWeather +GetWeather +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +PlayMusic +BookRestaurant +PlayMusic +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +RateBook +RateBook +PlayMusic +BookRestaurant +SearchCreativeWork +BookRestaurant +RateBook +BookRestaurant +GetWeather +BookRestaurant +BookRestaurant +SearchCreativeWork +PlayMusic +SearchCreativeWork +RateBook +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +RateBook +BookRestaurant +RateBook +PlayMusic +BookRestaurant +GetWeather +PlayMusic +BookRestaurant +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchCreativeWork +RateBook +GetWeather +SearchScreeningEvent +GetWeather +RateBook +RateBook +GetWeather +PlayMusic +RateBook +RateBook +PlayMusic +PlayMusic +RateBook +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +PlayMusic +PlayMusic +PlayMusic +RateBook +GetWeather +AddToPlaylist +BookRestaurant +RateBook +PlayMusic +GetWeather +SearchCreativeWork +PlayMusic +PlayMusic +PlayMusic +SearchCreativeWork +RateBook +SearchCreativeWork +GetWeather +GetWeather +RateBook +GetWeather +RateBook +GetWeather +PlayMusic +BookRestaurant +PlayMusic +PlayMusic +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchScreeningEvent +GetWeather +PlayMusic +GetWeather +BookRestaurant +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +RateBook +PlayMusic +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchCreativeWork +PlayMusic +AddToPlaylist +RateBook +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +RateBook +PlayMusic +GetWeather +GetWeather +RateBook +SearchCreativeWork +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +BookRestaurant +RateBook +GetWeather +SearchCreativeWork +BookRestaurant +PlayMusic +SearchScreeningEvent +RateBook +SearchCreativeWork +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +GetWeather +BookRestaurant +GetWeather +GetWeather +AddToPlaylist +SearchCreativeWork +GetWeather +SearchCreativeWork +GetWeather +GetWeather +BookRestaurant +SearchCreativeWork +BookRestaurant +RateBook +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +RateBook +PlayMusic +SearchCreativeWork +GetWeather +BookRestaurant +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +BookRestaurant +RateBook +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +RateBook +SearchCreativeWork +PlayMusic +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +RateBook +RateBook +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchCreativeWork +RateBook +SearchScreeningEvent +GetWeather +SearchCreativeWork +RateBook +GetWeather +RateBook +BookRestaurant +BookRestaurant +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +RateBook +RateBook +SearchScreeningEvent +GetWeather +PlayMusic +GetWeather +SearchCreativeWork +RateBook +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +PlayMusic +PlayMusic +SearchCreativeWork +BookRestaurant +PlayMusic +AddToPlaylist +SearchCreativeWork +GetWeather +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +PlayMusic +PlayMusic +BookRestaurant +PlayMusic +BookRestaurant +RateBook +SearchScreeningEvent +AddToPlaylist +GetWeather +AddToPlaylist +RateBook +GetWeather +PlayMusic +PlayMusic +BookRestaurant +RateBook +BookRestaurant +BookRestaurant +RateBook +SearchCreativeWork +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchCreativeWork +AddToPlaylist +GetWeather +GetWeather +RateBook +SearchScreeningEvent +RateBook +RateBook +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +GetWeather +BookRestaurant +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +RateBook +PlayMusic +SearchScreeningEvent +PlayMusic +RateBook +PlayMusic +PlayMusic +AddToPlaylist +PlayMusic +SearchScreeningEvent +GetWeather +SearchScreeningEvent +GetWeather +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +RateBook +RateBook +PlayMusic +GetWeather +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +SearchCreativeWork +GetWeather +BookRestaurant +RateBook +PlayMusic +SearchScreeningEvent +GetWeather +AddToPlaylist +BookRestaurant +GetWeather +PlayMusic +SearchCreativeWork +SearchCreativeWork +RateBook +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +RateBook +AddToPlaylist +SearchCreativeWork +RateBook +AddToPlaylist +GetWeather +PlayMusic +AddToPlaylist +RateBook +BookRestaurant +PlayMusic +RateBook +RateBook +RateBook +GetWeather +SearchCreativeWork +RateBook +AddToPlaylist +BookRestaurant +BookRestaurant +AddToPlaylist +GetWeather +SearchCreativeWork +SearchScreeningEvent +RateBook +PlayMusic +AddToPlaylist +SearchScreeningEvent +PlayMusic +RateBook +GetWeather +SearchCreativeWork +SearchCreativeWork +GetWeather +PlayMusic +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchCreativeWork +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +BookRestaurant +SearchCreativeWork +SearchCreativeWork +PlayMusic +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +PlayMusic +PlayMusic +AddToPlaylist +PlayMusic +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchCreativeWork +PlayMusic +PlayMusic +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +AddToPlaylist +SearchCreativeWork +AddToPlaylist +RateBook +SearchCreativeWork +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +BookRestaurant +PlayMusic +RateBook +SearchScreeningEvent +GetWeather +AddToPlaylist +RateBook +RateBook +GetWeather +AddToPlaylist +RateBook +RateBook +BookRestaurant +GetWeather +PlayMusic +GetWeather +GetWeather +BookRestaurant +BookRestaurant +GetWeather +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +GetWeather +SearchCreativeWork +RateBook +GetWeather +BookRestaurant +BookRestaurant +GetWeather +SearchScreeningEvent +RateBook +AddToPlaylist +RateBook +BookRestaurant +PlayMusic +RateBook +BookRestaurant +RateBook +PlayMusic +SearchScreeningEvent +RateBook +GetWeather +SearchScreeningEvent +PlayMusic +SearchCreativeWork +GetWeather +SearchScreeningEvent +PlayMusic +GetWeather +AddToPlaylist +GetWeather +RateBook +GetWeather +AddToPlaylist +GetWeather +GetWeather +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +RateBook +GetWeather +SearchCreativeWork +BookRestaurant +RateBook +PlayMusic +SearchCreativeWork +RateBook +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +SearchCreativeWork +RateBook +BookRestaurant +RateBook +GetWeather +GetWeather +PlayMusic +SearchCreativeWork +BookRestaurant +BookRestaurant +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchScreeningEvent +GetWeather +GetWeather +SearchScreeningEvent +PlayMusic +AddToPlaylist +RateBook +SearchCreativeWork +PlayMusic +PlayMusic +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +BookRestaurant +SearchScreeningEvent +AddToPlaylist +PlayMusic +AddToPlaylist +SearchCreativeWork +GetWeather +BookRestaurant +RateBook +SearchScreeningEvent +PlayMusic +BookRestaurant +BookRestaurant +AddToPlaylist +SearchScreeningEvent +GetWeather +AddToPlaylist +GetWeather +RateBook +BookRestaurant +PlayMusic +RateBook +BookRestaurant +GetWeather +RateBook +PlayMusic +BookRestaurant +GetWeather +PlayMusic +GetWeather +GetWeather +AddToPlaylist +GetWeather +BookRestaurant +SearchCreativeWork +SearchCreativeWork +GetWeather +BookRestaurant +GetWeather +PlayMusic +AddToPlaylist +GetWeather +SearchCreativeWork +PlayMusic +BookRestaurant +AddToPlaylist +SearchScreeningEvent +BookRestaurant +RateBook +GetWeather +BookRestaurant +AddToPlaylist +SearchCreativeWork +AddToPlaylist +AddToPlaylist +AddToPlaylist +PlayMusic +PlayMusic +GetWeather +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +RateBook +GetWeather +AddToPlaylist +RateBook +RateBook +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +AddToPlaylist +RateBook +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +PlayMusic +AddToPlaylist +AddToPlaylist +AddToPlaylist +GetWeather +BookRestaurant +RateBook +GetWeather +AddToPlaylist +RateBook +BookRestaurant +BookRestaurant +PlayMusic +AddToPlaylist +BookRestaurant +AddToPlaylist +GetWeather +RateBook +AddToPlaylist +SearchScreeningEvent +RateBook +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +PlayMusic +GetWeather +BookRestaurant +SearchCreativeWork +GetWeather +RateBook +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +GetWeather +RateBook +PlayMusic +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +RateBook +GetWeather +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +RateBook +SearchCreativeWork +GetWeather +RateBook +GetWeather +RateBook +GetWeather +PlayMusic +PlayMusic +SearchScreeningEvent +GetWeather +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchScreeningEvent +PlayMusic +RateBook +BookRestaurant +RateBook +GetWeather +RateBook +AddToPlaylist +GetWeather +GetWeather +PlayMusic +RateBook +RateBook +GetWeather +RateBook +BookRestaurant +BookRestaurant +BookRestaurant +RateBook +PlayMusic +SearchScreeningEvent +AddToPlaylist +GetWeather +RateBook +SearchCreativeWork +RateBook +GetWeather +BookRestaurant +RateBook +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +GetWeather +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +GetWeather +GetWeather +GetWeather +BookRestaurant +RateBook +AddToPlaylist +RateBook +BookRestaurant +PlayMusic +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchCreativeWork +GetWeather +GetWeather +GetWeather +AddToPlaylist +AddToPlaylist +BookRestaurant +GetWeather +RateBook +GetWeather +SearchScreeningEvent +BookRestaurant +BookRestaurant +GetWeather +RateBook +BookRestaurant +BookRestaurant +AddToPlaylist +BookRestaurant +SearchCreativeWork +RateBook +SearchScreeningEvent +PlayMusic +BookRestaurant +BookRestaurant +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +GetWeather +RateBook +GetWeather +SearchScreeningEvent +PlayMusic +PlayMusic +GetWeather +PlayMusic +GetWeather +AddToPlaylist +PlayMusic +PlayMusic +RateBook +PlayMusic +PlayMusic +RateBook +PlayMusic +RateBook +PlayMusic +RateBook +RateBook +BookRestaurant +PlayMusic +GetWeather +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +BookRestaurant +AddToPlaylist +RateBook +SearchCreativeWork +SearchScreeningEvent +PlayMusic +AddToPlaylist +BookRestaurant +SearchScreeningEvent +GetWeather +GetWeather +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +PlayMusic +AddToPlaylist +PlayMusic +SearchScreeningEvent +RateBook +GetWeather +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +BookRestaurant +AddToPlaylist +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +GetWeather +PlayMusic +GetWeather +SearchCreativeWork +AddToPlaylist +GetWeather +SearchScreeningEvent +RateBook +RateBook +AddToPlaylist +SearchCreativeWork +BookRestaurant +PlayMusic +GetWeather +GetWeather +RateBook +AddToPlaylist +PlayMusic +SearchCreativeWork +PlayMusic +PlayMusic +BookRestaurant +SearchScreeningEvent +PlayMusic +PlayMusic +SearchScreeningEvent +RateBook +SearchScreeningEvent +RateBook +SearchScreeningEvent +PlayMusic +PlayMusic +BookRestaurant +SearchCreativeWork +PlayMusic +SearchScreeningEvent +RateBook +BookRestaurant +SearchScreeningEvent +GetWeather +AddToPlaylist +AddToPlaylist +PlayMusic +BookRestaurant +PlayMusic +SearchScreeningEvent +GetWeather +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchScreeningEvent +BookRestaurant +PlayMusic +RateBook +SearchScreeningEvent +RateBook +RateBook +AddToPlaylist +PlayMusic +AddToPlaylist +SearchCreativeWork +BookRestaurant +BookRestaurant +GetWeather +PlayMusic +GetWeather +SearchCreativeWork +PlayMusic +GetWeather +RateBook +BookRestaurant +SearchCreativeWork +BookRestaurant +GetWeather +SearchScreeningEvent +RateBook +RateBook +SearchCreativeWork +AddToPlaylist +BookRestaurant +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchCreativeWork +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +AddToPlaylist +BookRestaurant +AddToPlaylist +SearchCreativeWork +RateBook +PlayMusic +GetWeather +SearchScreeningEvent +SearchScreeningEvent +GetWeather +RateBook +GetWeather +RateBook +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +GetWeather +BookRestaurant +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +GetWeather +GetWeather +GetWeather +RateBook +SearchScreeningEvent +AddToPlaylist +PlayMusic +AddToPlaylist +GetWeather +AddToPlaylist +SearchCreativeWork +AddToPlaylist +BookRestaurant +RateBook +AddToPlaylist +BookRestaurant +PlayMusic +PlayMusic +AddToPlaylist +AddToPlaylist +BookRestaurant +PlayMusic +RateBook +SearchCreativeWork +SearchScreeningEvent +PlayMusic +RateBook +AddToPlaylist +GetWeather +SearchCreativeWork +PlayMusic +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +PlayMusic +SearchScreeningEvent +GetWeather +SearchScreeningEvent +AddToPlaylist +PlayMusic +GetWeather +BookRestaurant +RateBook +SearchCreativeWork +GetWeather +SearchScreeningEvent +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +GetWeather +AddToPlaylist +BookRestaurant +SearchCreativeWork +PlayMusic +AddToPlaylist +RateBook +SearchScreeningEvent +RateBook +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +RateBook +BookRestaurant +PlayMusic +AddToPlaylist +AddToPlaylist +SearchCreativeWork +GetWeather +SearchCreativeWork +RateBook +GetWeather +RateBook +PlayMusic +BookRestaurant +AddToPlaylist +GetWeather +PlayMusic +RateBook +SearchCreativeWork +SearchCreativeWork +PlayMusic +BookRestaurant +GetWeather +BookRestaurant +PlayMusic +SearchScreeningEvent +PlayMusic +AddToPlaylist +BookRestaurant +SearchCreativeWork +GetWeather +GetWeather +GetWeather +RateBook +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +PlayMusic +RateBook +RateBook +BookRestaurant +BookRestaurant +PlayMusic +AddToPlaylist +AddToPlaylist +RateBook +PlayMusic +GetWeather +AddToPlaylist +GetWeather +SearchCreativeWork +GetWeather +SearchCreativeWork +RateBook +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchCreativeWork +SearchCreativeWork +RateBook +AddToPlaylist +GetWeather +GetWeather +GetWeather +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +BookRestaurant +AddToPlaylist +GetWeather +RateBook +PlayMusic +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +PlayMusic +PlayMusic +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchCreativeWork +GetWeather +BookRestaurant +BookRestaurant +GetWeather +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +RateBook +SearchCreativeWork +RateBook +SearchCreativeWork +GetWeather +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +PlayMusic +RateBook +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +BookRestaurant +GetWeather +SearchCreativeWork +RateBook +SearchCreativeWork +GetWeather +PlayMusic +BookRestaurant +RateBook +BookRestaurant +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +PlayMusic +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +GetWeather +SearchScreeningEvent +RateBook +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +BookRestaurant +BookRestaurant +SearchScreeningEvent +BookRestaurant +AddToPlaylist +RateBook +PlayMusic +RateBook +RateBook +BookRestaurant +GetWeather +PlayMusic +PlayMusic +SearchScreeningEvent +PlayMusic +GetWeather +GetWeather +GetWeather +SearchCreativeWork +SearchCreativeWork +PlayMusic +RateBook +PlayMusic +SearchCreativeWork +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +PlayMusic +RateBook +RateBook +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchCreativeWork +RateBook +GetWeather +RateBook +SearchCreativeWork +RateBook +RateBook +SearchScreeningEvent +RateBook +GetWeather +AddToPlaylist +RateBook +RateBook +SearchScreeningEvent +GetWeather +GetWeather +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchCreativeWork +BookRestaurant +RateBook +GetWeather +RateBook +GetWeather +SearchCreativeWork +RateBook +AddToPlaylist +GetWeather +SearchScreeningEvent +RateBook +SearchScreeningEvent +GetWeather +AddToPlaylist +AddToPlaylist +RateBook +SearchScreeningEvent +PlayMusic +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +RateBook +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchCreativeWork +SearchScreeningEvent +GetWeather +SearchScreeningEvent +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchScreeningEvent +PlayMusic +RateBook +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +AddToPlaylist +RateBook +PlayMusic +RateBook +PlayMusic +BookRestaurant +AddToPlaylist +BookRestaurant +SearchScreeningEvent +BookRestaurant +RateBook +SearchCreativeWork +RateBook +SearchCreativeWork +PlayMusic +SearchCreativeWork +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +RateBook +SearchCreativeWork +PlayMusic +GetWeather +RateBook +GetWeather +SearchCreativeWork +PlayMusic +GetWeather +GetWeather +BookRestaurant +GetWeather +RateBook +PlayMusic +AddToPlaylist +AddToPlaylist +SearchCreativeWork +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +AddToPlaylist +BookRestaurant +GetWeather +GetWeather +PlayMusic +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +PlayMusic +PlayMusic +BookRestaurant +AddToPlaylist +BookRestaurant +PlayMusic +BookRestaurant +PlayMusic +RateBook +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +PlayMusic +RateBook +BookRestaurant +GetWeather +BookRestaurant +BookRestaurant +PlayMusic +BookRestaurant +GetWeather +RateBook +GetWeather +AddToPlaylist +SearchCreativeWork +RateBook +SearchCreativeWork +SearchCreativeWork +RateBook +AddToPlaylist +PlayMusic +AddToPlaylist +RateBook +AddToPlaylist +GetWeather +AddToPlaylist +SearchScreeningEvent +PlayMusic +GetWeather +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchCreativeWork +AddToPlaylist +GetWeather +PlayMusic +AddToPlaylist +RateBook +SearchScreeningEvent +SearchCreativeWork +GetWeather +RateBook +AddToPlaylist +GetWeather +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +GetWeather +PlayMusic +SearchCreativeWork +AddToPlaylist +AddToPlaylist +RateBook +AddToPlaylist +BookRestaurant +AddToPlaylist +AddToPlaylist +GetWeather +PlayMusic +AddToPlaylist +PlayMusic +AddToPlaylist +PlayMusic +SearchCreativeWork +GetWeather +BookRestaurant +RateBook +SearchScreeningEvent +AddToPlaylist +PlayMusic +GetWeather +BookRestaurant +SearchScreeningEvent +RateBook +PlayMusic +BookRestaurant +PlayMusic +AddToPlaylist +PlayMusic +GetWeather +GetWeather +RateBook +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +RateBook +AddToPlaylist +RateBook +BookRestaurant +GetWeather +SearchCreativeWork +SearchCreativeWork +RateBook +GetWeather +AddToPlaylist +GetWeather +PlayMusic +AddToPlaylist +SearchScreeningEvent +PlayMusic +AddToPlaylist +AddToPlaylist +RateBook +PlayMusic +SearchScreeningEvent +RateBook +BookRestaurant +BookRestaurant +PlayMusic +AddToPlaylist +SearchCreativeWork +GetWeather +AddToPlaylist +AddToPlaylist +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +RateBook +PlayMusic +GetWeather +SearchCreativeWork +RateBook +RateBook +RateBook +SearchCreativeWork +PlayMusic +GetWeather +SearchScreeningEvent +AddToPlaylist +PlayMusic +BookRestaurant +SearchCreativeWork +PlayMusic +RateBook +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +PlayMusic +PlayMusic +SearchScreeningEvent +AddToPlaylist +GetWeather +PlayMusic +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchScreeningEvent +PlayMusic +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +PlayMusic +BookRestaurant +BookRestaurant +SearchScreeningEvent +RateBook +BookRestaurant +PlayMusic +RateBook +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +RateBook +BookRestaurant +GetWeather +RateBook +GetWeather +GetWeather +BookRestaurant +GetWeather +RateBook +BookRestaurant +BookRestaurant +GetWeather +SearchScreeningEvent +AddToPlaylist +RateBook +SearchScreeningEvent +SearchCreativeWork +RateBook +AddToPlaylist +RateBook +SearchCreativeWork +PlayMusic +AddToPlaylist +RateBook +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchCreativeWork +GetWeather +RateBook +BookRestaurant +SearchCreativeWork +AddToPlaylist +PlayMusic +BookRestaurant +RateBook +GetWeather +RateBook +GetWeather +SearchScreeningEvent +BookRestaurant +RateBook +BookRestaurant +BookRestaurant +PlayMusic +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchCreativeWork +PlayMusic +BookRestaurant +AddToPlaylist +GetWeather +GetWeather +AddToPlaylist +AddToPlaylist +AddToPlaylist +BookRestaurant +RateBook +AddToPlaylist +GetWeather +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +GetWeather +GetWeather +SearchCreativeWork +PlayMusic +SearchCreativeWork +BookRestaurant +RateBook +BookRestaurant +SearchCreativeWork +BookRestaurant +PlayMusic +RateBook +AddToPlaylist +PlayMusic +GetWeather +SearchCreativeWork +PlayMusic +PlayMusic +AddToPlaylist +RateBook +SearchScreeningEvent +BookRestaurant +PlayMusic +RateBook +BookRestaurant +SearchCreativeWork +GetWeather +SearchScreeningEvent +RateBook +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +BookRestaurant +AddToPlaylist +SearchScreeningEvent +RateBook +PlayMusic +PlayMusic +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +RateBook +PlayMusic +BookRestaurant +GetWeather +AddToPlaylist +RateBook +BookRestaurant +SearchCreativeWork +AddToPlaylist +BookRestaurant +BookRestaurant +AddToPlaylist +BookRestaurant +AddToPlaylist +RateBook +SearchScreeningEvent +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +RateBook +RateBook +SearchScreeningEvent +RateBook +BookRestaurant +AddToPlaylist +PlayMusic +BookRestaurant +GetWeather +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +PlayMusic +PlayMusic +PlayMusic +AddToPlaylist +AddToPlaylist +GetWeather +SearchCreativeWork +PlayMusic +AddToPlaylist +PlayMusic +RateBook +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +RateBook +PlayMusic +SearchCreativeWork +RateBook +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +PlayMusic +BookRestaurant +BookRestaurant +AddToPlaylist +SearchScreeningEvent +PlayMusic +BookRestaurant +BookRestaurant +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +AddToPlaylist +PlayMusic +PlayMusic +PlayMusic +SearchScreeningEvent +BookRestaurant +AddToPlaylist +GetWeather +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +RateBook +RateBook +SearchCreativeWork +SearchCreativeWork +RateBook +BookRestaurant +SearchCreativeWork +AddToPlaylist +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +GetWeather +GetWeather +SearchCreativeWork +GetWeather +PlayMusic +RateBook +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +RateBook +BookRestaurant +GetWeather +RateBook +RateBook +AddToPlaylist +RateBook +AddToPlaylist +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +GetWeather +GetWeather +GetWeather +SearchCreativeWork +PlayMusic +SearchScreeningEvent +PlayMusic +BookRestaurant +RateBook +AddToPlaylist +BookRestaurant +AddToPlaylist +BookRestaurant +SearchScreeningEvent +RateBook +AddToPlaylist +SearchScreeningEvent +GetWeather +AddToPlaylist +BookRestaurant +SearchScreeningEvent +BookRestaurant +GetWeather +SearchCreativeWork +GetWeather +PlayMusic +SearchCreativeWork +GetWeather +AddToPlaylist +RateBook +RateBook +SearchCreativeWork +PlayMusic +PlayMusic +SearchScreeningEvent +RateBook +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +SearchScreeningEvent +SearchCreativeWork +RateBook +GetWeather +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchCreativeWork +RateBook +BookRestaurant +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +PlayMusic +SearchScreeningEvent +AddToPlaylist +RateBook +SearchCreativeWork +BookRestaurant +BookRestaurant +SearchCreativeWork +GetWeather +PlayMusic +BookRestaurant +PlayMusic +AddToPlaylist +SearchCreativeWork +BookRestaurant +BookRestaurant +RateBook +PlayMusic +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +RateBook +RateBook +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +RateBook +AddToPlaylist +PlayMusic +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchScreeningEvent +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +PlayMusic +SearchScreeningEvent +GetWeather +AddToPlaylist +BookRestaurant +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +RateBook +RateBook +GetWeather +BookRestaurant +RateBook +RateBook +PlayMusic +AddToPlaylist +GetWeather +BookRestaurant +PlayMusic +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchCreativeWork +PlayMusic +BookRestaurant +GetWeather +BookRestaurant +AddToPlaylist +RateBook +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchScreeningEvent +RateBook +RateBook +SearchScreeningEvent +BookRestaurant +AddToPlaylist +BookRestaurant +GetWeather +SearchCreativeWork +RateBook +GetWeather +RateBook +PlayMusic +BookRestaurant +RateBook +GetWeather +BookRestaurant +SearchScreeningEvent +RateBook +SearchCreativeWork +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchCreativeWork +AddToPlaylist +PlayMusic +PlayMusic +RateBook +GetWeather +AddToPlaylist +GetWeather +GetWeather +SearchCreativeWork +AddToPlaylist +BookRestaurant +GetWeather +PlayMusic +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +PlayMusic +GetWeather +SearchCreativeWork +AddToPlaylist +AddToPlaylist +BookRestaurant +BookRestaurant +AddToPlaylist +RateBook +GetWeather +RateBook +PlayMusic +AddToPlaylist +AddToPlaylist +GetWeather +GetWeather +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +PlayMusic +SearchScreeningEvent +RateBook +PlayMusic +PlayMusic +BookRestaurant +SearchScreeningEvent +GetWeather +PlayMusic +BookRestaurant +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchCreativeWork +PlayMusic +RateBook +SearchScreeningEvent +SearchCreativeWork +RateBook +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +AddToPlaylist +GetWeather +SearchCreativeWork +SearchCreativeWork +PlayMusic +BookRestaurant +PlayMusic +BookRestaurant +RateBook +RateBook +RateBook +BookRestaurant +SearchCreativeWork +BookRestaurant +AddToPlaylist +PlayMusic +SearchScreeningEvent +RateBook +PlayMusic +BookRestaurant +SearchCreativeWork +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +PlayMusic +GetWeather +RateBook +RateBook +PlayMusic +SearchScreeningEvent +BookRestaurant +PlayMusic +AddToPlaylist +GetWeather +PlayMusic +RateBook +PlayMusic +BookRestaurant +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +PlayMusic +SearchScreeningEvent +RateBook +BookRestaurant +PlayMusic +AddToPlaylist +AddToPlaylist +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +RateBook +AddToPlaylist +GetWeather +AddToPlaylist +AddToPlaylist +BookRestaurant +SearchCreativeWork +GetWeather +PlayMusic +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchCreativeWork +PlayMusic +GetWeather +RateBook +SearchScreeningEvent +RateBook +AddToPlaylist +PlayMusic +GetWeather +RateBook +SearchScreeningEvent +RateBook +RateBook +GetWeather +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +GetWeather +PlayMusic +RateBook +BookRestaurant +RateBook +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchCreativeWork +AddToPlaylist +RateBook +SearchScreeningEvent +SearchCreativeWork +RateBook +RateBook +BookRestaurant +GetWeather +SearchCreativeWork +PlayMusic +PlayMusic +PlayMusic +AddToPlaylist +PlayMusic +RateBook +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +PlayMusic +AddToPlaylist +GetWeather +SearchCreativeWork +BookRestaurant +PlayMusic +SearchScreeningEvent +GetWeather +BookRestaurant +AddToPlaylist +GetWeather +RateBook +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +AddToPlaylist +SearchCreativeWork +RateBook +RateBook +AddToPlaylist +AddToPlaylist +AddToPlaylist +GetWeather +AddToPlaylist +BookRestaurant +SearchScreeningEvent +PlayMusic +PlayMusic +GetWeather +GetWeather +GetWeather +AddToPlaylist +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +PlayMusic +GetWeather +RateBook +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +RateBook +AddToPlaylist +SearchCreativeWork +AddToPlaylist +BookRestaurant +RateBook +AddToPlaylist +AddToPlaylist +BookRestaurant +RateBook +BookRestaurant +PlayMusic +SearchCreativeWork +RateBook +BookRestaurant +BookRestaurant +SearchCreativeWork +BookRestaurant +PlayMusic +AddToPlaylist +AddToPlaylist +BookRestaurant +BookRestaurant +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +SearchScreeningEvent +GetWeather +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +RateBook +SearchScreeningEvent +AddToPlaylist +RateBook +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +SearchCreativeWork +RateBook +GetWeather +GetWeather +RateBook +PlayMusic +BookRestaurant +AddToPlaylist +SearchCreativeWork +GetWeather +RateBook +RateBook +BookRestaurant +BookRestaurant +SearchScreeningEvent +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +RateBook +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +AddToPlaylist +SearchCreativeWork +BookRestaurant +PlayMusic +PlayMusic +SearchScreeningEvent +AddToPlaylist +RateBook +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +BookRestaurant +BookRestaurant +RateBook +SearchCreativeWork +BookRestaurant +RateBook +BookRestaurant +GetWeather +AddToPlaylist +RateBook +AddToPlaylist +PlayMusic +AddToPlaylist +BookRestaurant +GetWeather +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchScreeningEvent +RateBook +RateBook +AddToPlaylist +BookRestaurant +PlayMusic +SearchCreativeWork +SearchCreativeWork +PlayMusic +AddToPlaylist +AddToPlaylist +GetWeather +RateBook +BookRestaurant +SearchScreeningEvent +AddToPlaylist +PlayMusic +AddToPlaylist +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +GetWeather +GetWeather +SearchScreeningEvent +AddToPlaylist +RateBook +GetWeather +PlayMusic +RateBook +AddToPlaylist +AddToPlaylist +BookRestaurant +GetWeather +BookRestaurant +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +RateBook +RateBook +GetWeather +PlayMusic +GetWeather +BookRestaurant +RateBook +PlayMusic +BookRestaurant +PlayMusic +SearchScreeningEvent +PlayMusic +GetWeather +RateBook +GetWeather +PlayMusic +PlayMusic +AddToPlaylist +AddToPlaylist +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +GetWeather +SearchScreeningEvent +SearchScreeningEvent +GetWeather +BookRestaurant +RateBook +SearchScreeningEvent +BookRestaurant +BookRestaurant +BookRestaurant +RateBook +AddToPlaylist +GetWeather +PlayMusic +PlayMusic +AddToPlaylist +AddToPlaylist +AddToPlaylist +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +BookRestaurant +RateBook +GetWeather +SearchCreativeWork +AddToPlaylist +PlayMusic +SearchCreativeWork +SearchCreativeWork +RateBook +SearchScreeningEvent +RateBook +GetWeather +BookRestaurant +PlayMusic +GetWeather +SearchCreativeWork +SearchScreeningEvent +PlayMusic +GetWeather +PlayMusic +AddToPlaylist +PlayMusic +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +GetWeather +BookRestaurant +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +RateBook +GetWeather +BookRestaurant +GetWeather +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +BookRestaurant +BookRestaurant +RateBook +RateBook +BookRestaurant +SearchCreativeWork +BookRestaurant +SearchCreativeWork +SearchCreativeWork +BookRestaurant +PlayMusic +SearchCreativeWork +RateBook +BookRestaurant +RateBook +AddToPlaylist +AddToPlaylist +GetWeather +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchCreativeWork +RateBook +GetWeather +PlayMusic +AddToPlaylist +GetWeather +PlayMusic +PlayMusic +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchScreeningEvent +BookRestaurant +RateBook +SearchCreativeWork +PlayMusic +PlayMusic +SearchScreeningEvent +BookRestaurant +RateBook +SearchScreeningEvent +AddToPlaylist +PlayMusic +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +GetWeather +PlayMusic +AddToPlaylist +PlayMusic +RateBook +AddToPlaylist +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +BookRestaurant +BookRestaurant +AddToPlaylist +PlayMusic +BookRestaurant +SearchCreativeWork +PlayMusic +GetWeather +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +AddToPlaylist +BookRestaurant +PlayMusic +BookRestaurant +PlayMusic +PlayMusic +AddToPlaylist +BookRestaurant +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchScreeningEvent +GetWeather +GetWeather +RateBook +PlayMusic +RateBook +RateBook +SearchScreeningEvent +BookRestaurant +PlayMusic +BookRestaurant +SearchCreativeWork +GetWeather +PlayMusic +BookRestaurant +GetWeather +RateBook +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +SearchCreativeWork +GetWeather +GetWeather +SearchCreativeWork +GetWeather +AddToPlaylist +RateBook +GetWeather +BookRestaurant +BookRestaurant +GetWeather +PlayMusic +PlayMusic +BookRestaurant +BookRestaurant +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchScreeningEvent +BookRestaurant +BookRestaurant +RateBook +SearchCreativeWork +GetWeather +AddToPlaylist +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +PlayMusic +SearchCreativeWork +PlayMusic +AddToPlaylist +GetWeather +GetWeather +BookRestaurant +GetWeather +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +PlayMusic +BookRestaurant +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +PlayMusic +BookRestaurant +PlayMusic +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +PlayMusic +PlayMusic +BookRestaurant +GetWeather +PlayMusic +BookRestaurant +GetWeather +RateBook +RateBook +BookRestaurant +BookRestaurant +BookRestaurant +PlayMusic +SearchScreeningEvent +GetWeather +AddToPlaylist +AddToPlaylist +SearchCreativeWork +PlayMusic +AddToPlaylist +BookRestaurant +SearchScreeningEvent +BookRestaurant +PlayMusic +GetWeather +BookRestaurant +SearchCreativeWork +PlayMusic +SearchCreativeWork +RateBook +GetWeather +SearchScreeningEvent +GetWeather +PlayMusic +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +GetWeather +GetWeather +GetWeather +RateBook +AddToPlaylist +RateBook +GetWeather +GetWeather +SearchScreeningEvent +AddToPlaylist +GetWeather +AddToPlaylist +BookRestaurant +PlayMusic +BookRestaurant +RateBook +SearchScreeningEvent +PlayMusic +RateBook +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +PlayMusic +AddToPlaylist +RateBook +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +PlayMusic +RateBook +GetWeather +GetWeather +RateBook +PlayMusic +PlayMusic +BookRestaurant +SearchScreeningEvent +PlayMusic +GetWeather +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchCreativeWork +BookRestaurant +BookRestaurant +BookRestaurant +PlayMusic +GetWeather +RateBook +GetWeather +SearchCreativeWork +SearchCreativeWork +RateBook +BookRestaurant +AddToPlaylist +AddToPlaylist +AddToPlaylist +BookRestaurant +PlayMusic +AddToPlaylist +PlayMusic +BookRestaurant +RateBook +GetWeather +BookRestaurant +GetWeather +SearchScreeningEvent +BookRestaurant +GetWeather +SearchScreeningEvent +RateBook +SearchScreeningEvent +BookRestaurant +AddToPlaylist +GetWeather +BookRestaurant +PlayMusic +GetWeather +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +SearchCreativeWork +PlayMusic +GetWeather +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchCreativeWork +SearchCreativeWork +PlayMusic +PlayMusic +RateBook +PlayMusic +PlayMusic +BookRestaurant +PlayMusic +SearchScreeningEvent +GetWeather +BookRestaurant +SearchScreeningEvent +RateBook +BookRestaurant +AddToPlaylist +SearchCreativeWork +RateBook +BookRestaurant +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +PlayMusic +AddToPlaylist +AddToPlaylist +BookRestaurant +AddToPlaylist +AddToPlaylist +RateBook +SearchScreeningEvent +PlayMusic +RateBook +RateBook +RateBook +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +RateBook +RateBook +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +GetWeather +AddToPlaylist +GetWeather +GetWeather +SearchCreativeWork +BookRestaurant +BookRestaurant +AddToPlaylist +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +AddToPlaylist +SearchCreativeWork +PlayMusic +PlayMusic +BookRestaurant +BookRestaurant +SearchScreeningEvent +GetWeather +PlayMusic +SearchScreeningEvent +GetWeather +RateBook +GetWeather +PlayMusic +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +SearchCreativeWork +PlayMusic +SearchCreativeWork +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +GetWeather +GetWeather +SearchScreeningEvent +SearchScreeningEvent +GetWeather +GetWeather +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +RateBook +PlayMusic +GetWeather +SearchCreativeWork +BookRestaurant +GetWeather +GetWeather +BookRestaurant +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +RateBook +GetWeather +SearchCreativeWork +RateBook +PlayMusic +SearchCreativeWork +GetWeather +SearchScreeningEvent +BookRestaurant +RateBook +RateBook +GetWeather +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +BookRestaurant +PlayMusic +PlayMusic +PlayMusic +PlayMusic +SearchScreeningEvent +GetWeather +GetWeather +GetWeather +RateBook +GetWeather +AddToPlaylist +SearchCreativeWork +GetWeather +PlayMusic +BookRestaurant +PlayMusic +PlayMusic +RateBook +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +BookRestaurant +BookRestaurant +PlayMusic +SearchCreativeWork +PlayMusic +BookRestaurant +BookRestaurant +RateBook +RateBook +RateBook +PlayMusic +SearchScreeningEvent +RateBook +GetWeather +AddToPlaylist +BookRestaurant +AddToPlaylist +RateBook +GetWeather +AddToPlaylist +RateBook +PlayMusic +PlayMusic +GetWeather +RateBook +SearchScreeningEvent +SearchScreeningEvent +GetWeather +RateBook +BookRestaurant +AddToPlaylist +BookRestaurant +RateBook +SearchCreativeWork +RateBook +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +PlayMusic +BookRestaurant +RateBook +SearchCreativeWork +PlayMusic +PlayMusic +PlayMusic +SearchCreativeWork +SearchScreeningEvent +RateBook +GetWeather +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +PlayMusic +PlayMusic +PlayMusic +SearchScreeningEvent +BookRestaurant +GetWeather +BookRestaurant +PlayMusic +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +GetWeather +SearchCreativeWork +AddToPlaylist +RateBook +GetWeather +SearchScreeningEvent +GetWeather +GetWeather +SearchScreeningEvent +BookRestaurant +PlayMusic +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +BookRestaurant +AddToPlaylist +GetWeather +GetWeather +AddToPlaylist +GetWeather +GetWeather +GetWeather +GetWeather +SearchScreeningEvent +RateBook +BookRestaurant +AddToPlaylist +RateBook +PlayMusic +PlayMusic +BookRestaurant +BookRestaurant +GetWeather +RateBook +PlayMusic +SearchCreativeWork +GetWeather +BookRestaurant +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +RateBook +RateBook +SearchScreeningEvent +BookRestaurant +GetWeather +RateBook +PlayMusic +AddToPlaylist +GetWeather +PlayMusic +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +GetWeather +RateBook +BookRestaurant +SearchCreativeWork +GetWeather +GetWeather +SearchCreativeWork +RateBook +BookRestaurant +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +RateBook +SearchScreeningEvent +PlayMusic +RateBook +SearchScreeningEvent +AddToPlaylist +BookRestaurant +BookRestaurant +BookRestaurant +SearchScreeningEvent +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +PlayMusic +RateBook +BookRestaurant +AddToPlaylist +SearchCreativeWork +RateBook +PlayMusic +SearchScreeningEvent +PlayMusic +PlayMusic +BookRestaurant +GetWeather +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +AddToPlaylist +PlayMusic +AddToPlaylist +RateBook +SearchScreeningEvent +RateBook +BookRestaurant +GetWeather +AddToPlaylist +BookRestaurant +GetWeather +AddToPlaylist +SearchCreativeWork +RateBook +PlayMusic +RateBook +SearchCreativeWork +RateBook +PlayMusic +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchScreeningEvent +GetWeather +PlayMusic +PlayMusic +BookRestaurant +RateBook +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +GetWeather +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +GetWeather +AddToPlaylist +GetWeather +RateBook +AddToPlaylist +BookRestaurant +AddToPlaylist +BookRestaurant +AddToPlaylist +AddToPlaylist +AddToPlaylist +RateBook +GetWeather +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +PlayMusic +GetWeather +GetWeather +PlayMusic +GetWeather +GetWeather +GetWeather +PlayMusic +BookRestaurant +PlayMusic +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +GetWeather +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +PlayMusic +PlayMusic +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +PlayMusic +BookRestaurant +RateBook +BookRestaurant +AddToPlaylist +RateBook +AddToPlaylist +SearchCreativeWork +AddToPlaylist +RateBook +PlayMusic +PlayMusic +PlayMusic +BookRestaurant +GetWeather +RateBook +AddToPlaylist +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchCreativeWork +PlayMusic +AddToPlaylist +SearchScreeningEvent +GetWeather +PlayMusic +SearchScreeningEvent +GetWeather +RateBook +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +GetWeather +PlayMusic +PlayMusic +PlayMusic +SearchCreativeWork +BookRestaurant +SearchCreativeWork +GetWeather +RateBook +SearchScreeningEvent +RateBook +SearchScreeningEvent +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +AddToPlaylist +BookRestaurant +RateBook +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +BookRestaurant +RateBook +AddToPlaylist +BookRestaurant +AddToPlaylist +SearchCreativeWork +RateBook +GetWeather +SearchScreeningEvent +PlayMusic +GetWeather +GetWeather +PlayMusic +GetWeather +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +RateBook +PlayMusic +BookRestaurant +GetWeather +BookRestaurant +BookRestaurant +AddToPlaylist +GetWeather +SearchCreativeWork +SearchCreativeWork +GetWeather +PlayMusic +AddToPlaylist +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchCreativeWork +GetWeather +AddToPlaylist +GetWeather +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +AddToPlaylist +AddToPlaylist +RateBook +SearchCreativeWork +SearchScreeningEvent +PlayMusic +PlayMusic +SearchCreativeWork +RateBook +PlayMusic +SearchCreativeWork +AddToPlaylist +GetWeather +SearchCreativeWork +RateBook +GetWeather +PlayMusic +GetWeather +SearchScreeningEvent +GetWeather +PlayMusic +GetWeather +PlayMusic +PlayMusic +BookRestaurant +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +BookRestaurant +GetWeather +PlayMusic +PlayMusic +RateBook +SearchScreeningEvent +GetWeather +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchScreeningEvent +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchScreeningEvent +RateBook +PlayMusic +PlayMusic +PlayMusic +GetWeather +SearchScreeningEvent +SearchCreativeWork +PlayMusic +GetWeather +BookRestaurant +AddToPlaylist +GetWeather +BookRestaurant +AddToPlaylist +RateBook +SearchCreativeWork +GetWeather +AddToPlaylist +AddToPlaylist +PlayMusic +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +BookRestaurant +AddToPlaylist +BookRestaurant +SearchScreeningEvent +PlayMusic +PlayMusic +RateBook +BookRestaurant +AddToPlaylist +GetWeather +GetWeather +PlayMusic +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +RateBook +AddToPlaylist +BookRestaurant +PlayMusic +PlayMusic +AddToPlaylist +SearchScreeningEvent +BookRestaurant +RateBook +BookRestaurant +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +GetWeather +PlayMusic +PlayMusic +GetWeather +GetWeather +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +GetWeather +PlayMusic +GetWeather +GetWeather +GetWeather +GetWeather +PlayMusic +GetWeather +PlayMusic +AddToPlaylist +SearchScreeningEvent +PlayMusic +PlayMusic +RateBook +GetWeather +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +GetWeather +GetWeather +BookRestaurant +AddToPlaylist +PlayMusic +RateBook +GetWeather +PlayMusic +RateBook +BookRestaurant +BookRestaurant +RateBook +BookRestaurant +RateBook +PlayMusic +BookRestaurant +GetWeather +BookRestaurant +PlayMusic +SearchScreeningEvent +RateBook +RateBook +AddToPlaylist +GetWeather +AddToPlaylist +PlayMusic +RateBook +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchScreeningEvent +BookRestaurant +GetWeather +PlayMusic +GetWeather +BookRestaurant +AddToPlaylist +SearchScreeningEvent +PlayMusic +BookRestaurant +SearchCreativeWork +AddToPlaylist +PlayMusic +GetWeather +AddToPlaylist +PlayMusic +RateBook +SearchCreativeWork +BookRestaurant +SearchCreativeWork +PlayMusic +BookRestaurant +GetWeather +BookRestaurant +BookRestaurant +GetWeather +RateBook +PlayMusic +PlayMusic +AddToPlaylist +SearchCreativeWork +AddToPlaylist +RateBook +BookRestaurant +BookRestaurant +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +PlayMusic +GetWeather +RateBook +PlayMusic +GetWeather +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +RateBook +SearchCreativeWork +RateBook +PlayMusic +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +RateBook +BookRestaurant +BookRestaurant +AddToPlaylist +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +SearchScreeningEvent +BookRestaurant +BookRestaurant +SearchCreativeWork +AddToPlaylist +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchCreativeWork +PlayMusic +BookRestaurant +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +SearchScreeningEvent +SearchCreativeWork +RateBook +PlayMusic +PlayMusic +BookRestaurant +GetWeather +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +PlayMusic +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +GetWeather +RateBook +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +RateBook +RateBook +SearchCreativeWork +GetWeather +RateBook +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +GetWeather +RateBook +RateBook +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +RateBook +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +RateBook +SearchCreativeWork +SearchCreativeWork +GetWeather +SearchScreeningEvent +SearchCreativeWork +PlayMusic +PlayMusic +RateBook +BookRestaurant +SearchScreeningEvent +BookRestaurant +PlayMusic +GetWeather +SearchCreativeWork +RateBook +SearchScreeningEvent +RateBook +BookRestaurant +BookRestaurant +PlayMusic +GetWeather +AddToPlaylist +AddToPlaylist +PlayMusic +GetWeather +SearchCreativeWork +GetWeather +RateBook +BookRestaurant +BookRestaurant +BookRestaurant +GetWeather +PlayMusic +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchScreeningEvent +RateBook +RateBook +PlayMusic +RateBook +RateBook +GetWeather +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchCreativeWork +PlayMusic +SearchCreativeWork +AddToPlaylist +BookRestaurant +RateBook +SearchScreeningEvent +GetWeather +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchCreativeWork +GetWeather +AddToPlaylist +SearchScreeningEvent +GetWeather +AddToPlaylist +PlayMusic +BookRestaurant +GetWeather +GetWeather +SearchCreativeWork +AddToPlaylist +AddToPlaylist +PlayMusic +PlayMusic +SearchScreeningEvent +RateBook +GetWeather +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +RateBook +SearchCreativeWork +RateBook +BookRestaurant +AddToPlaylist +RateBook +RateBook +GetWeather +BookRestaurant +GetWeather +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchCreativeWork +BookRestaurant +RateBook +RateBook +SearchCreativeWork +BookRestaurant +BookRestaurant +AddToPlaylist +AddToPlaylist +GetWeather +BookRestaurant +AddToPlaylist +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +RateBook +RateBook +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +GetWeather +RateBook +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +RateBook +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +RateBook +GetWeather +PlayMusic +AddToPlaylist +GetWeather +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +BookRestaurant +PlayMusic +RateBook +BookRestaurant +AddToPlaylist +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +PlayMusic +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchCreativeWork +GetWeather +PlayMusic +RateBook +BookRestaurant +RateBook +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +SearchCreativeWork +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +BookRestaurant +RateBook +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchCreativeWork +PlayMusic +SearchCreativeWork +GetWeather +GetWeather +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +PlayMusic +BookRestaurant +SearchCreativeWork +BookRestaurant +GetWeather +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +SearchCreativeWork +PlayMusic +SearchScreeningEvent +BookRestaurant +RateBook +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +PlayMusic +PlayMusic +PlayMusic +AddToPlaylist +BookRestaurant +BookRestaurant +SearchScreeningEvent +BookRestaurant +BookRestaurant +PlayMusic +GetWeather +SearchScreeningEvent +AddToPlaylist +BookRestaurant +RateBook +SearchCreativeWork +BookRestaurant +GetWeather +SearchScreeningEvent +PlayMusic +RateBook +PlayMusic +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +RateBook +PlayMusic +AddToPlaylist +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +BookRestaurant +RateBook +BookRestaurant +BookRestaurant +PlayMusic +RateBook +GetWeather +PlayMusic +RateBook +GetWeather +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchScreeningEvent +AddToPlaylist +GetWeather +GetWeather +BookRestaurant +GetWeather +PlayMusic +PlayMusic +SearchScreeningEvent +PlayMusic +AddToPlaylist +BookRestaurant +AddToPlaylist +PlayMusic +GetWeather +BookRestaurant +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +BookRestaurant +BookRestaurant +SearchScreeningEvent +GetWeather +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +PlayMusic +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +PlayMusic +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +RateBook +PlayMusic +BookRestaurant +BookRestaurant +BookRestaurant +PlayMusic +SearchScreeningEvent +BookRestaurant +GetWeather +RateBook +BookRestaurant +BookRestaurant +PlayMusic +BookRestaurant +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +RateBook +PlayMusic +RateBook +RateBook +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +RateBook +SearchScreeningEvent +PlayMusic +PlayMusic +RateBook +PlayMusic +PlayMusic +PlayMusic +PlayMusic +BookRestaurant +AddToPlaylist +SearchCreativeWork +PlayMusic +SearchScreeningEvent +PlayMusic +PlayMusic +SearchCreativeWork +RateBook +AddToPlaylist +SearchScreeningEvent +BookRestaurant +PlayMusic +BookRestaurant +SearchCreativeWork +AddToPlaylist +RateBook +SearchScreeningEvent +PlayMusic +RateBook +SearchCreativeWork +BookRestaurant +RateBook +GetWeather +SearchCreativeWork +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +RateBook +GetWeather +SearchCreativeWork +SearchScreeningEvent +PlayMusic +RateBook +PlayMusic +BookRestaurant +GetWeather +RateBook +SearchScreeningEvent +RateBook +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +GetWeather +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +PlayMusic +SearchCreativeWork +GetWeather +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +RateBook +AddToPlaylist +SearchScreeningEvent +PlayMusic +PlayMusic +PlayMusic +RateBook +BookRestaurant +BookRestaurant +SearchCreativeWork +AddToPlaylist +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +RateBook +GetWeather +SearchScreeningEvent +BookRestaurant +BookRestaurant +GetWeather +GetWeather +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +RateBook +BookRestaurant +AddToPlaylist +AddToPlaylist +GetWeather +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +AddToPlaylist +SearchScreeningEvent +RateBook +RateBook +GetWeather +RateBook +GetWeather +SearchCreativeWork +RateBook +PlayMusic +RateBook +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +PlayMusic +PlayMusic +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +PlayMusic +RateBook +PlayMusic +GetWeather +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +PlayMusic +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchScreeningEvent +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +AddToPlaylist +GetWeather +SearchScreeningEvent +PlayMusic +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +PlayMusic +SearchCreativeWork +RateBook +SearchCreativeWork +PlayMusic +RateBook +BookRestaurant +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +BookRestaurant +RateBook +BookRestaurant +GetWeather +RateBook +PlayMusic +GetWeather +GetWeather +SearchCreativeWork +BookRestaurant +SearchCreativeWork +RateBook +SearchCreativeWork +BookRestaurant +GetWeather +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +BookRestaurant +SearchCreativeWork +PlayMusic +BookRestaurant +RateBook +AddToPlaylist +BookRestaurant +BookRestaurant +PlayMusic +SearchCreativeWork +BookRestaurant +GetWeather +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchCreativeWork +BookRestaurant +RateBook +PlayMusic +PlayMusic +SearchScreeningEvent +GetWeather +SearchCreativeWork +PlayMusic +BookRestaurant +AddToPlaylist +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +RateBook +SearchCreativeWork +RateBook +AddToPlaylist +GetWeather +RateBook +AddToPlaylist +RateBook +RateBook +AddToPlaylist +SearchCreativeWork +GetWeather +GetWeather +SearchCreativeWork +PlayMusic +PlayMusic +BookRestaurant +PlayMusic +BookRestaurant +PlayMusic +SearchScreeningEvent +RateBook +BookRestaurant +SearchScreeningEvent +AddToPlaylist +RateBook +BookRestaurant +AddToPlaylist +RateBook +SearchScreeningEvent +PlayMusic +AddToPlaylist +GetWeather +AddToPlaylist +RateBook +BookRestaurant +PlayMusic +GetWeather +PlayMusic +GetWeather +AddToPlaylist +RateBook +GetWeather +PlayMusic +RateBook +SearchCreativeWork +PlayMusic +SearchScreeningEvent +GetWeather +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +RateBook +SearchCreativeWork +AddToPlaylist +GetWeather +SearchCreativeWork +GetWeather +RateBook +BookRestaurant +GetWeather +GetWeather +GetWeather +RateBook +GetWeather +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +PlayMusic +BookRestaurant +GetWeather +GetWeather +PlayMusic +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +BookRestaurant +RateBook +GetWeather +AddToPlaylist +GetWeather +BookRestaurant +GetWeather +RateBook +BookRestaurant +SearchCreativeWork +RateBook +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +GetWeather +GetWeather +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +RateBook +AddToPlaylist +BookRestaurant +PlayMusic +SearchScreeningEvent +BookRestaurant +RateBook +SearchCreativeWork +RateBook +SearchCreativeWork +RateBook +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +GetWeather +PlayMusic +SearchCreativeWork +SearchCreativeWork +GetWeather +GetWeather +PlayMusic +PlayMusic +PlayMusic +GetWeather +PlayMusic +RateBook +GetWeather +BookRestaurant +SearchScreeningEvent +GetWeather +BookRestaurant +BookRestaurant +GetWeather +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +BookRestaurant +GetWeather +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +AddToPlaylist +BookRestaurant +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +GetWeather +RateBook +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +PlayMusic +PlayMusic +AddToPlaylist +SearchCreativeWork +AddToPlaylist +GetWeather +PlayMusic +AddToPlaylist +RateBook +PlayMusic +BookRestaurant +PlayMusic +PlayMusic +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +BookRestaurant +SearchCreativeWork +RateBook +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +SearchCreativeWork +PlayMusic +RateBook +SearchScreeningEvent +BookRestaurant +PlayMusic +RateBook +SearchScreeningEvent +SearchCreativeWork +PlayMusic +SearchCreativeWork +RateBook +BookRestaurant +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +BookRestaurant +SearchScreeningEvent +BookRestaurant +RateBook +SearchCreativeWork +PlayMusic +RateBook +RateBook +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +PlayMusic +GetWeather +AddToPlaylist +SearchCreativeWork +PlayMusic +RateBook +SearchCreativeWork +BookRestaurant +BookRestaurant +PlayMusic +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +BookRestaurant +RateBook +RateBook +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +RateBook +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +RateBook +PlayMusic +AddToPlaylist +BookRestaurant +PlayMusic +GetWeather +BookRestaurant +GetWeather +AddToPlaylist +AddToPlaylist +BookRestaurant +AddToPlaylist +GetWeather +AddToPlaylist +BookRestaurant +BookRestaurant +GetWeather +BookRestaurant +BookRestaurant +AddToPlaylist +AddToPlaylist +AddToPlaylist +PlayMusic +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +RateBook +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +RateBook +RateBook +SearchCreativeWork +AddToPlaylist +RateBook +GetWeather +AddToPlaylist +AddToPlaylist +GetWeather +GetWeather +AddToPlaylist +AddToPlaylist +PlayMusic +GetWeather +SearchScreeningEvent +GetWeather +BookRestaurant +SearchCreativeWork +AddToPlaylist +RateBook +GetWeather +PlayMusic +BookRestaurant +BookRestaurant +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +RateBook +SearchCreativeWork +RateBook +AddToPlaylist +SearchScreeningEvent +BookRestaurant +GetWeather +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +AddToPlaylist +PlayMusic +BookRestaurant +BookRestaurant +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +PlayMusic +AddToPlaylist +AddToPlaylist +RateBook +BookRestaurant +SearchCreativeWork +GetWeather +GetWeather +SearchCreativeWork +PlayMusic +GetWeather +PlayMusic +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +BookRestaurant +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +PlayMusic +GetWeather +RateBook +GetWeather +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +BookRestaurant +GetWeather +AddToPlaylist +BookRestaurant +SearchScreeningEvent +AddToPlaylist +BookRestaurant +GetWeather +SearchCreativeWork +PlayMusic +GetWeather +RateBook +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +AddToPlaylist +AddToPlaylist +GetWeather +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +PlayMusic +RateBook +GetWeather +PlayMusic +GetWeather +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +GetWeather +GetWeather +AddToPlaylist +AddToPlaylist +PlayMusic +BookRestaurant +GetWeather +SearchScreeningEvent +AddToPlaylist +PlayMusic +AddToPlaylist +SearchScreeningEvent +PlayMusic +RateBook +PlayMusic +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +RateBook +PlayMusic +GetWeather +AddToPlaylist +RateBook +GetWeather +SearchScreeningEvent +RateBook +GetWeather +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchCreativeWork +BookRestaurant +PlayMusic +BookRestaurant +GetWeather +GetWeather +PlayMusic +GetWeather +SearchScreeningEvent +GetWeather +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +PlayMusic +SearchCreativeWork +RateBook +RateBook +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +RateBook +GetWeather +SearchCreativeWork +RateBook +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchCreativeWork +GetWeather +SearchScreeningEvent +RateBook +AddToPlaylist +BookRestaurant +RateBook +PlayMusic +RateBook +PlayMusic +RateBook +PlayMusic +SearchCreativeWork +SearchCreativeWork +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +GetWeather +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +BookRestaurant +PlayMusic +RateBook +PlayMusic +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +BookRestaurant +SearchCreativeWork +BookRestaurant +AddToPlaylist +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +BookRestaurant +PlayMusic +GetWeather +SearchCreativeWork +BookRestaurant +GetWeather +PlayMusic +RateBook +AddToPlaylist +RateBook +SearchCreativeWork +BookRestaurant +PlayMusic +PlayMusic +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +AddToPlaylist +BookRestaurant +BookRestaurant +GetWeather +BookRestaurant +PlayMusic +PlayMusic +RateBook +SearchCreativeWork +SearchCreativeWork +BookRestaurant +PlayMusic +GetWeather +AddToPlaylist +BookRestaurant +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +BookRestaurant +AddToPlaylist +GetWeather +SearchCreativeWork +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +AddToPlaylist +GetWeather +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchCreativeWork +BookRestaurant +RateBook +RateBook +SearchScreeningEvent +GetWeather +PlayMusic +SearchScreeningEvent +BookRestaurant +AddToPlaylist +RateBook +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +RateBook +GetWeather +PlayMusic +SearchCreativeWork +RateBook +RateBook +BookRestaurant +SearchScreeningEvent +RateBook +BookRestaurant +RateBook +GetWeather +PlayMusic +GetWeather +BookRestaurant +RateBook +PlayMusic +PlayMusic +GetWeather +AddToPlaylist +AddToPlaylist +PlayMusic +RateBook +BookRestaurant +GetWeather +PlayMusic +PlayMusic +BookRestaurant +SearchCreativeWork +BookRestaurant +PlayMusic +GetWeather +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchCreativeWork +BookRestaurant +GetWeather +GetWeather +GetWeather +PlayMusic +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +AddToPlaylist +GetWeather +GetWeather +BookRestaurant +SearchCreativeWork +PlayMusic +RateBook +SearchScreeningEvent +PlayMusic +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +GetWeather +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchCreativeWork +SearchCreativeWork +RateBook +SearchCreativeWork +SearchCreativeWork +BookRestaurant +BookRestaurant +RateBook +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +GetWeather +GetWeather +GetWeather +BookRestaurant +SearchCreativeWork +BookRestaurant +SearchCreativeWork +BookRestaurant +AddToPlaylist +GetWeather +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +GetWeather +RateBook +SearchScreeningEvent +GetWeather +AddToPlaylist +RateBook +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +GetWeather +RateBook +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +AddToPlaylist +RateBook +RateBook +RateBook +SearchScreeningEvent +GetWeather +BookRestaurant +PlayMusic +BookRestaurant +SearchScreeningEvent +GetWeather +SearchScreeningEvent +RateBook +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +PlayMusic +AddToPlaylist +GetWeather +GetWeather +GetWeather +PlayMusic +GetWeather +BookRestaurant +SearchScreeningEvent +BookRestaurant +GetWeather +GetWeather +GetWeather +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +BookRestaurant +AddToPlaylist +AddToPlaylist +RateBook +GetWeather +GetWeather +AddToPlaylist +SearchCreativeWork +GetWeather +RateBook +GetWeather +PlayMusic +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +PlayMusic +RateBook +GetWeather +SearchScreeningEvent +SearchCreativeWork +RateBook +RateBook +RateBook +AddToPlaylist +GetWeather +RateBook +BookRestaurant +RateBook +SearchScreeningEvent +PlayMusic +GetWeather +BookRestaurant +RateBook +GetWeather +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchCreativeWork +BookRestaurant +PlayMusic +RateBook +RateBook +PlayMusic +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +GetWeather +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +PlayMusic +PlayMusic +RateBook +SearchScreeningEvent +SearchCreativeWork +PlayMusic +GetWeather +BookRestaurant +PlayMusic +RateBook +BookRestaurant +BookRestaurant +SearchCreativeWork +PlayMusic +GetWeather +SearchCreativeWork +GetWeather +PlayMusic +SearchCreativeWork +AddToPlaylist +PlayMusic +BookRestaurant +BookRestaurant +GetWeather +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +GetWeather +BookRestaurant +SearchScreeningEvent +PlayMusic +RateBook +SearchScreeningEvent +GetWeather +RateBook +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +GetWeather +AddToPlaylist +AddToPlaylist +GetWeather +AddToPlaylist +AddToPlaylist +BookRestaurant +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +PlayMusic +PlayMusic +AddToPlaylist +BookRestaurant +PlayMusic +RateBook +AddToPlaylist +SearchScreeningEvent +PlayMusic +PlayMusic +RateBook +GetWeather +GetWeather +SearchCreativeWork +SearchCreativeWork +PlayMusic +GetWeather +SearchScreeningEvent +GetWeather +PlayMusic +PlayMusic +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +BookRestaurant +BookRestaurant +SearchScreeningEvent +RateBook +GetWeather +SearchScreeningEvent +AddToPlaylist +BookRestaurant +SearchScreeningEvent +GetWeather +SearchScreeningEvent +PlayMusic +BookRestaurant +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +AddToPlaylist +AddToPlaylist +PlayMusic +SearchCreativeWork +BookRestaurant +SearchCreativeWork +BookRestaurant +PlayMusic +SearchScreeningEvent +RateBook +RateBook +AddToPlaylist +PlayMusic +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +RateBook +RateBook +SearchScreeningEvent +PlayMusic +PlayMusic +BookRestaurant +GetWeather +RateBook +SearchCreativeWork +SearchScreeningEvent +PlayMusic +BookRestaurant +PlayMusic +PlayMusic +GetWeather +SearchCreativeWork +SearchScreeningEvent +GetWeather +PlayMusic +SearchScreeningEvent +GetWeather +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +PlayMusic +BookRestaurant +GetWeather +PlayMusic +BookRestaurant +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +PlayMusic +BookRestaurant +AddToPlaylist +SearchCreativeWork +GetWeather +PlayMusic +BookRestaurant +RateBook +GetWeather +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchScreeningEvent +PlayMusic +RateBook +RateBook +RateBook +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +RateBook +AddToPlaylist +RateBook +BookRestaurant +RateBook +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +BookRestaurant +GetWeather +RateBook +RateBook +GetWeather +SearchScreeningEvent +BookRestaurant +GetWeather +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +PlayMusic +BookRestaurant +SearchScreeningEvent +BookRestaurant +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchCreativeWork +PlayMusic +AddToPlaylist +PlayMusic +PlayMusic +RateBook +RateBook +BookRestaurant +SearchScreeningEvent +AddToPlaylist +GetWeather +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +PlayMusic +RateBook +RateBook +PlayMusic +RateBook +GetWeather +SearchCreativeWork +PlayMusic +RateBook +BookRestaurant +GetWeather +RateBook +RateBook +RateBook +SearchScreeningEvent +AddToPlaylist +RateBook +PlayMusic +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +AddToPlaylist +GetWeather +BookRestaurant +AddToPlaylist +AddToPlaylist +BookRestaurant +SearchScreeningEvent +GetWeather +PlayMusic +BookRestaurant +GetWeather +RateBook +BookRestaurant +PlayMusic +RateBook +PlayMusic +GetWeather +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +GetWeather +BookRestaurant +SearchCreativeWork +RateBook +SearchScreeningEvent +BookRestaurant +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +RateBook +PlayMusic +PlayMusic +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +RateBook +BookRestaurant +GetWeather +RateBook +SearchCreativeWork +GetWeather +RateBook +SearchCreativeWork +RateBook +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +RateBook +BookRestaurant +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchScreeningEvent +RateBook +PlayMusic +AddToPlaylist +PlayMusic +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +RateBook +GetWeather +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +GetWeather +GetWeather +PlayMusic +GetWeather +BookRestaurant +AddToPlaylist +RateBook +SearchCreativeWork +AddToPlaylist +PlayMusic +SearchCreativeWork +GetWeather +PlayMusic +RateBook +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +RateBook +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchCreativeWork +RateBook +GetWeather +RateBook +BookRestaurant +GetWeather +PlayMusic +RateBook +RateBook +SearchCreativeWork +SearchCreativeWork +RateBook +GetWeather +BookRestaurant +BookRestaurant +RateBook +PlayMusic +AddToPlaylist +GetWeather +AddToPlaylist +BookRestaurant +PlayMusic +SearchScreeningEvent +AddToPlaylist +PlayMusic +BookRestaurant +GetWeather +AddToPlaylist +SearchScreeningEvent +GetWeather +PlayMusic +AddToPlaylist +BookRestaurant +RateBook +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +RateBook +RateBook +SearchCreativeWork +PlayMusic +SearchCreativeWork +RateBook +RateBook +PlayMusic +SearchScreeningEvent +SearchCreativeWork +RateBook +GetWeather +BookRestaurant +GetWeather +RateBook +RateBook +AddToPlaylist +GetWeather +AddToPlaylist +BookRestaurant +SearchScreeningEvent +PlayMusic +RateBook +AddToPlaylist +SearchScreeningEvent +RateBook +RateBook +SearchCreativeWork +RateBook +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +RateBook +PlayMusic +BookRestaurant +PlayMusic +BookRestaurant +PlayMusic +RateBook +SearchScreeningEvent +RateBook +PlayMusic +AddToPlaylist +RateBook +PlayMusic +GetWeather +AddToPlaylist +GetWeather +SearchCreativeWork +RateBook +RateBook +BookRestaurant +SearchCreativeWork +GetWeather +PlayMusic +BookRestaurant +PlayMusic +AddToPlaylist +BookRestaurant +GetWeather +RateBook +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +RateBook +SearchCreativeWork +SearchCreativeWork +PlayMusic +AddToPlaylist +SearchCreativeWork +RateBook +GetWeather +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchCreativeWork +PlayMusic +SearchScreeningEvent +RateBook +SearchScreeningEvent +RateBook +RateBook +SearchScreeningEvent +RateBook +GetWeather +BookRestaurant +SearchCreativeWork +PlayMusic +BookRestaurant +GetWeather +GetWeather +RateBook +SearchCreativeWork +BookRestaurant +RateBook +RateBook +PlayMusic +GetWeather +GetWeather +SearchScreeningEvent +BookRestaurant +RateBook +AddToPlaylist +AddToPlaylist +GetWeather +RateBook +BookRestaurant +GetWeather +SearchCreativeWork +AddToPlaylist +AddToPlaylist +AddToPlaylist +PlayMusic +GetWeather +RateBook +PlayMusic +RateBook +PlayMusic +BookRestaurant +AddToPlaylist +PlayMusic +BookRestaurant +RateBook +BookRestaurant +BookRestaurant +SearchCreativeWork +SearchCreativeWork +PlayMusic +SearchScreeningEvent +PlayMusic +PlayMusic +AddToPlaylist +BookRestaurant +RateBook +SearchScreeningEvent +PlayMusic +GetWeather +GetWeather +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +SearchCreativeWork +GetWeather +SearchCreativeWork +RateBook +SearchScreeningEvent +BookRestaurant +GetWeather +RateBook +RateBook +PlayMusic +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +GetWeather +GetWeather +RateBook +PlayMusic +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +PlayMusic +BookRestaurant +SearchCreativeWork +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +PlayMusic +PlayMusic +BookRestaurant +BookRestaurant +BookRestaurant +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +RateBook +RateBook +SearchCreativeWork +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchCreativeWork +GetWeather +RateBook +GetWeather +PlayMusic +GetWeather +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +GetWeather +PlayMusic +GetWeather +PlayMusic +PlayMusic +BookRestaurant +SearchScreeningEvent +BookRestaurant +AddToPlaylist +RateBook +BookRestaurant +SearchCreativeWork +PlayMusic +PlayMusic +GetWeather +AddToPlaylist +RateBook +AddToPlaylist +BookRestaurant +GetWeather +SearchCreativeWork +PlayMusic +PlayMusic +PlayMusic +GetWeather +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +PlayMusic +AddToPlaylist +GetWeather +AddToPlaylist +GetWeather +SearchCreativeWork +AddToPlaylist +GetWeather +BookRestaurant +SearchCreativeWork +GetWeather +AddToPlaylist +BookRestaurant +GetWeather +GetWeather +GetWeather +SearchScreeningEvent +AddToPlaylist +RateBook +SearchScreeningEvent +GetWeather +BookRestaurant +PlayMusic +BookRestaurant +SearchCreativeWork +SearchCreativeWork +GetWeather +PlayMusic +SearchScreeningEvent +AddToPlaylist +GetWeather +BookRestaurant +AddToPlaylist +BookRestaurant +PlayMusic +AddToPlaylist +RateBook +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +RateBook +SearchScreeningEvent +GetWeather +GetWeather +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +GetWeather +BookRestaurant +RateBook +GetWeather +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchCreativeWork +RateBook +SearchCreativeWork +RateBook +BookRestaurant +SearchCreativeWork +RateBook +SearchCreativeWork +BookRestaurant +AddToPlaylist +PlayMusic +SearchCreativeWork +RateBook +GetWeather +RateBook +RateBook +SearchCreativeWork +PlayMusic +BookRestaurant +AddToPlaylist +BookRestaurant +BookRestaurant +BookRestaurant +RateBook +RateBook +BookRestaurant +AddToPlaylist +RateBook +PlayMusic +BookRestaurant +AddToPlaylist +BookRestaurant +GetWeather +RateBook +RateBook +AddToPlaylist +SearchCreativeWork +GetWeather +SearchCreativeWork +AddToPlaylist +PlayMusic +BookRestaurant +PlayMusic +BookRestaurant +BookRestaurant +SearchCreativeWork +SearchCreativeWork +RateBook +SearchCreativeWork +PlayMusic +BookRestaurant +AddToPlaylist +PlayMusic +AddToPlaylist +GetWeather +AddToPlaylist +BookRestaurant +SearchCreativeWork +PlayMusic +SearchScreeningEvent +GetWeather +PlayMusic +AddToPlaylist +AddToPlaylist +BookRestaurant +BookRestaurant +BookRestaurant +AddToPlaylist +PlayMusic +AddToPlaylist +SearchCreativeWork +GetWeather +PlayMusic +GetWeather +BookRestaurant +AddToPlaylist +PlayMusic +AddToPlaylist +RateBook +RateBook +SearchScreeningEvent +BookRestaurant +GetWeather +PlayMusic +BookRestaurant +GetWeather +RateBook +PlayMusic +RateBook +PlayMusic +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +RateBook +RateBook +SearchScreeningEvent +RateBook +GetWeather +BookRestaurant +BookRestaurant +PlayMusic +RateBook +SearchScreeningEvent +BookRestaurant +RateBook +GetWeather +PlayMusic +AddToPlaylist +GetWeather +PlayMusic +GetWeather +GetWeather +BookRestaurant +AddToPlaylist +RateBook +AddToPlaylist +PlayMusic +AddToPlaylist +SearchCreativeWork +PlayMusic +GetWeather +PlayMusic +BookRestaurant +SearchScreeningEvent +AddToPlaylist +BookRestaurant +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +GetWeather +AddToPlaylist +PlayMusic +RateBook +BookRestaurant +SearchCreativeWork +AddToPlaylist +GetWeather +PlayMusic +GetWeather +AddToPlaylist +AddToPlaylist +BookRestaurant +BookRestaurant +AddToPlaylist +GetWeather +RateBook +GetWeather +SearchScreeningEvent +PlayMusic +PlayMusic +SearchCreativeWork +RateBook +GetWeather +PlayMusic +SearchScreeningEvent +PlayMusic +GetWeather +SearchCreativeWork +BookRestaurant +AddToPlaylist +GetWeather +BookRestaurant +GetWeather +SearchScreeningEvent +PlayMusic +SearchCreativeWork +SearchCreativeWork +RateBook +RateBook +PlayMusic +GetWeather +GetWeather +BookRestaurant +AddToPlaylist +RateBook +BookRestaurant +SearchCreativeWork +GetWeather +BookRestaurant +GetWeather +GetWeather +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +PlayMusic +RateBook +SearchCreativeWork +RateBook +SearchCreativeWork +AddToPlaylist +RateBook +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchScreeningEvent +SearchScreeningEvent +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +BookRestaurant +AddToPlaylist +PlayMusic +RateBook +PlayMusic +AddToPlaylist +RateBook +AddToPlaylist +RateBook +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +AddToPlaylist +RateBook +RateBook +PlayMusic +PlayMusic +SearchScreeningEvent +RateBook +SearchScreeningEvent +RateBook +SearchScreeningEvent +PlayMusic +RateBook +SearchCreativeWork +SearchScreeningEvent +PlayMusic +RateBook +SearchScreeningEvent +PlayMusic +SearchCreativeWork +PlayMusic +BookRestaurant +SearchCreativeWork +RateBook +BookRestaurant +AddToPlaylist +PlayMusic +GetWeather +PlayMusic +RateBook +BookRestaurant +RateBook +RateBook +PlayMusic +GetWeather +BookRestaurant +PlayMusic +RateBook +SearchCreativeWork +BookRestaurant +BookRestaurant +GetWeather +AddToPlaylist +GetWeather +RateBook +GetWeather +GetWeather +PlayMusic +GetWeather +GetWeather +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +PlayMusic +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchScreeningEvent +SearchScreeningEvent +RateBook +RateBook +RateBook +PlayMusic +SearchCreativeWork +AddToPlaylist +RateBook +AddToPlaylist +BookRestaurant +PlayMusic +SearchCreativeWork +RateBook +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +PlayMusic +GetWeather +BookRestaurant +PlayMusic +RateBook +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +BookRestaurant +RateBook +AddToPlaylist +SearchScreeningEvent +RateBook +BookRestaurant +BookRestaurant +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchCreativeWork +RateBook +AddToPlaylist +SearchScreeningEvent +GetWeather +BookRestaurant +SearchScreeningEvent +RateBook +GetWeather +PlayMusic +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +GetWeather +GetWeather +GetWeather +PlayMusic +BookRestaurant +BookRestaurant +RateBook +RateBook +RateBook +AddToPlaylist +AddToPlaylist +SearchCreativeWork +RateBook +AddToPlaylist +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +GetWeather +GetWeather +BookRestaurant +RateBook +SearchCreativeWork +PlayMusic +BookRestaurant +SearchScreeningEvent +BookRestaurant +GetWeather +BookRestaurant +RateBook +BookRestaurant +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +GetWeather +GetWeather +PlayMusic +GetWeather +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +PlayMusic +SearchCreativeWork +PlayMusic +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +RateBook +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +PlayMusic +SearchCreativeWork +SearchScreeningEvent +GetWeather +PlayMusic +RateBook +RateBook +SearchCreativeWork +PlayMusic +RateBook +RateBook +SearchCreativeWork +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +RateBook +GetWeather +PlayMusic +GetWeather +GetWeather +AddToPlaylist +GetWeather +SearchScreeningEvent +GetWeather +AddToPlaylist +GetWeather +SearchCreativeWork +GetWeather +BookRestaurant +RateBook +SearchCreativeWork +AddToPlaylist +PlayMusic +BookRestaurant +GetWeather +RateBook +GetWeather +PlayMusic +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +BookRestaurant +GetWeather +PlayMusic +AddToPlaylist +AddToPlaylist +GetWeather +BookRestaurant +PlayMusic +PlayMusic +GetWeather +AddToPlaylist +GetWeather +PlayMusic +AddToPlaylist +SearchCreativeWork +RateBook +SearchScreeningEvent +PlayMusic +BookRestaurant +PlayMusic +SearchScreeningEvent +AddToPlaylist +RateBook +RateBook +PlayMusic +SearchScreeningEvent +GetWeather +PlayMusic +RateBook +BookRestaurant +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +PlayMusic +BookRestaurant +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +SearchCreativeWork +RateBook +AddToPlaylist +SearchCreativeWork +GetWeather +PlayMusic +BookRestaurant +RateBook +BookRestaurant +AddToPlaylist +AddToPlaylist +BookRestaurant +BookRestaurant +BookRestaurant +SearchScreeningEvent +GetWeather +BookRestaurant +RateBook +PlayMusic +BookRestaurant +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchCreativeWork +BookRestaurant +GetWeather +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +PlayMusic +PlayMusic +BookRestaurant +SearchScreeningEvent +GetWeather +SearchCreativeWork +RateBook +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +GetWeather +SearchScreeningEvent +GetWeather +RateBook +BookRestaurant +SearchScreeningEvent +RateBook +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +AddToPlaylist +BookRestaurant +RateBook +GetWeather +PlayMusic +RateBook +BookRestaurant +RateBook +AddToPlaylist +PlayMusic +SearchScreeningEvent +GetWeather +RateBook +SearchCreativeWork +GetWeather +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +PlayMusic +SearchCreativeWork +SearchScreeningEvent +RateBook +RateBook +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +GetWeather +SearchCreativeWork +BookRestaurant +RateBook +RateBook +SearchScreeningEvent +RateBook +SearchCreativeWork +GetWeather +RateBook +BookRestaurant +SearchCreativeWork +PlayMusic +PlayMusic +BookRestaurant +RateBook +BookRestaurant +SearchScreeningEvent +RateBook +SearchCreativeWork +SearchScreeningEvent +GetWeather +AddToPlaylist +BookRestaurant +SearchCreativeWork +PlayMusic +GetWeather +SearchScreeningEvent +AddToPlaylist +BookRestaurant +GetWeather +BookRestaurant +SearchCreativeWork +BookRestaurant +RateBook +GetWeather +SearchCreativeWork +BookRestaurant +AddToPlaylist +RateBook +PlayMusic +BookRestaurant +GetWeather +PlayMusic +GetWeather +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +SearchCreativeWork +SearchScreeningEvent +RateBook +BookRestaurant +SearchCreativeWork +PlayMusic +SearchCreativeWork +GetWeather +AddToPlaylist +SearchCreativeWork +AddToPlaylist +GetWeather +PlayMusic +SearchCreativeWork +SearchCreativeWork +GetWeather +SearchScreeningEvent +RateBook +AddToPlaylist +SearchCreativeWork +RateBook +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +PlayMusic +GetWeather +PlayMusic +RateBook +SearchCreativeWork +GetWeather +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +SearchScreeningEvent +BookRestaurant +AddToPlaylist +BookRestaurant +BookRestaurant +RateBook +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchCreativeWork +RateBook +GetWeather +BookRestaurant +GetWeather +SearchCreativeWork +SearchCreativeWork +RateBook +PlayMusic +AddToPlaylist +BookRestaurant +RateBook +GetWeather +GetWeather +RateBook +AddToPlaylist +GetWeather +RateBook +BookRestaurant +GetWeather +AddToPlaylist +AddToPlaylist +RateBook +AddToPlaylist +RateBook +RateBook +SearchScreeningEvent +AddToPlaylist +PlayMusic +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +BookRestaurant +AddToPlaylist +BookRestaurant +RateBook +GetWeather +AddToPlaylist +RateBook +SearchScreeningEvent +BookRestaurant +BookRestaurant +RateBook +GetWeather +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +PlayMusic +SearchCreativeWork +BookRestaurant +SearchCreativeWork +PlayMusic +AddToPlaylist +SearchCreativeWork +BookRestaurant +GetWeather +PlayMusic +SearchScreeningEvent +AddToPlaylist +BookRestaurant +BookRestaurant +SearchCreativeWork +RateBook +SearchScreeningEvent +AddToPlaylist +BookRestaurant +RateBook +PlayMusic +AddToPlaylist +SearchCreativeWork +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchScreeningEvent +GetWeather +AddToPlaylist +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +RateBook +RateBook +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +RateBook +SearchScreeningEvent +BookRestaurant +BookRestaurant +GetWeather +SearchScreeningEvent +SearchCreativeWork +GetWeather +GetWeather +PlayMusic +PlayMusic +PlayMusic +RateBook +GetWeather +RateBook +SearchCreativeWork +GetWeather +SearchCreativeWork +PlayMusic +BookRestaurant +GetWeather +BookRestaurant +AddToPlaylist +BookRestaurant +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +SearchScreeningEvent +BookRestaurant +AddToPlaylist +GetWeather +SearchScreeningEvent +AddToPlaylist +BookRestaurant +AddToPlaylist +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchCreativeWork +GetWeather +RateBook +GetWeather +SearchCreativeWork +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +AddToPlaylist +BookRestaurant +SearchScreeningEvent +RateBook +PlayMusic +SearchCreativeWork +RateBook +SearchScreeningEvent +RateBook +BookRestaurant +RateBook +PlayMusic +SearchScreeningEvent +BookRestaurant +GetWeather +RateBook +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +BookRestaurant +AddToPlaylist +PlayMusic +GetWeather +PlayMusic +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +PlayMusic +GetWeather +RateBook +SearchCreativeWork +BookRestaurant +BookRestaurant +BookRestaurant +SearchCreativeWork +SearchCreativeWork +GetWeather +BookRestaurant +RateBook +BookRestaurant +RateBook +SearchCreativeWork +GetWeather +PlayMusic +AddToPlaylist +AddToPlaylist +RateBook +SearchScreeningEvent +GetWeather +AddToPlaylist +BookRestaurant +BookRestaurant +PlayMusic +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +PlayMusic +GetWeather +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +PlayMusic +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +BookRestaurant +SearchCreativeWork +BookRestaurant +SearchCreativeWork +GetWeather +RateBook +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +RateBook +BookRestaurant +GetWeather +BookRestaurant +RateBook +RateBook +SearchCreativeWork +AddToPlaylist +GetWeather +BookRestaurant +RateBook +SearchCreativeWork +PlayMusic +GetWeather +SearchScreeningEvent +GetWeather +SearchCreativeWork +PlayMusic +GetWeather +RateBook +PlayMusic +RateBook +BookRestaurant +GetWeather +RateBook +GetWeather +SearchCreativeWork +RateBook +RateBook +GetWeather +SearchScreeningEvent +PlayMusic +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +PlayMusic +SearchCreativeWork +PlayMusic +GetWeather +RateBook +SearchScreeningEvent +RateBook +RateBook +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +RateBook +GetWeather +SearchScreeningEvent +BookRestaurant +GetWeather +BookRestaurant +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchCreativeWork +PlayMusic +PlayMusic +SearchScreeningEvent +GetWeather +BookRestaurant +SearchScreeningEvent +RateBook +GetWeather +AddToPlaylist +RateBook +GetWeather +SearchScreeningEvent +GetWeather +GetWeather +PlayMusic +BookRestaurant +SearchCreativeWork +GetWeather +RateBook +RateBook +PlayMusic +AddToPlaylist +RateBook +SearchScreeningEvent +AddToPlaylist +GetWeather +PlayMusic +RateBook +AddToPlaylist +AddToPlaylist +RateBook +GetWeather +SearchCreativeWork +BookRestaurant +RateBook +PlayMusic +RateBook +SearchScreeningEvent +RateBook +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +PlayMusic +SearchCreativeWork +BookRestaurant +AddToPlaylist +BookRestaurant +BookRestaurant +GetWeather +SearchCreativeWork +RateBook +GetWeather +SearchScreeningEvent +PlayMusic +SearchCreativeWork +GetWeather +GetWeather +RateBook +GetWeather +AddToPlaylist +RateBook +RateBook +RateBook +RateBook +AddToPlaylist +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +AddToPlaylist +GetWeather +SearchCreativeWork +AddToPlaylist +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +SearchCreativeWork +BookRestaurant +AddToPlaylist +BookRestaurant +AddToPlaylist +GetWeather +SearchCreativeWork +AddToPlaylist +GetWeather +PlayMusic +RateBook +SearchCreativeWork +PlayMusic +AddToPlaylist +GetWeather +SearchScreeningEvent +GetWeather +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +RateBook +BookRestaurant +GetWeather +AddToPlaylist +SearchCreativeWork +GetWeather +SearchScreeningEvent +PlayMusic +GetWeather +AddToPlaylist +BookRestaurant +RateBook +AddToPlaylist +SearchScreeningEvent +BookRestaurant +AddToPlaylist +PlayMusic +BookRestaurant +PlayMusic +PlayMusic +PlayMusic +GetWeather +SearchCreativeWork +SearchScreeningEvent +PlayMusic +GetWeather +RateBook +PlayMusic +PlayMusic +RateBook +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +GetWeather +AddToPlaylist +GetWeather +RateBook +GetWeather +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +BookRestaurant +PlayMusic +BookRestaurant +PlayMusic +SearchCreativeWork +SearchScreeningEvent +GetWeather +SearchScreeningEvent +GetWeather +PlayMusic +GetWeather +SearchCreativeWork +PlayMusic +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +GetWeather +PlayMusic +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +GetWeather +RateBook +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +PlayMusic +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +BookRestaurant +RateBook +SearchCreativeWork +SearchCreativeWork +GetWeather +GetWeather +GetWeather +GetWeather +RateBook +BookRestaurant +SearchCreativeWork +RateBook +PlayMusic +BookRestaurant +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +PlayMusic +AddToPlaylist +GetWeather +BookRestaurant +AddToPlaylist +BookRestaurant +BookRestaurant +GetWeather +PlayMusic +PlayMusic +PlayMusic +SearchScreeningEvent +SearchCreativeWork +RateBook +BookRestaurant +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +BookRestaurant +RateBook +RateBook +AddToPlaylist +BookRestaurant +GetWeather +SearchScreeningEvent +RateBook +SearchScreeningEvent +SearchScreeningEvent +RateBook +GetWeather +PlayMusic +BookRestaurant +SearchCreativeWork +BookRestaurant +PlayMusic +PlayMusic +SearchScreeningEvent +GetWeather +RateBook +GetWeather +BookRestaurant +PlayMusic +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +AddToPlaylist +RateBook +GetWeather +RateBook +AddToPlaylist +RateBook +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +AddToPlaylist +BookRestaurant +GetWeather +SearchScreeningEvent +RateBook +GetWeather +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchScreeningEvent +PlayMusic +AddToPlaylist +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +RateBook +PlayMusic +GetWeather +GetWeather +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +BookRestaurant +PlayMusic +RateBook +SearchScreeningEvent +GetWeather +PlayMusic +PlayMusic +RateBook +SearchCreativeWork +BookRestaurant +SearchCreativeWork +BookRestaurant +PlayMusic +PlayMusic +RateBook +SearchCreativeWork +BookRestaurant +SearchCreativeWork +AddToPlaylist +RateBook +AddToPlaylist +GetWeather +GetWeather +BookRestaurant +PlayMusic +BookRestaurant +GetWeather +GetWeather +RateBook +BookRestaurant +RateBook +SearchCreativeWork +RateBook +PlayMusic +BookRestaurant +RateBook +BookRestaurant +SearchScreeningEvent +RateBook +AddToPlaylist +SearchCreativeWork +BookRestaurant +RateBook +BookRestaurant +AddToPlaylist +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +SearchCreativeWork +AddToPlaylist +BookRestaurant +RateBook +GetWeather +SearchCreativeWork +PlayMusic +RateBook +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchCreativeWork +GetWeather +GetWeather +GetWeather +BookRestaurant +GetWeather +BookRestaurant +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +GetWeather +GetWeather +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchCreativeWork +GetWeather +SearchScreeningEvent +RateBook +PlayMusic +GetWeather +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +RateBook +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +SearchCreativeWork +RateBook +AddToPlaylist +SearchCreativeWork +BookRestaurant +RateBook +RateBook +SearchScreeningEvent +RateBook +GetWeather +AddToPlaylist +AddToPlaylist +AddToPlaylist +RateBook +PlayMusic +AddToPlaylist +PlayMusic +PlayMusic +PlayMusic +BookRestaurant +GetWeather +PlayMusic +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +PlayMusic +PlayMusic +RateBook +BookRestaurant +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchCreativeWork +PlayMusic +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +GetWeather +RateBook +PlayMusic +AddToPlaylist +GetWeather +PlayMusic +GetWeather +GetWeather +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +PlayMusic +GetWeather +SearchScreeningEvent +BookRestaurant +BookRestaurant +PlayMusic +BookRestaurant +GetWeather +SearchCreativeWork +PlayMusic +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchCreativeWork +SearchScreeningEvent +PlayMusic +BookRestaurant +BookRestaurant +SearchCreativeWork +GetWeather +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +GetWeather +BookRestaurant +BookRestaurant +BookRestaurant +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +PlayMusic +SearchScreeningEvent +PlayMusic +PlayMusic +AddToPlaylist +SearchCreativeWork +RateBook +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +RateBook +PlayMusic +PlayMusic +GetWeather +SearchScreeningEvent +GetWeather +SearchCreativeWork +GetWeather +BookRestaurant +GetWeather +RateBook +BookRestaurant +GetWeather +GetWeather +SearchCreativeWork +SearchScreeningEvent +PlayMusic +RateBook +GetWeather +SearchScreeningEvent +RateBook +RateBook +AddToPlaylist +AddToPlaylist +SearchCreativeWork +AddToPlaylist +BookRestaurant +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +PlayMusic +RateBook +PlayMusic +PlayMusic +BookRestaurant +PlayMusic +GetWeather +GetWeather +PlayMusic +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +BookRestaurant +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +AddToPlaylist +GetWeather +SearchScreeningEvent +RateBook +BookRestaurant +BookRestaurant +RateBook +AddToPlaylist +BookRestaurant +SearchScreeningEvent +PlayMusic +GetWeather +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +PlayMusic +SearchCreativeWork +AddToPlaylist +RateBook +BookRestaurant +BookRestaurant +SearchCreativeWork +PlayMusic +GetWeather +SearchCreativeWork +SearchCreativeWork +PlayMusic +AddToPlaylist +PlayMusic +BookRestaurant +GetWeather +BookRestaurant +PlayMusic +GetWeather +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +GetWeather +RateBook +PlayMusic +SearchScreeningEvent +PlayMusic +SearchCreativeWork +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +RateBook +SearchCreativeWork +BookRestaurant +AddToPlaylist +BookRestaurant +AddToPlaylist +GetWeather +GetWeather +SearchScreeningEvent +RateBook +RateBook +SearchCreativeWork +RateBook +AddToPlaylist +SearchScreeningEvent +GetWeather +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +PlayMusic +SearchScreeningEvent +GetWeather +GetWeather +SearchCreativeWork +BookRestaurant +AddToPlaylist +GetWeather +PlayMusic +BookRestaurant +SearchCreativeWork +PlayMusic +GetWeather +GetWeather +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +RateBook +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchScreeningEvent +RateBook +SearchScreeningEvent +RateBook +AddToPlaylist +RateBook +PlayMusic +GetWeather +GetWeather +RateBook +SearchCreativeWork +AddToPlaylist +RateBook +GetWeather +SearchScreeningEvent +RateBook +SearchCreativeWork +PlayMusic +AddToPlaylist +SearchScreeningEvent +PlayMusic +BookRestaurant +GetWeather +SearchScreeningEvent +PlayMusic +RateBook +SearchCreativeWork +BookRestaurant +GetWeather +RateBook +SearchScreeningEvent +SearchScreeningEvent +GetWeather +RateBook +SearchCreativeWork +PlayMusic +SearchScreeningEvent +PlayMusic +GetWeather +GetWeather +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchScreeningEvent +BookRestaurant +GetWeather +GetWeather +BookRestaurant +SearchCreativeWork +GetWeather +PlayMusic +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +BookRestaurant +GetWeather +BookRestaurant +AddToPlaylist +PlayMusic +AddToPlaylist +SearchScreeningEvent +RateBook +PlayMusic +BookRestaurant +AddToPlaylist +SearchCreativeWork +GetWeather +PlayMusic +PlayMusic +PlayMusic +GetWeather +SearchCreativeWork +BookRestaurant +BookRestaurant +GetWeather +AddToPlaylist +GetWeather +SearchScreeningEvent +AddToPlaylist +BookRestaurant +PlayMusic +AddToPlaylist +GetWeather +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +PlayMusic +PlayMusic +AddToPlaylist +SearchScreeningEvent +PlayMusic +BookRestaurant +AddToPlaylist +RateBook +GetWeather +GetWeather +RateBook +SearchCreativeWork +GetWeather +AddToPlaylist +RateBook +PlayMusic +RateBook +SearchCreativeWork +AddToPlaylist +RateBook +PlayMusic +RateBook +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchScreeningEvent +RateBook +BookRestaurant +PlayMusic +GetWeather +AddToPlaylist +PlayMusic +AddToPlaylist +GetWeather +RateBook +PlayMusic +SearchScreeningEvent +GetWeather +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +GetWeather +GetWeather +GetWeather +BookRestaurant +SearchScreeningEvent +RateBook +SearchScreeningEvent +GetWeather +SearchScreeningEvent +PlayMusic +AddToPlaylist +AddToPlaylist +RateBook +SearchScreeningEvent +GetWeather +SearchCreativeWork +PlayMusic +SearchCreativeWork +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +RateBook +RateBook +PlayMusic +SearchCreativeWork +PlayMusic +SearchScreeningEvent +BookRestaurant +RateBook +SearchCreativeWork +PlayMusic +BookRestaurant +RateBook +BookRestaurant +SearchCreativeWork +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchCreativeWork +BookRestaurant +RateBook +SearchScreeningEvent +RateBook +BookRestaurant +PlayMusic +GetWeather +GetWeather +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +RateBook +PlayMusic +AddToPlaylist +BookRestaurant +GetWeather +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +GetWeather +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +PlayMusic +GetWeather +GetWeather +BookRestaurant +RateBook +AddToPlaylist +SearchCreativeWork +RateBook +SearchCreativeWork +GetWeather +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +SearchCreativeWork +BookRestaurant +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +PlayMusic +AddToPlaylist +SearchScreeningEvent +RateBook +AddToPlaylist +SearchCreativeWork +RateBook +GetWeather +PlayMusic +SearchScreeningEvent +RateBook +PlayMusic +SearchCreativeWork +RateBook +SearchScreeningEvent +GetWeather +SearchScreeningEvent +RateBook +SearchScreeningEvent +RateBook +BookRestaurant +RateBook +GetWeather +AddToPlaylist +GetWeather +PlayMusic +GetWeather +AddToPlaylist +PlayMusic +GetWeather +GetWeather +SearchCreativeWork +PlayMusic +BookRestaurant +SearchCreativeWork +AddToPlaylist +GetWeather +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +BookRestaurant +BookRestaurant +AddToPlaylist +GetWeather +BookRestaurant +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +RateBook +RateBook +GetWeather +PlayMusic +SearchCreativeWork +RateBook +PlayMusic +RateBook +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +GetWeather +RateBook +SearchCreativeWork +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +GetWeather +PlayMusic +RateBook +AddToPlaylist +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +PlayMusic +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchCreativeWork +GetWeather +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +PlayMusic +SearchCreativeWork +BookRestaurant +RateBook +GetWeather +SearchCreativeWork +BookRestaurant +RateBook +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +PlayMusic +GetWeather +AddToPlaylist +RateBook +PlayMusic +RateBook +GetWeather +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +RateBook +GetWeather +SearchCreativeWork +PlayMusic +SearchScreeningEvent +BookRestaurant +PlayMusic +AddToPlaylist +RateBook +RateBook +SearchCreativeWork +SearchCreativeWork +RateBook +AddToPlaylist +BookRestaurant +RateBook +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +GetWeather +AddToPlaylist +GetWeather +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +AddToPlaylist +BookRestaurant +GetWeather +BookRestaurant +PlayMusic +SearchCreativeWork +BookRestaurant +SearchCreativeWork +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +AddToPlaylist +GetWeather +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +RateBook +RateBook +AddToPlaylist +PlayMusic +SearchCreativeWork +SearchScreeningEvent +RateBook +BookRestaurant +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +RateBook +PlayMusic +BookRestaurant +RateBook +GetWeather +GetWeather +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +SearchCreativeWork +RateBook +GetWeather +GetWeather +SearchScreeningEvent +SearchScreeningEvent +GetWeather +AddToPlaylist +BookRestaurant +RateBook +RateBook +BookRestaurant +RateBook +SearchScreeningEvent +RateBook +SearchScreeningEvent +BookRestaurant +BookRestaurant +RateBook +RateBook +SearchScreeningEvent +RateBook +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +PlayMusic +PlayMusic +PlayMusic +PlayMusic +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +RateBook +GetWeather +PlayMusic +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +GetWeather +GetWeather +PlayMusic +GetWeather +GetWeather +SearchScreeningEvent +RateBook +SearchScreeningEvent +AddToPlaylist +RateBook +SearchCreativeWork +GetWeather +SearchScreeningEvent +BookRestaurant +GetWeather +SearchCreativeWork +RateBook +RateBook +RateBook +SearchScreeningEvent +RateBook +SearchCreativeWork +BookRestaurant +BookRestaurant +RateBook +BookRestaurant +SearchCreativeWork +GetWeather +RateBook +BookRestaurant +GetWeather +BookRestaurant +BookRestaurant +AddToPlaylist +AddToPlaylist +RateBook +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +BookRestaurant +PlayMusic +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +BookRestaurant +GetWeather +RateBook +GetWeather +AddToPlaylist +RateBook +GetWeather +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +PlayMusic +SearchCreativeWork +PlayMusic +PlayMusic +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +BookRestaurant +AddToPlaylist +GetWeather +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +BookRestaurant +AddToPlaylist +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +BookRestaurant +GetWeather +BookRestaurant +RateBook +AddToPlaylist +PlayMusic +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchScreeningEvent +GetWeather +RateBook +BookRestaurant +GetWeather +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +GetWeather +PlayMusic +PlayMusic +RateBook +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +AddToPlaylist +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +AddToPlaylist +RateBook +BookRestaurant +RateBook +RateBook +SearchCreativeWork +AddToPlaylist +PlayMusic +PlayMusic +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +PlayMusic +RateBook +GetWeather +AddToPlaylist +SearchCreativeWork +RateBook +PlayMusic +AddToPlaylist +BookRestaurant +GetWeather +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +RateBook +RateBook +RateBook +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +BookRestaurant +SearchCreativeWork +RateBook +BookRestaurant +RateBook +GetWeather +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +BookRestaurant +RateBook +RateBook +GetWeather +SearchScreeningEvent +SearchScreeningEvent +GetWeather +PlayMusic +RateBook +AddToPlaylist +AddToPlaylist +GetWeather +RateBook +BookRestaurant +GetWeather +GetWeather +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +GetWeather +BookRestaurant +SearchCreativeWork +PlayMusic +PlayMusic +GetWeather +SearchCreativeWork +AddToPlaylist +RateBook +PlayMusic +AddToPlaylist +GetWeather +AddToPlaylist +GetWeather +GetWeather +AddToPlaylist +SearchScreeningEvent +RateBook +GetWeather +SearchScreeningEvent +GetWeather +SearchScreeningEvent +SearchCreativeWork +PlayMusic +SearchScreeningEvent +GetWeather +PlayMusic +SearchCreativeWork +AddToPlaylist +GetWeather +PlayMusic +GetWeather +GetWeather +AddToPlaylist +AddToPlaylist +GetWeather +GetWeather +BookRestaurant +PlayMusic +RateBook +GetWeather +SearchCreativeWork +SearchCreativeWork +PlayMusic +GetWeather +SearchCreativeWork +GetWeather +RateBook +AddToPlaylist +AddToPlaylist +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +GetWeather +GetWeather +PlayMusic +PlayMusic +SearchScreeningEvent +AddToPlaylist +RateBook +AddToPlaylist +BookRestaurant +GetWeather +BookRestaurant +BookRestaurant +PlayMusic +AddToPlaylist +AddToPlaylist +AddToPlaylist +GetWeather +PlayMusic +RateBook +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +BookRestaurant +PlayMusic +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchScreeningEvent +PlayMusic +BookRestaurant +GetWeather +PlayMusic +GetWeather +PlayMusic +SearchScreeningEvent +RateBook +BookRestaurant +SearchScreeningEvent +GetWeather +SearchCreativeWork +GetWeather +RateBook +BookRestaurant +GetWeather +SearchScreeningEvent +GetWeather +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +RateBook +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchCreativeWork +PlayMusic +PlayMusic +PlayMusic +GetWeather +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +AddToPlaylist +PlayMusic +PlayMusic +SearchCreativeWork +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +SearchScreeningEvent +AddToPlaylist +RateBook +SearchCreativeWork +GetWeather +SearchScreeningEvent +RateBook +PlayMusic +PlayMusic +GetWeather +RateBook +BookRestaurant +AddToPlaylist +PlayMusic +PlayMusic +RateBook +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +GetWeather +SearchCreativeWork +RateBook +RateBook +BookRestaurant +PlayMusic +BookRestaurant +GetWeather +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +SearchScreeningEvent +PlayMusic +BookRestaurant +BookRestaurant +SearchCreativeWork +BookRestaurant +PlayMusic +SearchScreeningEvent +AddToPlaylist +GetWeather +BookRestaurant +AddToPlaylist +RateBook +AddToPlaylist +AddToPlaylist +AddToPlaylist +GetWeather +BookRestaurant +SearchCreativeWork +AddToPlaylist +GetWeather +SearchScreeningEvent +RateBook +PlayMusic +PlayMusic +AddToPlaylist +PlayMusic +SearchScreeningEvent +PlayMusic +GetWeather +GetWeather +RateBook +PlayMusic +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchCreativeWork +GetWeather +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +GetWeather +SearchCreativeWork +PlayMusic +SearchScreeningEvent +BookRestaurant +AddToPlaylist +RateBook +AddToPlaylist +RateBook +SearchScreeningEvent +PlayMusic +RateBook +BookRestaurant +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +AddToPlaylist +BookRestaurant +BookRestaurant +GetWeather +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +RateBook +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +BookRestaurant +BookRestaurant +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +RateBook +BookRestaurant +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +PlayMusic +PlayMusic +RateBook +SearchCreativeWork +PlayMusic +SearchCreativeWork +GetWeather +RateBook +PlayMusic +PlayMusic +GetWeather +AddToPlaylist +AddToPlaylist +BookRestaurant +GetWeather +PlayMusic +AddToPlaylist +SearchScreeningEvent +GetWeather +RateBook +GetWeather +RateBook +SearchCreativeWork +RateBook +GetWeather +SearchCreativeWork +PlayMusic +BookRestaurant +RateBook +SearchScreeningEvent +GetWeather +AddToPlaylist +PlayMusic +RateBook +GetWeather +RateBook +AddToPlaylist +RateBook +SearchScreeningEvent +AddToPlaylist +PlayMusic +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +RateBook +GetWeather +SearchCreativeWork +GetWeather +BookRestaurant +AddToPlaylist +RateBook +RateBook +BookRestaurant +SearchCreativeWork +SearchCreativeWork +PlayMusic +SearchCreativeWork +RateBook +RateBook +PlayMusic +RateBook +PlayMusic +RateBook +BookRestaurant +RateBook +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +GetWeather +SearchScreeningEvent +RateBook +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +RateBook +RateBook +RateBook +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +SearchScreeningEvent +RateBook +SearchScreeningEvent +RateBook +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +SearchScreeningEvent +AddToPlaylist +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +GetWeather +SearchCreativeWork +AddToPlaylist +GetWeather +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +RateBook +GetWeather +SearchScreeningEvent +GetWeather +PlayMusic +RateBook +SearchCreativeWork +RateBook +AddToPlaylist +AddToPlaylist +GetWeather +AddToPlaylist +RateBook +PlayMusic +SearchCreativeWork +RateBook +RateBook +BookRestaurant +SearchCreativeWork +GetWeather +RateBook +RateBook +AddToPlaylist +PlayMusic +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +RateBook +PlayMusic +BookRestaurant +GetWeather +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +RateBook +GetWeather +AddToPlaylist +BookRestaurant +PlayMusic +SearchCreativeWork +PlayMusic +BookRestaurant +BookRestaurant +AddToPlaylist +GetWeather +RateBook +GetWeather +PlayMusic +SearchCreativeWork +PlayMusic +SearchCreativeWork +PlayMusic +PlayMusic +BookRestaurant +BookRestaurant +BookRestaurant +PlayMusic +SearchCreativeWork +SearchScreeningEvent +GetWeather +PlayMusic +BookRestaurant +RateBook +RateBook +PlayMusic +GetWeather +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchCreativeWork +PlayMusic +RateBook +GetWeather +BookRestaurant +SearchCreativeWork +PlayMusic +GetWeather +SearchScreeningEvent +SearchCreativeWork +PlayMusic +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +GetWeather +PlayMusic +SearchCreativeWork +GetWeather +SearchScreeningEvent +RateBook +SearchScreeningEvent +RateBook +SearchCreativeWork +AddToPlaylist +BookRestaurant +BookRestaurant +SearchCreativeWork +PlayMusic +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +RateBook +PlayMusic +PlayMusic +AddToPlaylist +RateBook +BookRestaurant +RateBook +SearchScreeningEvent +PlayMusic +SearchCreativeWork +BookRestaurant +RateBook +GetWeather +RateBook +GetWeather +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchScreeningEvent +RateBook +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchScreeningEvent +GetWeather +SearchCreativeWork +RateBook +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +PlayMusic +AddToPlaylist +AddToPlaylist +PlayMusic +RateBook +BookRestaurant +RateBook +RateBook +RateBook +GetWeather +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +BookRestaurant +RateBook +BookRestaurant +GetWeather +AddToPlaylist +SearchScreeningEvent +GetWeather +AddToPlaylist +AddToPlaylist +RateBook +PlayMusic +BookRestaurant +SearchCreativeWork +BookRestaurant +RateBook +SearchCreativeWork +BookRestaurant +SearchCreativeWork +PlayMusic +GetWeather +PlayMusic +PlayMusic +BookRestaurant +PlayMusic +GetWeather +PlayMusic +AddToPlaylist +AddToPlaylist +AddToPlaylist +RateBook +SearchScreeningEvent +PlayMusic +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +PlayMusic +AddToPlaylist +SearchCreativeWork +GetWeather +BookRestaurant +PlayMusic +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +PlayMusic +PlayMusic +PlayMusic +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +PlayMusic +PlayMusic +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +PlayMusic +PlayMusic +BookRestaurant +PlayMusic +PlayMusic +SearchCreativeWork +BookRestaurant +GetWeather +RateBook +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +GetWeather +RateBook +SearchCreativeWork +GetWeather +BookRestaurant +BookRestaurant +GetWeather +BookRestaurant +RateBook +RateBook +PlayMusic +BookRestaurant +AddToPlaylist +PlayMusic +SearchCreativeWork +GetWeather +BookRestaurant +SearchCreativeWork +BookRestaurant +GetWeather +PlayMusic +SearchScreeningEvent +GetWeather +BookRestaurant +GetWeather +SearchScreeningEvent +GetWeather +AddToPlaylist +GetWeather +PlayMusic +GetWeather +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +BookRestaurant +RateBook +BookRestaurant +BookRestaurant +AddToPlaylist +RateBook +GetWeather +RateBook +RateBook +PlayMusic +PlayMusic +PlayMusic +SearchCreativeWork +AddToPlaylist +RateBook +SearchScreeningEvent +RateBook +PlayMusic +BookRestaurant +AddToPlaylist +GetWeather +SearchCreativeWork +SearchCreativeWork +GetWeather +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +PlayMusic +AddToPlaylist +PlayMusic +BookRestaurant +RateBook +RateBook +PlayMusic +RateBook +SearchScreeningEvent +BookRestaurant +GetWeather +GetWeather +BookRestaurant +AddToPlaylist +BookRestaurant +RateBook +SearchScreeningEvent +GetWeather +SearchCreativeWork +PlayMusic +AddToPlaylist +SearchCreativeWork +GetWeather +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +RateBook +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchCreativeWork +SearchScreeningEvent +GetWeather +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +GetWeather +BookRestaurant +BookRestaurant +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +RateBook +GetWeather +SearchCreativeWork +RateBook +SearchCreativeWork +GetWeather +PlayMusic +AddToPlaylist +AddToPlaylist +GetWeather +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +RateBook +RateBook +PlayMusic +AddToPlaylist +BookRestaurant +RateBook +BookRestaurant +SearchCreativeWork +BookRestaurant +RateBook +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +RateBook +BookRestaurant +SearchCreativeWork +PlayMusic +AddToPlaylist +BookRestaurant +RateBook +SearchScreeningEvent +BookRestaurant +GetWeather +RateBook +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +RateBook +SearchScreeningEvent +BookRestaurant +PlayMusic +PlayMusic +RateBook +SearchCreativeWork +RateBook +BookRestaurant +AddToPlaylist +SearchCreativeWork +BookRestaurant +GetWeather +BookRestaurant +SearchCreativeWork +PlayMusic +PlayMusic +AddToPlaylist +RateBook +GetWeather +AddToPlaylist +BookRestaurant +RateBook +PlayMusic +PlayMusic +AddToPlaylist +AddToPlaylist +SearchCreativeWork +RateBook +PlayMusic +BookRestaurant +RateBook +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchScreeningEvent +BookRestaurant +PlayMusic +RateBook +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +PlayMusic +BookRestaurant +GetWeather +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +RateBook +SearchCreativeWork +BookRestaurant +AddToPlaylist +BookRestaurant +SearchCreativeWork +BookRestaurant +GetWeather +BookRestaurant +PlayMusic +RateBook +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +RateBook +RateBook +SearchScreeningEvent +PlayMusic +SearchCreativeWork +SearchCreativeWork +RateBook +GetWeather +RateBook +RateBook +AddToPlaylist +BookRestaurant +SearchCreativeWork +BookRestaurant +PlayMusic +AddToPlaylist +BookRestaurant +AddToPlaylist +SearchCreativeWork +AddToPlaylist +GetWeather +BookRestaurant +GetWeather +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +AddToPlaylist +PlayMusic +SearchCreativeWork +PlayMusic +AddToPlaylist +PlayMusic +SearchScreeningEvent +AddToPlaylist +RateBook +RateBook +AddToPlaylist +PlayMusic +PlayMusic +SearchScreeningEvent +PlayMusic +GetWeather +AddToPlaylist +GetWeather +PlayMusic +GetWeather +BookRestaurant +PlayMusic +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +BookRestaurant +RateBook +RateBook +PlayMusic +SearchScreeningEvent +BookRestaurant +GetWeather +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +BookRestaurant +GetWeather +GetWeather +SearchScreeningEvent +PlayMusic +BookRestaurant +RateBook +BookRestaurant +BookRestaurant +GetWeather +BookRestaurant +SearchScreeningEvent +PlayMusic +BookRestaurant +BookRestaurant +SearchScreeningEvent +BookRestaurant +BookRestaurant +AddToPlaylist +AddToPlaylist +RateBook +RateBook +BookRestaurant +RateBook +RateBook +SearchCreativeWork +BookRestaurant +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +PlayMusic +SearchCreativeWork +BookRestaurant +RateBook +RateBook +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +PlayMusic +RateBook +SearchCreativeWork +AddToPlaylist +GetWeather +RateBook +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +BookRestaurant +BookRestaurant +BookRestaurant +PlayMusic +GetWeather +GetWeather +PlayMusic +GetWeather +PlayMusic +RateBook +AddToPlaylist +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +PlayMusic +PlayMusic +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +RateBook +RateBook +GetWeather +RateBook +PlayMusic +BookRestaurant +PlayMusic +AddToPlaylist +GetWeather +GetWeather +RateBook +PlayMusic +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +RateBook +AddToPlaylist +SearchCreativeWork +BookRestaurant +RateBook +PlayMusic +RateBook +BookRestaurant +GetWeather +BookRestaurant +BookRestaurant +AddToPlaylist +PlayMusic +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +AddToPlaylist +RateBook +GetWeather +GetWeather +GetWeather +AddToPlaylist +RateBook +PlayMusic +RateBook +RateBook +SearchCreativeWork +AddToPlaylist +GetWeather +AddToPlaylist +RateBook +SearchScreeningEvent +SearchCreativeWork +RateBook +GetWeather +AddToPlaylist +SearchScreeningEvent +RateBook +AddToPlaylist +GetWeather +GetWeather +SearchCreativeWork +RateBook +SearchCreativeWork +GetWeather +BookRestaurant +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchCreativeWork +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchCreativeWork +SearchScreeningEvent +GetWeather +PlayMusic +PlayMusic +PlayMusic +GetWeather +BookRestaurant +SearchCreativeWork +BookRestaurant +SearchCreativeWork +AddToPlaylist +GetWeather +RateBook +SearchCreativeWork +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +PlayMusic +RateBook +RateBook +AddToPlaylist +GetWeather +SearchCreativeWork +AddToPlaylist +RateBook +RateBook +GetWeather +RateBook +AddToPlaylist +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +RateBook +PlayMusic +PlayMusic +BookRestaurant +BookRestaurant +RateBook +GetWeather +SearchScreeningEvent +BookRestaurant +RateBook +SearchCreativeWork +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchCreativeWork +GetWeather +SearchScreeningEvent +PlayMusic +RateBook +AddToPlaylist +SearchCreativeWork +BookRestaurant +AddToPlaylist +BookRestaurant +PlayMusic +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +SearchCreativeWork +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchCreativeWork +RateBook +RateBook +BookRestaurant +SearchCreativeWork +RateBook +BookRestaurant +GetWeather +BookRestaurant +SearchCreativeWork +AddToPlaylist +RateBook +GetWeather +SearchScreeningEvent +AddToPlaylist +BookRestaurant +SearchScreeningEvent +AddToPlaylist +BookRestaurant +GetWeather +AddToPlaylist +BookRestaurant +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +RateBook +BookRestaurant +AddToPlaylist +SearchCreativeWork +RateBook +SearchCreativeWork +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +GetWeather +BookRestaurant +SearchScreeningEvent +GetWeather +RateBook +GetWeather +SearchScreeningEvent +RateBook +SearchScreeningEvent +GetWeather +GetWeather +SearchScreeningEvent +GetWeather +SearchCreativeWork +PlayMusic +BookRestaurant +SearchCreativeWork +BookRestaurant +PlayMusic +RateBook +GetWeather +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +BookRestaurant +GetWeather +SearchScreeningEvent +AddToPlaylist +PlayMusic +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +RateBook +BookRestaurant +AddToPlaylist +BookRestaurant +BookRestaurant +RateBook +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +PlayMusic +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +BookRestaurant +RateBook +RateBook +AddToPlaylist +BookRestaurant +GetWeather +GetWeather +PlayMusic +SearchScreeningEvent +RateBook +SearchCreativeWork +AddToPlaylist +AddToPlaylist +PlayMusic +BookRestaurant +AddToPlaylist +PlayMusic +RateBook +SearchCreativeWork +RateBook +AddToPlaylist +BookRestaurant +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +SearchCreativeWork +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +GetWeather +AddToPlaylist +BookRestaurant +PlayMusic +PlayMusic +BookRestaurant +SearchScreeningEvent +GetWeather +SearchCreativeWork +BookRestaurant +SearchCreativeWork +PlayMusic +BookRestaurant +SearchScreeningEvent +PlayMusic +RateBook +PlayMusic +SearchCreativeWork +BookRestaurant +GetWeather +RateBook +RateBook +AddToPlaylist +BookRestaurant +AddToPlaylist +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +RateBook +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchCreativeWork +GetWeather +AddToPlaylist +BookRestaurant +PlayMusic +PlayMusic +RateBook +PlayMusic +SearchCreativeWork +RateBook +RateBook +GetWeather +PlayMusic +SearchScreeningEvent +PlayMusic +GetWeather +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +AddToPlaylist +GetWeather +BookRestaurant +PlayMusic +BookRestaurant +BookRestaurant +GetWeather +RateBook +RateBook +PlayMusic +RateBook +GetWeather +BookRestaurant +BookRestaurant +AddToPlaylist +RateBook +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +RateBook +RateBook +GetWeather +AddToPlaylist +GetWeather +SearchScreeningEvent +GetWeather +GetWeather +BookRestaurant +BookRestaurant +PlayMusic +SearchCreativeWork +RateBook +SearchCreativeWork +RateBook +RateBook +GetWeather +GetWeather +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +GetWeather +GetWeather +RateBook +RateBook +BookRestaurant +SearchScreeningEvent +BookRestaurant +BookRestaurant +AddToPlaylist +BookRestaurant +GetWeather +PlayMusic +GetWeather +SearchCreativeWork +AddToPlaylist +RateBook +SearchCreativeWork +BookRestaurant +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +RateBook +BookRestaurant +BookRestaurant +PlayMusic +RateBook +BookRestaurant +PlayMusic +PlayMusic +BookRestaurant +PlayMusic +AddToPlaylist +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +GetWeather +RateBook +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +GetWeather +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +PlayMusic +RateBook +PlayMusic +SearchScreeningEvent +BookRestaurant +BookRestaurant +AddToPlaylist +BookRestaurant +SearchCreativeWork +BookRestaurant +AddToPlaylist +BookRestaurant +PlayMusic +SearchCreativeWork +RateBook +PlayMusic +PlayMusic +PlayMusic +AddToPlaylist +GetWeather +GetWeather +PlayMusic +PlayMusic +SearchCreativeWork +AddToPlaylist +RateBook +RateBook +GetWeather +BookRestaurant +SearchCreativeWork +RateBook +PlayMusic +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +GetWeather +AddToPlaylist +GetWeather +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +SearchCreativeWork +RateBook +SearchCreativeWork +PlayMusic +SearchScreeningEvent +GetWeather +SearchScreeningEvent +AddToPlaylist +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +RateBook +BookRestaurant +PlayMusic +RateBook +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +RateBook +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +GetWeather +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +RateBook +SearchScreeningEvent +GetWeather +RateBook +BookRestaurant +GetWeather +GetWeather +AddToPlaylist +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +RateBook +BookRestaurant +GetWeather +GetWeather +PlayMusic +BookRestaurant +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +GetWeather +AddToPlaylist +AddToPlaylist +RateBook +BookRestaurant +SearchCreativeWork +RateBook +RateBook +AddToPlaylist +BookRestaurant +AddToPlaylist +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +GetWeather +BookRestaurant +PlayMusic +RateBook +GetWeather +GetWeather +SearchScreeningEvent +GetWeather +SearchCreativeWork +PlayMusic +BookRestaurant +PlayMusic +BookRestaurant +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +PlayMusic +SearchScreeningEvent +GetWeather +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +RateBook +GetWeather +SearchScreeningEvent +BookRestaurant +GetWeather +RateBook +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +PlayMusic +AddToPlaylist +RateBook +PlayMusic +GetWeather +GetWeather +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +BookRestaurant +AddToPlaylist +BookRestaurant +GetWeather +GetWeather +PlayMusic +PlayMusic +SearchScreeningEvent +PlayMusic +RateBook +RateBook +RateBook +SearchCreativeWork +PlayMusic +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +GetWeather +RateBook +AddToPlaylist +RateBook +BookRestaurant +GetWeather +BookRestaurant +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +RateBook +SearchCreativeWork +PlayMusic +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +GetWeather +SearchScreeningEvent +BookRestaurant +GetWeather +SearchScreeningEvent +PlayMusic +PlayMusic +GetWeather +GetWeather +RateBook +PlayMusic +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +PlayMusic +GetWeather +GetWeather +SearchCreativeWork +SearchScreeningEvent +GetWeather +SearchScreeningEvent +PlayMusic +BookRestaurant +SearchCreativeWork +GetWeather +AddToPlaylist +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +RateBook +SearchCreativeWork +GetWeather +GetWeather +BookRestaurant +SearchCreativeWork +PlayMusic +SearchScreeningEvent +PlayMusic +GetWeather +PlayMusic +GetWeather +SearchCreativeWork +GetWeather +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchCreativeWork +RateBook +GetWeather +AddToPlaylist +RateBook +GetWeather +RateBook +BookRestaurant +RateBook +GetWeather +BookRestaurant +PlayMusic +BookRestaurant +PlayMusic +GetWeather +BookRestaurant +BookRestaurant +BookRestaurant +AddToPlaylist +BookRestaurant +AddToPlaylist +BookRestaurant +RateBook +SearchScreeningEvent +GetWeather +SearchScreeningEvent +GetWeather +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +GetWeather +SearchCreativeWork +BookRestaurant +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchScreeningEvent +GetWeather +PlayMusic +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +PlayMusic +PlayMusic +SearchCreativeWork +BookRestaurant +BookRestaurant +GetWeather +BookRestaurant +GetWeather +RateBook +SearchScreeningEvent +RateBook +AddToPlaylist +GetWeather +PlayMusic +PlayMusic +AddToPlaylist +AddToPlaylist +BookRestaurant +GetWeather +BookRestaurant +AddToPlaylist +RateBook +GetWeather +RateBook +SearchCreativeWork +RateBook +PlayMusic +BookRestaurant +AddToPlaylist +RateBook +BookRestaurant +PlayMusic +BookRestaurant +SearchScreeningEvent +PlayMusic +PlayMusic +GetWeather +GetWeather +PlayMusic +BookRestaurant +AddToPlaylist +RateBook +BookRestaurant +RateBook +PlayMusic +RateBook +SearchCreativeWork +RateBook +RateBook +SearchCreativeWork +AddToPlaylist +RateBook +SearchCreativeWork +SearchScreeningEvent +PlayMusic +PlayMusic +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +RateBook +PlayMusic +PlayMusic +BookRestaurant +SearchScreeningEvent +GetWeather +SearchScreeningEvent +RateBook +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchCreativeWork +PlayMusic +PlayMusic +GetWeather +GetWeather +SearchCreativeWork +PlayMusic +PlayMusic +RateBook +AddToPlaylist +AddToPlaylist +PlayMusic +BookRestaurant +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +BookRestaurant +AddToPlaylist +GetWeather +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +BookRestaurant +SearchCreativeWork +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +GetWeather +RateBook +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +AddToPlaylist +SearchCreativeWork +AddToPlaylist +BookRestaurant +SearchScreeningEvent +RateBook +RateBook +PlayMusic +AddToPlaylist +PlayMusic +GetWeather +RateBook +RateBook +RateBook +PlayMusic +SearchCreativeWork +AddToPlaylist +PlayMusic +PlayMusic +BookRestaurant +RateBook +RateBook +PlayMusic +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +PlayMusic +BookRestaurant +SearchCreativeWork +PlayMusic +SearchScreeningEvent +PlayMusic +BookRestaurant +RateBook +GetWeather +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +RateBook +GetWeather +RateBook +SearchCreativeWork +BookRestaurant +RateBook +GetWeather +SearchCreativeWork +AddToPlaylist +AddToPlaylist +AddToPlaylist +RateBook +RateBook +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +GetWeather +PlayMusic +SearchCreativeWork +GetWeather +GetWeather +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +RateBook +GetWeather +AddToPlaylist +SearchCreativeWork +RateBook +SearchCreativeWork +AddToPlaylist +PlayMusic +SearchCreativeWork +GetWeather +SearchCreativeWork +AddToPlaylist +BookRestaurant +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +BookRestaurant +SearchCreativeWork +PlayMusic +BookRestaurant +AddToPlaylist +PlayMusic +RateBook +BookRestaurant +BookRestaurant +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +PlayMusic +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +RateBook +PlayMusic +SearchCreativeWork +BookRestaurant +SearchCreativeWork +PlayMusic +SearchScreeningEvent +RateBook +RateBook +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +AddToPlaylist +BookRestaurant +PlayMusic +RateBook +SearchCreativeWork +GetWeather +RateBook +PlayMusic +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +RateBook +BookRestaurant +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchCreativeWork +PlayMusic +GetWeather +AddToPlaylist +SearchScreeningEvent +BookRestaurant +PlayMusic +BookRestaurant +GetWeather +BookRestaurant +RateBook +BookRestaurant +SearchCreativeWork +GetWeather +PlayMusic +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +SearchCreativeWork +RateBook +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +PlayMusic +BookRestaurant +RateBook +PlayMusic +AddToPlaylist +SearchCreativeWork +RateBook +SearchCreativeWork +GetWeather +SearchCreativeWork +PlayMusic +AddToPlaylist +GetWeather +AddToPlaylist +AddToPlaylist +GetWeather +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchScreeningEvent +GetWeather +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchCreativeWork +GetWeather +AddToPlaylist +BookRestaurant +SearchScreeningEvent +RateBook +GetWeather +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchCreativeWork +RateBook +GetWeather +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +GetWeather +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +GetWeather +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +BookRestaurant +PlayMusic +SearchScreeningEvent +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +PlayMusic +GetWeather +PlayMusic +GetWeather +GetWeather +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +PlayMusic +BookRestaurant +GetWeather +PlayMusic +GetWeather +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +BookRestaurant +PlayMusic +BookRestaurant +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +RateBook +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +GetWeather +SearchScreeningEvent +GetWeather +GetWeather +PlayMusic +GetWeather +SearchScreeningEvent +SearchScreeningEvent +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +RateBook +GetWeather +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +GetWeather +PlayMusic +SearchCreativeWork +AddToPlaylist +BookRestaurant +PlayMusic +RateBook +PlayMusic +RateBook +SearchScreeningEvent +RateBook +BookRestaurant +SearchCreativeWork +SearchCreativeWork +PlayMusic +PlayMusic +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +GetWeather +SearchCreativeWork +RateBook +SearchScreeningEvent +SearchScreeningEvent +GetWeather +RateBook +RateBook +SearchCreativeWork +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +RateBook +AddToPlaylist +GetWeather +BookRestaurant +SearchCreativeWork +BookRestaurant +SearchCreativeWork +GetWeather +SearchCreativeWork +AddToPlaylist +GetWeather +AddToPlaylist +AddToPlaylist +AddToPlaylist +PlayMusic +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +GetWeather +AddToPlaylist +GetWeather +RateBook +SearchCreativeWork +GetWeather +SearchScreeningEvent +BookRestaurant +RateBook +GetWeather +PlayMusic +GetWeather +PlayMusic +AddToPlaylist +BookRestaurant +BookRestaurant +PlayMusic +SearchScreeningEvent +BookRestaurant +GetWeather +GetWeather +RateBook +BookRestaurant +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +GetWeather +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +GetWeather +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +AddToPlaylist +RateBook +RateBook +GetWeather +SearchScreeningEvent +BookRestaurant +AddToPlaylist +AddToPlaylist +BookRestaurant +BookRestaurant +GetWeather +GetWeather +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +SearchCreativeWork +RateBook +BookRestaurant +BookRestaurant +AddToPlaylist +AddToPlaylist +RateBook +PlayMusic +SearchScreeningEvent +RateBook +RateBook +GetWeather +RateBook +SearchCreativeWork +GetWeather +SearchScreeningEvent +PlayMusic +BookRestaurant +GetWeather +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +RateBook +RateBook +PlayMusic +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +RateBook +SearchScreeningEvent +SearchCreativeWork +GetWeather +BookRestaurant +PlayMusic +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchScreeningEvent +BookRestaurant +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +RateBook +BookRestaurant +SearchCreativeWork +SearchCreativeWork +PlayMusic +SearchCreativeWork +GetWeather +BookRestaurant +BookRestaurant +GetWeather +AddToPlaylist +GetWeather +BookRestaurant +PlayMusic +AddToPlaylist +GetWeather +RateBook +AddToPlaylist +RateBook +RateBook +BookRestaurant +SearchCreativeWork +BookRestaurant +GetWeather +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +BookRestaurant +RateBook +RateBook +BookRestaurant +BookRestaurant +BookRestaurant +RateBook +SearchScreeningEvent +AddToPlaylist +GetWeather +SearchScreeningEvent +GetWeather +PlayMusic +RateBook +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +PlayMusic +RateBook +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +GetWeather +AddToPlaylist +RateBook +PlayMusic +PlayMusic +GetWeather +AddToPlaylist +SearchCreativeWork +RateBook +AddToPlaylist +AddToPlaylist +GetWeather +SearchCreativeWork +SearchScreeningEvent +GetWeather +GetWeather +SearchScreeningEvent +RateBook +GetWeather +SearchScreeningEvent +PlayMusic +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +BookRestaurant +RateBook +SearchScreeningEvent +PlayMusic +GetWeather +GetWeather +SearchCreativeWork +AddToPlaylist +PlayMusic +GetWeather +BookRestaurant +GetWeather +PlayMusic +GetWeather +BookRestaurant +AddToPlaylist +RateBook +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +PlayMusic +BookRestaurant +GetWeather +AddToPlaylist +GetWeather +SearchCreativeWork +AddToPlaylist +GetWeather +PlayMusic +RateBook +AddToPlaylist +BookRestaurant +AddToPlaylist +GetWeather +SearchScreeningEvent +AddToPlaylist +PlayMusic +PlayMusic +GetWeather +SearchCreativeWork +AddToPlaylist +AddToPlaylist +GetWeather +PlayMusic +SearchCreativeWork +AddToPlaylist +AddToPlaylist +PlayMusic +PlayMusic +RateBook +RateBook +SearchScreeningEvent +PlayMusic +GetWeather +SearchCreativeWork +SearchCreativeWork +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +RateBook +AddToPlaylist +BookRestaurant +RateBook +PlayMusic +PlayMusic +RateBook +BookRestaurant +BookRestaurant +GetWeather +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchCreativeWork +RateBook +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +RateBook +PlayMusic +SearchScreeningEvent +BookRestaurant +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +SearchCreativeWork +GetWeather +RateBook +PlayMusic +SearchScreeningEvent +GetWeather +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +BookRestaurant +RateBook +RateBook +SearchCreativeWork +SearchCreativeWork +PlayMusic +SearchScreeningEvent +RateBook +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +GetWeather +PlayMusic +BookRestaurant +GetWeather +GetWeather +AddToPlaylist +PlayMusic +SearchScreeningEvent +RateBook +SearchCreativeWork +AddToPlaylist +PlayMusic +BookRestaurant +RateBook +PlayMusic +SearchCreativeWork +GetWeather +SearchCreativeWork +BookRestaurant +RateBook +PlayMusic +SearchCreativeWork +GetWeather +AddToPlaylist +BookRestaurant +AddToPlaylist +SearchScreeningEvent +GetWeather +BookRestaurant +RateBook +SearchCreativeWork +BookRestaurant +GetWeather +PlayMusic +SearchScreeningEvent +RateBook +SearchScreeningEvent +SearchScreeningEvent +RateBook +RateBook +BookRestaurant +SearchScreeningEvent +BookRestaurant +GetWeather +SearchScreeningEvent +SearchScreeningEvent +RateBook +SearchScreeningEvent +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +SearchCreativeWork +GetWeather +SearchCreativeWork +RateBook +RateBook +BookRestaurant +GetWeather +GetWeather +RateBook +PlayMusic +PlayMusic +GetWeather +RateBook +SearchCreativeWork +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchCreativeWork +PlayMusic +RateBook +PlayMusic +GetWeather +GetWeather +GetWeather +BookRestaurant +GetWeather +SearchCreativeWork +GetWeather +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +RateBook +RateBook +GetWeather +SearchCreativeWork +GetWeather +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +BookRestaurant +AddToPlaylist +RateBook +AddToPlaylist +AddToPlaylist +PlayMusic +PlayMusic +SearchCreativeWork +SearchCreativeWork +RateBook +AddToPlaylist +BookRestaurant +PlayMusic +PlayMusic +SearchScreeningEvent +AddToPlaylist +RateBook +RateBook +SearchScreeningEvent +RateBook +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +PlayMusic +SearchScreeningEvent +PlayMusic +AddToPlaylist +PlayMusic +AddToPlaylist +PlayMusic +BookRestaurant +PlayMusic +AddToPlaylist +SearchScreeningEvent +PlayMusic +GetWeather +PlayMusic +AddToPlaylist +BookRestaurant +GetWeather +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +RateBook +PlayMusic +SearchCreativeWork +RateBook +RateBook +PlayMusic +AddToPlaylist +AddToPlaylist +AddToPlaylist +PlayMusic +PlayMusic +BookRestaurant +SearchScreeningEvent +RateBook +GetWeather +BookRestaurant +PlayMusic +PlayMusic +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +AddToPlaylist +PlayMusic +AddToPlaylist +GetWeather +PlayMusic +BookRestaurant +SearchCreativeWork +BookRestaurant +AddToPlaylist +SearchCreativeWork +BookRestaurant +BookRestaurant +PlayMusic +GetWeather +SearchScreeningEvent +BookRestaurant +PlayMusic +SearchScreeningEvent +GetWeather +RateBook +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +RateBook +BookRestaurant +GetWeather +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +RateBook +AddToPlaylist +BookRestaurant +PlayMusic +RateBook +RateBook +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchScreeningEvent +RateBook +GetWeather +AddToPlaylist +SearchScreeningEvent +RateBook +PlayMusic +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +GetWeather +PlayMusic +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +RateBook +BookRestaurant +AddToPlaylist +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +AddToPlaylist +BookRestaurant +RateBook +BookRestaurant +GetWeather +RateBook +AddToPlaylist +AddToPlaylist +GetWeather +GetWeather +RateBook +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchCreativeWork +GetWeather +RateBook +SearchCreativeWork +AddToPlaylist +GetWeather +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +AddToPlaylist +GetWeather +SearchCreativeWork +SearchCreativeWork +GetWeather +SearchCreativeWork +AddToPlaylist +RateBook +RateBook +RateBook +GetWeather +SearchScreeningEvent +GetWeather +PlayMusic +RateBook +PlayMusic +SearchCreativeWork +SearchScreeningEvent +GetWeather +RateBook +RateBook +SearchCreativeWork +PlayMusic +RateBook +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +RateBook +SearchScreeningEvent +PlayMusic +BookRestaurant +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +RateBook +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +PlayMusic +RateBook +GetWeather +GetWeather +SearchScreeningEvent +RateBook +BookRestaurant +AddToPlaylist +GetWeather +AddToPlaylist +SearchCreativeWork +BookRestaurant +GetWeather +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +GetWeather +GetWeather +BookRestaurant +AddToPlaylist +PlayMusic +RateBook +SearchCreativeWork +GetWeather +RateBook +SearchCreativeWork +RateBook +GetWeather +AddToPlaylist +SearchCreativeWork +AddToPlaylist +PlayMusic +PlayMusic +RateBook +PlayMusic +PlayMusic +GetWeather +SearchCreativeWork +GetWeather +BookRestaurant +GetWeather +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +PlayMusic +RateBook +BookRestaurant +PlayMusic +GetWeather +BookRestaurant +SearchCreativeWork +PlayMusic +PlayMusic +PlayMusic +AddToPlaylist +GetWeather +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +SearchScreeningEvent +PlayMusic +BookRestaurant +SearchCreativeWork +SearchCreativeWork +GetWeather +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +AddToPlaylist +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +BookRestaurant +AddToPlaylist +RateBook +PlayMusic +BookRestaurant +GetWeather +SearchCreativeWork +BookRestaurant +PlayMusic +GetWeather +RateBook +GetWeather +PlayMusic +RateBook +PlayMusic +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +GetWeather +SearchCreativeWork +GetWeather +AddToPlaylist +AddToPlaylist +BookRestaurant +RateBook +PlayMusic +BookRestaurant +PlayMusic +GetWeather +BookRestaurant +PlayMusic +SearchScreeningEvent +SearchCreativeWork +PlayMusic +AddToPlaylist +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +AddToPlaylist +GetWeather +RateBook +RateBook +SearchCreativeWork +RateBook +SearchCreativeWork +BookRestaurant +PlayMusic +BookRestaurant +SearchScreeningEvent +RateBook +BookRestaurant +GetWeather +PlayMusic +AddToPlaylist +SearchScreeningEvent +GetWeather +RateBook +GetWeather +GetWeather +RateBook +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +GetWeather +SearchCreativeWork +AddToPlaylist +BookRestaurant +RateBook +BookRestaurant +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +GetWeather +RateBook +RateBook +SearchCreativeWork +SearchCreativeWork +GetWeather +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +GetWeather +AddToPlaylist +AddToPlaylist +PlayMusic +GetWeather +GetWeather +SearchCreativeWork +GetWeather +SearchScreeningEvent +RateBook +PlayMusic +SearchScreeningEvent +PlayMusic +RateBook +RateBook +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +RateBook +BookRestaurant +AddToPlaylist +GetWeather +GetWeather +RateBook +RateBook +AddToPlaylist +BookRestaurant +GetWeather +BookRestaurant +AddToPlaylist +RateBook +PlayMusic +BookRestaurant +AddToPlaylist +GetWeather +BookRestaurant +AddToPlaylist +GetWeather +PlayMusic +GetWeather +SearchScreeningEvent +RateBook +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchCreativeWork +GetWeather +SearchCreativeWork +BookRestaurant +BookRestaurant +GetWeather +PlayMusic +PlayMusic +BookRestaurant +PlayMusic +GetWeather +GetWeather +SearchScreeningEvent +BookRestaurant +RateBook +PlayMusic +RateBook +AddToPlaylist +RateBook +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +PlayMusic +AddToPlaylist +PlayMusic +BookRestaurant +SearchScreeningEvent +RateBook +AddToPlaylist +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchScreeningEvent +RateBook +BookRestaurant +GetWeather +RateBook +RateBook +AddToPlaylist +RateBook +AddToPlaylist +PlayMusic +BookRestaurant +AddToPlaylist +RateBook +SearchScreeningEvent +RateBook +GetWeather +PlayMusic +PlayMusic +AddToPlaylist +PlayMusic +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +GetWeather +AddToPlaylist +BookRestaurant +SearchCreativeWork +GetWeather +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +GetWeather +BookRestaurant +RateBook +PlayMusic +PlayMusic +BookRestaurant +RateBook +SearchCreativeWork +RateBook +AddToPlaylist +GetWeather +GetWeather +AddToPlaylist +BookRestaurant +GetWeather +GetWeather +AddToPlaylist +AddToPlaylist +GetWeather +BookRestaurant +GetWeather +PlayMusic +BookRestaurant +PlayMusic +SearchCreativeWork +GetWeather +GetWeather +RateBook +BookRestaurant +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +RateBook +GetWeather +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +AddToPlaylist +GetWeather +PlayMusic +AddToPlaylist +GetWeather +PlayMusic +BookRestaurant +SearchCreativeWork +GetWeather +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +SearchCreativeWork +RateBook +SearchScreeningEvent +PlayMusic +RateBook +RateBook +SearchCreativeWork +BookRestaurant +GetWeather +SearchCreativeWork +PlayMusic +GetWeather +RateBook +BookRestaurant +PlayMusic +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +RateBook +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +GetWeather +RateBook +GetWeather +GetWeather +BookRestaurant +BookRestaurant +SearchCreativeWork +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +BookRestaurant +PlayMusic +AddToPlaylist +BookRestaurant +SearchScreeningEvent +BookRestaurant +PlayMusic +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +PlayMusic +AddToPlaylist +RateBook +GetWeather +GetWeather +AddToPlaylist +GetWeather +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +PlayMusic +GetWeather +AddToPlaylist +SearchScreeningEvent +PlayMusic +GetWeather +RateBook +PlayMusic +RateBook +RateBook +AddToPlaylist +BookRestaurant +RateBook +PlayMusic +SearchScreeningEvent +RateBook +AddToPlaylist +PlayMusic +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +RateBook +SearchCreativeWork +PlayMusic +GetWeather +AddToPlaylist +SearchScreeningEvent +SearchCreativeWork +GetWeather +GetWeather +SearchScreeningEvent +GetWeather +AddToPlaylist +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +RateBook +PlayMusic +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchCreativeWork +GetWeather +SearchCreativeWork +GetWeather +GetWeather +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +GetWeather +GetWeather +PlayMusic +PlayMusic +BookRestaurant +RateBook +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +GetWeather +SearchScreeningEvent +GetWeather +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +RateBook +RateBook +SearchCreativeWork +SearchScreeningEvent +GetWeather +BookRestaurant +PlayMusic +SearchCreativeWork +PlayMusic +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +BookRestaurant +SearchCreativeWork +AddToPlaylist +RateBook +PlayMusic +PlayMusic +AddToPlaylist +GetWeather +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +BookRestaurant +SearchCreativeWork +BookRestaurant +AddToPlaylist +AddToPlaylist +RateBook +AddToPlaylist +BookRestaurant +SearchScreeningEvent +PlayMusic +AddToPlaylist +RateBook +RateBook +BookRestaurant +SearchCreativeWork +RateBook +SearchScreeningEvent +BookRestaurant +RateBook +GetWeather +SearchScreeningEvent +RateBook +BookRestaurant +AddToPlaylist +AddToPlaylist +PlayMusic +AddToPlaylist +PlayMusic +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +PlayMusic +BookRestaurant +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +RateBook +PlayMusic +RateBook +GetWeather +GetWeather +RateBook +RateBook +BookRestaurant +AddToPlaylist +PlayMusic +RateBook +SearchScreeningEvent +PlayMusic +BookRestaurant +SearchCreativeWork +RateBook +BookRestaurant +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +PlayMusic +BookRestaurant +GetWeather +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +GetWeather +PlayMusic +PlayMusic +AddToPlaylist +RateBook +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +GetWeather +PlayMusic +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +GetWeather +BookRestaurant +PlayMusic +GetWeather +PlayMusic +SearchCreativeWork +RateBook +SearchCreativeWork +SearchScreeningEvent +SearchCreativeWork +RateBook +BookRestaurant +BookRestaurant +RateBook +RateBook +SearchCreativeWork +AddToPlaylist +GetWeather +AddToPlaylist +RateBook +SearchScreeningEvent +AddToPlaylist +BookRestaurant +BookRestaurant +BookRestaurant +AddToPlaylist +BookRestaurant +GetWeather +SearchCreativeWork +AddToPlaylist +PlayMusic +RateBook +SearchCreativeWork +RateBook +RateBook +RateBook +PlayMusic +BookRestaurant +BookRestaurant +PlayMusic +SearchCreativeWork +AddToPlaylist +SearchCreativeWork +SearchScreeningEvent +GetWeather +SearchScreeningEvent +RateBook +RateBook +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +AddToPlaylist +PlayMusic +GetWeather +RateBook +RateBook +PlayMusic +GetWeather +SearchScreeningEvent +PlayMusic +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +BookRestaurant +BookRestaurant +GetWeather +SearchCreativeWork +BookRestaurant +AddToPlaylist +AddToPlaylist +PlayMusic +GetWeather +SearchCreativeWork +AddToPlaylist +SearchScreeningEvent +GetWeather +GetWeather +GetWeather +AddToPlaylist +AddToPlaylist +GetWeather +RateBook +AddToPlaylist +PlayMusic +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +PlayMusic +BookRestaurant +GetWeather +GetWeather +RateBook +AddToPlaylist +AddToPlaylist +AddToPlaylist +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +PlayMusic +SearchCreativeWork +PlayMusic +GetWeather +SearchScreeningEvent +RateBook +SearchCreativeWork +PlayMusic +SearchCreativeWork +PlayMusic +SearchScreeningEvent +RateBook +SearchCreativeWork +RateBook +BookRestaurant +GetWeather +GetWeather +RateBook +BookRestaurant +BookRestaurant +PlayMusic +BookRestaurant +RateBook +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +RateBook +AddToPlaylist +SearchScreeningEvent +PlayMusic +SearchCreativeWork +RateBook +BookRestaurant +RateBook +PlayMusic +PlayMusic +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +GetWeather +SearchCreativeWork +AddToPlaylist +AddToPlaylist +SearchCreativeWork +AddToPlaylist +AddToPlaylist +GetWeather +PlayMusic +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +BookRestaurant +PlayMusic +GetWeather +RateBook +RateBook +GetWeather +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +BookRestaurant +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +GetWeather +AddToPlaylist +GetWeather +RateBook +GetWeather +SearchScreeningEvent +GetWeather +BookRestaurant +AddToPlaylist +GetWeather +RateBook +RateBook +BookRestaurant +SearchScreeningEvent +BookRestaurant +PlayMusic +PlayMusic +PlayMusic +AddToPlaylist +RateBook +RateBook +AddToPlaylist +RateBook +GetWeather +AddToPlaylist +AddToPlaylist +SearchCreativeWork +RateBook +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchCreativeWork +BookRestaurant +RateBook +RateBook +RateBook +BookRestaurant +BookRestaurant +RateBook +RateBook +BookRestaurant +BookRestaurant +SearchScreeningEvent +BookRestaurant +AddToPlaylist +AddToPlaylist +BookRestaurant +RateBook +RateBook +BookRestaurant +PlayMusic +BookRestaurant +SearchScreeningEvent +GetWeather +GetWeather +GetWeather +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +GetWeather +GetWeather +AddToPlaylist +AddToPlaylist +RateBook +GetWeather +RateBook +PlayMusic +SearchScreeningEvent +SearchCreativeWork +PlayMusic +BookRestaurant +BookRestaurant +AddToPlaylist +PlayMusic +RateBook +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchCreativeWork +BookRestaurant +PlayMusic +PlayMusic +PlayMusic +SearchScreeningEvent +SearchCreativeWork +PlayMusic +SearchCreativeWork +RateBook +GetWeather +SearchScreeningEvent +PlayMusic +BookRestaurant +SearchCreativeWork +SearchCreativeWork +GetWeather +GetWeather +AddToPlaylist +BookRestaurant +RateBook +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +PlayMusic +SearchScreeningEvent +GetWeather +GetWeather +SearchCreativeWork +GetWeather +AddToPlaylist +AddToPlaylist +PlayMusic +SearchCreativeWork +RateBook +GetWeather +SearchCreativeWork +PlayMusic +PlayMusic +GetWeather +AddToPlaylist +GetWeather +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchCreativeWork +GetWeather +AddToPlaylist +GetWeather +BookRestaurant +BookRestaurant +BookRestaurant +AddToPlaylist +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +GetWeather +GetWeather +PlayMusic +SearchScreeningEvent +RateBook +RateBook +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +RateBook +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +AddToPlaylist +GetWeather +SearchCreativeWork +RateBook +BookRestaurant +SearchCreativeWork +BookRestaurant +PlayMusic +RateBook +GetWeather +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +GetWeather +GetWeather +RateBook +AddToPlaylist +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +AddToPlaylist +RateBook +SearchCreativeWork +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +PlayMusic +SearchCreativeWork +GetWeather +BookRestaurant +BookRestaurant +AddToPlaylist +RateBook +SearchScreeningEvent +RateBook +PlayMusic +SearchScreeningEvent +SearchCreativeWork +BookRestaurant +PlayMusic +PlayMusic +PlayMusic +SearchCreativeWork +SearchCreativeWork +BookRestaurant +RateBook +RateBook +SearchCreativeWork +GetWeather +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +GetWeather +PlayMusic +GetWeather +AddToPlaylist +BookRestaurant +AddToPlaylist +BookRestaurant +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +RateBook +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +AddToPlaylist +GetWeather +AddToPlaylist +PlayMusic +AddToPlaylist +BookRestaurant +SearchScreeningEvent +PlayMusic +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +GetWeather +SearchScreeningEvent +SearchScreeningEvent +RateBook +PlayMusic +RateBook +SearchCreativeWork +SearchCreativeWork +GetWeather +SearchCreativeWork +AddToPlaylist +RateBook +PlayMusic +BookRestaurant +SearchCreativeWork +SearchCreativeWork +BookRestaurant +AddToPlaylist +SearchCreativeWork +PlayMusic +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchScreeningEvent +RateBook +SearchScreeningEvent +SearchCreativeWork +PlayMusic +BookRestaurant +SearchScreeningEvent +RateBook +PlayMusic +GetWeather +BookRestaurant +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +AddToPlaylist +RateBook +BookRestaurant +SearchScreeningEvent +PlayMusic +PlayMusic +SearchCreativeWork +GetWeather +BookRestaurant +AddToPlaylist +GetWeather +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +PlayMusic +BookRestaurant +AddToPlaylist +SearchScreeningEvent +PlayMusic +GetWeather +PlayMusic +SearchCreativeWork +PlayMusic +RateBook +AddToPlaylist +BookRestaurant +AddToPlaylist +BookRestaurant +SearchCreativeWork +GetWeather +SearchCreativeWork +SearchCreativeWork +AddToPlaylist +GetWeather +SearchScreeningEvent +AddToPlaylist +PlayMusic +RateBook +GetWeather +RateBook +GetWeather +BookRestaurant +GetWeather +BookRestaurant +SearchCreativeWork +BookRestaurant +BookRestaurant +BookRestaurant +GetWeather +RateBook +GetWeather +GetWeather +GetWeather +RateBook +SearchCreativeWork +SearchCreativeWork +RateBook +PlayMusic +BookRestaurant +BookRestaurant +BookRestaurant +RateBook +SearchCreativeWork +BookRestaurant +RateBook +SearchScreeningEvent +GetWeather +SearchCreativeWork +RateBook +PlayMusic +AddToPlaylist +PlayMusic +RateBook +RateBook +PlayMusic +AddToPlaylist +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +SearchScreeningEvent +GetWeather +AddToPlaylist +SearchScreeningEvent +PlayMusic +GetWeather +BookRestaurant +GetWeather +PlayMusic +SearchScreeningEvent +GetWeather +GetWeather +BookRestaurant +PlayMusic +BookRestaurant +AddToPlaylist +GetWeather +GetWeather +GetWeather +PlayMusic +RateBook +BookRestaurant +SearchScreeningEvent +RateBook +BookRestaurant +BookRestaurant +BookRestaurant +SearchCreativeWork +PlayMusic +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +PlayMusic +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +RateBook +PlayMusic +GetWeather +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchCreativeWork +AddToPlaylist +GetWeather +RateBook +GetWeather +SearchCreativeWork +AddToPlaylist +GetWeather +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +PlayMusic +RateBook +AddToPlaylist +RateBook +SearchScreeningEvent +PlayMusic +GetWeather +AddToPlaylist +GetWeather +BookRestaurant +AddToPlaylist +BookRestaurant +RateBook +GetWeather +BookRestaurant +BookRestaurant +BookRestaurant +BookRestaurant +SearchScreeningEvent +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +GetWeather +SearchCreativeWork +RateBook +RateBook +GetWeather +SearchScreeningEvent +PlayMusic +AddToPlaylist +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +BookRestaurant +PlayMusic +GetWeather +SearchCreativeWork +RateBook +AddToPlaylist +SearchCreativeWork +PlayMusic +SearchCreativeWork +SearchCreativeWork +RateBook +SearchCreativeWork +SearchCreativeWork +GetWeather +BookRestaurant +BookRestaurant +SearchCreativeWork +AddToPlaylist +PlayMusic +SearchCreativeWork +RateBook +AddToPlaylist +GetWeather +BookRestaurant +PlayMusic +GetWeather +PlayMusic +SearchCreativeWork +PlayMusic +SearchScreeningEvent +AddToPlaylist +RateBook +GetWeather +PlayMusic +PlayMusic +BookRestaurant +PlayMusic +SearchCreativeWork +GetWeather +PlayMusic +BookRestaurant +PlayMusic +RateBook +AddToPlaylist +PlayMusic +GetWeather +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +PlayMusic +RateBook +RateBook +GetWeather +AddToPlaylist +GetWeather +GetWeather +BookRestaurant +AddToPlaylist +BookRestaurant +SearchCreativeWork +SearchCreativeWork +RateBook +SearchCreativeWork +GetWeather +SearchCreativeWork +RateBook +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +RateBook +AddToPlaylist +GetWeather +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +SearchScreeningEvent +SearchScreeningEvent +SearchCreativeWork +SearchScreeningEvent +RateBook +SearchCreativeWork +BookRestaurant +PlayMusic +BookRestaurant +RateBook +PlayMusic +GetWeather +BookRestaurant +PlayMusic +SearchScreeningEvent +RateBook +SearchScreeningEvent +BookRestaurant +PlayMusic +AddToPlaylist +RateBook +SearchScreeningEvent +BookRestaurant +GetWeather +PlayMusic +SearchScreeningEvent +PlayMusic +SearchCreativeWork +SearchScreeningEvent +RateBook +PlayMusic +GetWeather +PlayMusic +RateBook +SearchScreeningEvent +RateBook +SearchCreativeWork +RateBook +GetWeather +RateBook +BookRestaurant +GetWeather +GetWeather +AddToPlaylist +SearchCreativeWork +PlayMusic +BookRestaurant +SearchScreeningEvent +BookRestaurant +SearchCreativeWork +GetWeather +SearchCreativeWork +BookRestaurant +PlayMusic +AddToPlaylist +AddToPlaylist +PlayMusic +AddToPlaylist +SearchCreativeWork +SearchCreativeWork +SearchScreeningEvent +RateBook +AddToPlaylist +SearchCreativeWork +RateBook +BookRestaurant +GetWeather +RateBook +SearchScreeningEvent +BookRestaurant +SearchScreeningEvent +AddToPlaylist +BookRestaurant +RateBook +GetWeather +BookRestaurant +GetWeather +GetWeather +SearchScreeningEvent +PlayMusic +RateBook +SearchCreativeWork +PlayMusic +PlayMusic +GetWeather +PlayMusic +PlayMusic +BookRestaurant +SearchCreativeWork +SearchScreeningEvent +AddToPlaylist +GetWeather +GetWeather +AddToPlaylist +AddToPlaylist +RateBook +BookRestaurant +SearchScreeningEvent +RateBook +BookRestaurant +BookRestaurant +AddToPlaylist +RateBook +SearchScreeningEvent +RateBook +RateBook +BookRestaurant +PlayMusic +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +GetWeather +GetWeather +PlayMusic +BookRestaurant +GetWeather +RateBook +PlayMusic +SearchCreativeWork +AddToPlaylist +PlayMusic +AddToPlaylist +AddToPlaylist +AddToPlaylist +SearchCreativeWork +PlayMusic +PlayMusic +PlayMusic +PlayMusic +SearchCreativeWork +PlayMusic +BookRestaurant +RateBook +AddToPlaylist +SearchScreeningEvent +PlayMusic +AddToPlaylist +GetWeather +RateBook +GetWeather +PlayMusic +SearchScreeningEvent +SearchCreativeWork +GetWeather +AddToPlaylist +PlayMusic +RateBook +RateBook +PlayMusic +AddToPlaylist +AddToPlaylist +RateBook +SearchCreativeWork +RateBook +SearchCreativeWork +RateBook +SearchCreativeWork +SearchCreativeWork +BookRestaurant +SearchScreeningEvent +PlayMusic +SearchCreativeWork +RateBook +PlayMusic +SearchCreativeWork +BookRestaurant +RateBook +AddToPlaylist +BookRestaurant +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +GetWeather +SearchCreativeWork +BookRestaurant +PlayMusic +BookRestaurant +AddToPlaylist +SearchScreeningEvent +GetWeather +AddToPlaylist +AddToPlaylist +AddToPlaylist +AddToPlaylist +BookRestaurant +AddToPlaylist +BookRestaurant +GetWeather +SearchScreeningEvent +SearchScreeningEvent +PlayMusic +SearchCreativeWork +RateBook +RateBook +RateBook +RateBook +BookRestaurant +RateBook +PlayMusic +BookRestaurant +AddToPlaylist +SearchScreeningEvent +SearchScreeningEvent +RateBook +AddToPlaylist +GetWeather +GetWeather +SearchCreativeWork +RateBook +PlayMusic +SearchScreeningEvent +RateBook +SearchCreativeWork +PlayMusic +BookRestaurant +RateBook +RateBook +GetWeather +GetWeather +PlayMusic +SearchScreeningEvent +SearchCreativeWork +GetWeather +SearchCreativeWork +BookRestaurant +GetWeather +GetWeather +SearchCreativeWork +GetWeather +PlayMusic +SearchScreeningEvent +SearchScreeningEvent +BookRestaurant +GetWeather +SearchScreeningEvent +RateBook +SearchCreativeWork +SearchScreeningEvent +BookRestaurant +BookRestaurant +PlayMusic +RateBook +SearchCreativeWork +RateBook diff --git a/JointBERT-master/data/snips/train/seq.in b/JointBERT-master/data/snips/train/seq.in new file mode 100644 index 0000000000000000000000000000000000000000..cfec7c042b91d5380cec594829eb72391ac8a94f --- /dev/null +++ b/JointBERT-master/data/snips/train/seq.in @@ -0,0 +1,13084 @@ +listen to westbam alumb allergic on google music +add step to me to the 50 clásicos playlist +i give this current textbook a rating value of 1 and a best rating of 6 +play the song little robin redbreast +please add iris dement to my playlist this is selena +add slimm cutta calhoun to my this is prince playlist +i want to listen to seventies music +play a popular chant by brian epstein +find fish story +book a spot for 3 in mt +i need a forecast for jetmore massachusetts in 1 hour and 1 second from now +rate this series a 5 +give me a list of movie times for films in the area +can you play me some eighties music by adele +please let me know the weather forcast of stanislaus national forest far in nine months +book a restaurant for eight people in six years +i need to book a restaurant in fork mountain sc for valarie mari and i +add to playlist confidence boost here comes santa claus +book a restaurant at sixteen o clock in sc +add another artist to the spotlight on country 2016 playlist +find a movie house showing cage without a key +add sugarolly days to my list your favorite slaughterhouse +show me the picture creatures of light and darkness +search for the adventures of cookie & cream +add this track to my global funk +find animated movies nearest at a movie house +play hell house song +give this novel 5 stars +find me showtimes for animated movies in the neighbourhood +find movie times +play the top-20 best chicane songs on deezer +i want to give this current textbook 4 points +add manuelita to my indiespensables playlist +show movie schedules for douglas theatre company +i d like to see the show onion sportsdome +i d like to go to the popular bistro in oh +what s the weather in my current spot the day after tomorrow +play playlist the realest down south +add this artist to gretchen s soul revived playlist +find a video game called victory march +find a novel called industry +book a taverna that serves vichyssoise within walking distance in oh +let me see the movie schedule for seed of chucky +play a chant by mj cole +what is the weather like in the city of frewen in the country of venezuela +put this song on my playlist in the name of blues +will it be colder in ohio +rate this album a 1 +in the area find some films +what times will the young swordsman be showing at a local cinema +book a brasserie for one +play all of your toys by chris ledoux +i want to hear a joel hastings melody +i want to book a restaurant not far from our college +rate in stars as a 6 for lord of the shadows which gets a four +add rak biszewilo to my playlist named jazz +rate my current book 1 out of 6 +what is the weather not far from upper klamath national wildlife refuge +add falling upstairs to the playlist named chill out +will it storm in charles pinckney national historic site +play techno on lastfm +add the entire album into indie español +for the textbook out of 6 possible i give the following one a 3 +show me the movie schedule for star theatres +please find the movie dancing girl +rate this book 0 out of 6 +is happy ghost iii at caribbean cinemas +play theme by yanni on vimeo +rate the current novel a 3 +can you pull up a track on zvooq by graham mcpherson +find resurrection of evil +find playstation官方杂志 a song +rate the current essay 2 out of 6 +add this album to the playlist called dishwashing +find young miss holmes +i give christianity not mysterious 1 out of 6 points +i d like to go to the venetian theatre in gabon party of seven +is it supposed to rain nearby my current location at 0 o clock +give zero / 6 stars to the current album +put playa fly onto my 2010 decade playlist +show me the painting called fool for love +rate what the dog saw a two +find a video game called a stroll in the pork +add bret mckenzie to my pop commute playlist +what is the weather supposed to be like in new jersey three months from now +find the song called international journal of bilingualism +what films are playing at goodrich quality theaters +i rated the island of adventure saga a 2 of 6 +i m looking for the trailer of highlands today +add this song to my playlist named wild country +rate the princess mouse: a tale of finland one of 6 +search for police women of cincinnati +add artist to lo mejor de los 00 s +i d like johnny nash to be put into my playlist always pop punk +find the they came from somewhere else saga +i want to watch the television show naked ii +book a reservation for a pub with ma po tofu in moldova +show the three tales album +put this album in shuffle syndrome +book me seats for 6 at the best brasserie that serves marche neighboring my hostel +play caitlin cary from the fourties +add a track to my hands up playlist +i d like to see the saga tamagotchi 64: minna de tamagotchi world +give the search for the snow leopard a rating of zero of 6 stars +for the book tale of the toa i give five points +will it be warmer now in covenant life +play rap album one by gene vincent +i want to book the hat for my grandfather and i in arkansas +book a tea place at seven +find the movie schedule for animated movies around here +add rosemary clooney to pura vida playlist +i need a reservation for 6 pm with a party of 10 at sand lake +what is the picture called lest we forget: the best of +find a photograph called call on me +add tune to my hype playlist +what films are playing at the nearest movie theatre +add por una cabeza to my playlist called this is new edition +play a scott lafaro soundtrack +add wastedagain to the wild & free workout playlist +add this track to duetos +find an art called cassidy +i want to eat at a pickled cucumber brasserie in 12 months +give this saga a 1 +add the song to the dub on the beach playlist +i need a table at the ledbury at 18 o clock +will it be humid in beedeville on november 20 +i want to give the canon of medicine one out of 6 stars +play music from 2014 +play iheart +please look up the falls church news-press album +find a television show called merced sun-star +find the closest movie theatre with films +can you pull up channel m news +play 2011 music +find a song called be quick or be dead +is live from sturgis 2006 playing at four o clock at the nearest cinema +she me movie times +put deep purple on this is jennifer lopez +what is the weather in sint maarten +give 5 points to the deathlord of ixia +which films are playing at malco theatres +play lorenzo palacios quispe +add this track to the classical music for smart kids playlist +give five out of 6 to this novel +give two out of 6 to a christmas carol +show movie schedules +find me the picture entitled i’ll take care of you +give this textbook zero out of 6 points +weather for close-by parc national de kolkheti +i d like a table in a smoking room in a taverna on sep 23 2023 +i give it a rating value of four to 6 to a book called liberalism and the limits of justice +add om to my classic punk +rate the current novel 0 of 6 +book me a table for seven people at a bar with a pool +i want to listen to swing music on iheart +rate this essay a two +use netflix to play music +what will the weather be like 19 minutes from now in nepal +include laarni lozada on endorphin rush playlist +make a reservation for 9 at a brasserie with parking +add my track to old school metal playlist +what are the movie schedules for movies around here +what s the weather forecast for moss hill +what will the weather be like not far from alabama on may 9 2037 +play takes place in your work space by eddie kendricks +ethiopia ellenton has snow weather at eight pm +find jono and ben +play top-twenty song from 2015 +i need seating at floating restaurant in tennessee for a group of 9 +play music on groove shark +give two stars to current chronicle +find the boys in the band +i d like to find the soundtrack tianjin today evening news +show the philosophy and phenomenological research saga +what are the movie schedules +wish to hear the album since i saw you last +what is the closest movie theatre that is playing moment to moment +find a novel called east liberty +where is the chief cook playing +can you play something from 1966 by mc ren on spotify +play music from 2005 by justin broadrick +i want to add a song by w c clark to my nerding around playlist +add parempi mies to the café con leche playlist +put this track on alok house party playlist +rate this saga two with a bet rating of 6 +find movie times for close by movies +i give this next essay zero out of 6 points +play me a song by michael diamond +show creativity of all for one +i d like to watch movies at the closest movie theatre +what s the weather going to be in 7 hours in fm +add the crabfish to my playlist called the sleep machine rainforest +where can i find the photograph of mr blobby +what is the forecast for cold temps in nevada +i need a reservation for four this year at a restaurant +play the song jingle bells +play some 1993 concerto off of slacker +book a spot for 1 at a south american restaurant +book a spot at a taverna for my cousin and i in burundi +play the top song from damon albarn using slacker +find the show go with the flow +add heresy and the hotel choir to the evening acoustic playlist +add songs tune in reggae infusions +i give the last textbook one out of 6 points +book a restaurant on june the fifth in cavour +add the patty patty sound to my metal talks kreator playlist +rate this essay a four +book a spot for 4 at a restaurant in shambaugh md +give me the weather forecast for lower lake on sep 21 2038 +add slave to the rhythm to the playlist massive soca hits +add the block brochure welcome to the soil 6 onto my café con leche list +looking for video game for those who would walk with the gods +can i get a table at the fort +find the schedule for rare birds at the nearest movie theatre at noon +rate this chronicle one of 6 points +the current saga deserves a 5 rating +what will the weather be at my current location on december the 2nd 2029 +is goodbye mr chips showing twelve minutes from now +add testifying to donna s tokyo rising palylist +when is you walk so softly playing at kerasotes theatres +find the hundred-foot journey +this book gets points for being current and a three +find the magical world of roger whittaker +add dr know to my todo alternativo playlist +find me the seven-ups +add the name cry like a baby to my a mis niños de 30 playlist +add matthew helders artist in showstopper being mary jane +what is the forecast for temperate weather in bellechester +can you find me the trailer of the hippocratic oath +play the happiest days of our lives by tommy emmanuel +play the fool on the hill by khwaja ghulam farid +book a restaurant not far in milladore for 6 people +rate the current novel zero points +play a twenties tune by jodie aysha +play twenties music off of my itunes +rate the firebrand one of 6 stars +book a restaurant for 2 at a cafe that i can get a croissant at +rate the travels of lao can five out of 6 +what time is the rocketeer showing +play music from 2015 +play inventions for the new season +add this track to new hip hop +can you find the album simplescreenrecorder +add a track to my classical feast playlist +find the show how to meet the lucky stars +add a kj 52 track to the te quiero playlist +add the lady bunny album to décadas +book the mustard seed in turks and caicos islands for 9 people +play some oleg anofriyev from 1960 +play a sound track by tom thacker +book in town for 3 at a restaurant outdoor that is not far +play the concert from philip oakey 1973 concert on netflix +add a tune to my this is marc anthony playlist +is there going to be a depression two hundred sixteen days and a half from now in mill bluff state park +i give this current novel zero stars and a best rating of 6 +give 5 out of 6 points to racing the rain +what is the local movie times +what is the forecast for west virginia will it be snowy +what s the forecast for alley canada +can you put this track onto the playlist the selektor +i want to book a far brasserie that serves minestrone in pa for a party of 9 in 15 minutes +rate this current essay four out of 6 +i need a table at a highly rated diner +rate the current album two points +what s the weather forecast not far from here +i want to reserve a gastropub that has a spa +play lastfm pop tunes +play music from the top-5 from artist kenia arias +use netflix to play michael white tune from 1955 +find a reservation at a brasserie restaurant nearby sc for a party of ten +add image to the nuclear blast novelties playlist +what s the weather for april 10th 2028 in arkansas +show me the book f-1 grand prix part ii +give me movie times +will it be stormy in ritchey in palau +what movies are scheduled in the neighbourhood +i would give the call of the toad a value of zero and a best rating of 6 +give me some hank shermann from 1975 on lastfm +what movies are scheduled at plitt theatres +book a restaurant for 7 people +find movie schedules at imax corporation +is it hot in gold beach bahrain +find the cartel vol 2 novel +can you please give me the forecast for the dominica +show creativity of home brew +book a table at skycity in salado for me and hannah +what is the forecast for sea isle city in louisiana for warmer weather +add the second three years to my workout twerkout playlist +forecast for hardinsburg 20 seconds from now +i need a reservation for four at a bar +rate gilgamesh the king 5 out of 6 +add lisa dalbello to my 2015 cma awards nominees list +book the atomic cafe for ten people +i want to watch manthan +what s the weather in stamps +book a table for 1 person at a popular brasserie in jansen that serves english food +show movie schedule at amco entertainment +i want a restaurant in idaho for 2 of us +play portsmouth by paul smith on google music +restaurant in niger for my mom and i +search for the toucher and rich show +play hughie graham by vidyadhar vyas +add tune to my this is animal collective +i want the weather for saint martin next year +is the missing clerk playing +find the movie schedule for pacific theatres +not yet: a memoir of living and almost dying was one out of 6 stars +show creativity of painting of me too +i am looking for the creative work a wonderful life +add nour mhanna to workday lounge +add natasha to my all things post playlist +add the piano bar to my cindy wilson +i would give the series history decoded: the 10 greatest conspiracies of all time a rating of 3 points +play a seventies ballad by annunzio paolo mantovani on groove shark +find a tv show called shake hands with beef +will it rain here at 13:22:09 +give this a 0 for this book +can you add esquivando charcos to my playlist entitled the piano bar +can you use pandora to play a soundtrack from 1999 by david sitek +can you add woman of the world to my playlist entitled duetos +i want to listen to keep the faith +where can i see the show kind of glue +i want to book a table for me and josefa at jacob wirth restaurant in branford +what time is cinema playing the village priest +play music from 1950 +add hold my liquor to electronow +find the tv show tribute to the troops +find the nearest movies at a movie theatre +play new ian mclagan +what s the weather in la pine +can you add some disco to my playlist called genuine r&b +book me a table for two in oakes +play any song from the eighties +add split the difference to my women s lit playlist +what is the forecast for the current spot for cloudy conditions +book reservations at james d conrey house at 1 pm for a party of nine +give waiting for the mahatma 5 out of 6 points +show movie times of films close by +please search the karobar economic daily picture +find a soundtrack called the christmas shoes +freud: the mind of the moralist should be rated 2 stars with a best rating of 6 +casey chavez lucinda and karina want to eat at a diner on december the 7th +open zvooq and play the best songs from device +is it going to be cold today in wing +find a movie schedule +can i get the movie schedules for loews cineplex +play something by brian chase +where can i find tales of ghost castle +i want a table to seat 10 at a close-by to ottumwa that serves osteria and ranch dressing +i want top-rated veneto cuisine at a restaurant in antietam for 2 +what will the weather be like in port clinton nebraska around midnight +book a table for ten people at a restaurant that serves noodle +will there be rain next year in new hampshire +rate this series chronicle 0 points +is it forecast to be freezing in benedict +how chilly is it close to hollidaysburg +find films at alamo drafthouse cinema +play some seventies music on netflix +add blood guts & glory to my this is chopin +rate this textbook four points +please get me a reservation at a restaurant with a pool for manuela and yvonne +rate the beyond black saga a one +i d like to eat at the firehouse restaurant +i want the film for nearest movie theatre +play the ocelot record using zvooq +i d like to give a two rating to the abolition of britain +this chronicle is a zero out of 6 +rate the best american short stories 2007 one out of 6 points +add deuce to my listas de éxitos playlist +put molly and tenbrooks in the french n heavy playlist +what is the american samoa forecast for hot weather +add warpaint in my pre-party list +i give life during wartime a one out of 6 +rate the my beloved world saga a one +where can i purchase the tv series the mating season +i d like to see the book the royal thousand +find the closest movie house that plays animated movies +i need a reservation for chapter one in west odessa for a party of one +add a tom thacker tune to my rock classics +tell me the weather forecast for here +add this song to my crossroad blues playlist +i want to hear secrets on parade from tommy walter +find a tv show called engaged to the unidentified +is love marilyn playing +i want to rate the current textbook with 4 +where is the closest cinema that features animated movies + i would give this current book a rating a five and a best rating of 6 +let me have the movie schedules for general cinema corporation +what movies are playing at southern theatres +add an artist to the décadas playlist +what will the weather be like on feb 8 2034 in cedar mountain wilderness +reserve me a table for 10 at a mt cafe for breakfast +what s the weather going to be like near moldova on fri +add a-hunting we will go to the emily dickinson playlist +what is the weather in sehlabathebe-nationalpark +find a picture of a breed apart +add this tune by harry connick jr to my jazz brasileiro playlist +when can i see journey to the end of the night +will it be hot in saint jo alaska +book a restaurant that serves bouchée for midnight +find 300: march to glory a song +add this song to my list called the birth of cool +book a co table at windows on the world +rate cotton comes to harlem a 2 +i want to hear a 1957 theme song +search for the song called journal of the american statistical association +what is the weather forecast close to puerto rico +find a love song +put this song in my funk playlist please +need a table at a restaurant serving foie gras on halloween for two at northern mariana islands +add tune to electro workout +play russell morris s the singer and the song on netflix +2 of us want to eat at a restaurant that serves meatballs in vt +find a restaurant for marylou and i within walking distance of my mum s hotel +find me the movie schedule for great escape theatres +book a table for tomorrow for five people +book a gastropub in rose creek for elevenses +what s the closest movie theatre showing harbour beat +i m looking for the television show the flame +i want to give the cat who walks through walls a 1 +what are the movie times +i want to listen to the album going back to the blue ridge mountains on iheart +will it be windy at 4 pm in ny +play my sophisticated dinner playlist on slacker +play a track by deeyah khan +is the film goodrich quality theaters playing at 12:26 am +is it supposed to hail in rosenberg in the french polynesia +is it supposed to gt colder in or +what amc theaters is the red dance playing at +give 1 out of 6 to west of january +show me the a-myin-thit tv series +is cape mount nature conservation unit has storm weather +tell me if it ll be chilly 1 second from now here +can you play some eighties music +add the wee wee man to pamela s stress relief playlist +i m looking for a novel called and then there was light +rate this textbook a one +add the avispa track to my bass gaming playlist +add tune to cleaning the house +rate the current novel a two +please add this song to madden nfl 16 +for the book icon of evil i rate a 2 +play a top symphony sort form 1959 by stuart garrard +what time will the movie house be showing on the beat +i need a diner +what is the weather forecast for wolin national park three seconds from now +i wish to listen to good symphony music by mi lu bing +can i get the listings for the film at the nearest movie theatre +how cold is it in princeton junction +add this artist to my jazz playlist +will it get warmer in holy cross wilderness +i d like to watch army at wanda group +please find me chance pe dance +rate the rats chronicle 5 of 6 +book a table for four in orchard grass hills nv +i am giving this current essay zero out of 6 stars +show me movies in the area +find do you wanna touch me a song +i want to give this essay zero out of 6 +add dahmer to hiphop hot 50 +rate the demolished man a five +add angela au to the playlist radar latino +find a feather in her hat at magic johnson theatres +i would like to book a puglia food court in ky +what is the forecast at four am in zambia +i want lance king in my list called one love +when can i catch a screening of shivers in summer +add chris de burgh in my playlist melancholia +what is the weather at the current position +is it going to be warmer in central cebu protected landscape +add troy andrews to my pop punk powerhouses +add a tune to rare groove +play my melodious playlist +find a movie theatre with rogues and romance that is nearest +find the stone free game +can i get todays movie schedule for the movies that are close by +i d like a table for 10 at a distant place downtown for next fall +show me the song spiderman of the rings +play some showtunes music +play alles heeft ritme by liu tianhua +in one hundred twenty seven days i d like to eat at a pizzeria in north lima +give the resistance 2 out of 6 stars +give 0 out of 6 stars to reality of certainty +is it going to be rainy in kings valley kosovo next mon +is it chilly in ecola state park at 2 pm +what s the forecast for gamaliel +book a restaurant in fort gates fl +play dave mason s soundtrack on last fm +book a restaurant for me and rosemary at 1 am +rate this current novel one points +please get me the welcome to the rileys game +play me the greatest track of 1966 +add sam moran music to my tgif playlist +find movie schedules +find a photograph called xquery api for java +can i hear a da brat ep +find the schedule for the closest films at a cinema at meal time +move this tune by hironobu kageyama to my baila reggaeton playlist +book a highly rated fast food restaurant in falmouth +give the current album a score of five out of 6 +add billy strayhorn to my highway 61 playlist +show movies in the neighborhood +i d like a table for 6 at a restaurant in denmark at 22 +give the televised morality series a one +add munia the tale to my playlist called adrenaline workout +will it be foggy in the same area of parc provincial kettle lakes on february the thirteenth 2018 +please add checkmate to my irish folk – jigs & reels playlist +play the lure of the mask song +i rate this novel 2 of 6 points +let me listen to the music of nature album by paul draper +what s the weather in koontz lake +find the schedule for the tooth will out at sunrise +i d like to watch three word brand at the cinema +find movie schedules for nearby films +what time do the movies play at southern theatres +play the soundtrack that tom bellamy contributed to +i want a table for four at a place in california +0 stars for this textbook +play a song from 1990 on netflix +rate the chronicle following a 4 +play in your eyes by gareth gates on netflix +i would give this novel a rating of two +i need a restaurant that has internet access for a party of six +add this tune to the heavy gamer playlist +play music from 1960 +what movies are playing at regal entertainment group +play fill yourself with music by ray manzarek +the current book i m reading is only worthy of a 3 +book a table for ten people in eucalyptus hills +the boring peace on earth gets a two out of 6 +show me schedules to see a film with me in it +is it forecast to be chilly in iowa +i want to see the trailer amor puro +show creative photograph named none of the above +please book a coffeehouse restaurant type room to accommodate gretchen trisha and amber which serves pastelaria dish +book a restaurant at tennessee +find movies around here with movie schedules +i want to hear a track from the fourties +book me top-rated restaurant for 9 members for midnight at fair bluff ri +find the trailer for seven year itch +i want to find a salami restaurant in bastian in +make me a reservation in tn somewhere nearby for a party of 4 +i would give dead man falling 5 points and a best rating of 6 +play a trailer for sencha touch +find the movie times at consolidated theatres +book a table for 2 in gleed +find movie times +can i get the showtimes for the man who could talk to kids +what time does tie a yellow ribbon play at magic johnson theatres +i need a table at somewhere within walking distance of nv on november the 24th 2027 +add mg the visionary to my dubstep playlist +give one out of 6 stars to free market fairness +i want to book a meal at a restaurant that searves kouglof +i d like seats for five at a place in verden right now +when is for lovers only playing +rate this essay 5 of 6 +will there be cloud action in saint bernard virgin islands +when is beyond my reach scheduled at the nearest cinema +i d like to eat a restaurant in or nearby pelahatchie at 12 o clock +play the wizard and i on zvooq +add connee boswell to the relaxing playlist +book a table for 3 far from tullytown at a coffeehouse with a smoking room +book midday at a faraway cuban place for five at a top-rated bakery in grainola +forecast in layhigh +play music from carina round +add this track to my party playlist +me and my niece want to eat somewhere close by hopatcong +will it be chillier in suwannee +what is the weather forecast for my current position +play me a song from 1968 on spotify +add run rudolph run to my rockin playlist +rate the starship trap 5 stars +for the playlist this is mozart add nana mizuki live fighter -blue x red side- +i would like ignacio figueredo s tune added to electronow +please provide me with movie schedules +find the song titled the rivalry: red v blue +add jason webley to classical intimate dinner playlist +add album to my classical essentials playlist +i need the movie schedules for century theatres +find a tale of two cities a painting +i need to reserve a seat for one in sd at a brasserie restaurant +use the service lastfm to play music by the artist ai kago +find switching channels +which movies are playing at amc theaters +rate this essay zero out of 6 +find bal ganesh 2 a video game +add teriazume to the nação reggae playlist +rate this book titled the clue in the old album one out of 6 stars +what s the weather for this year in oregon +rate the book the devil in velvet 4 out of 6 points +i d give the cricket in times square 3 stars +find the endangered species song +rate this album a one +show the day the earth caught fire movie +the current series deserves three stars +book reservations not far from our neighborhood for a party of 2 +add the track bg knocc out to the rapcaviar playlist +what s the weather looking like right now in croatia +contemporary religious satanism gets a 3 rating +let s hear some tunes from the thirties +list films in the neighborhood +i want to put a copy of this tune into skatepark punks +find a soundtrack for meditations +i d like to watch glass chin at the movie house at 17:32:30 +book close-by for 1 in south dakota +can you play a song by ken +is there any creative work for heterocycles +what films are at the nearest movie theatre +add track nature noise to my playlist +there s a famous painting called thursday do you have an image of it +add steve winwood to my playlist old school metal +what s the weather like in kaltag +add teddy boy to my irish folk – jigs & reels playlist +play me the most popular peja song on slacker +is it going to be chilly at nine am in doolittle +will it be hotter netherlands antilles flats on april the 27th +i want to rate hostile waters chronicle book with five out of 6 +play a 1999 track by pete seeger on youtube +what s the weather in twenty five days in hagerman national wildlife refuge +play theme music from the twenties by tata young +where is the closest cinema playing good night good morning +what s the weather going to be like here at ten am +find as live as it gets +will it be freezing 5 seconds from now in patmos +rate the current book 0 stars +will it be freezing in 5 weeks from now in nh +add nana tanimura to a sudden rainstorm +what s the closest movie house showing night in may +what time is 26 years diary showing in the movie house +add cj snare to my indie mim playlist +add already over pt 2 to hip hop 2017 new school +give the current album a four +play jeff pilson on youtube +what is the weather like right now for fort adams +find a cinema nearest with sulle sathya +book a restaurant in palestine for 8 people at 9 am +how will the weather be five weeks from now in moneta +what animated movies are there nearby +1 minute from now i will need reservations at a restaurant in vanlue +what will the weather be like at ten am in austria +i give the spirit of st louis a 1 +add party with friends by constructs of the state to juliana s playlist +list movie schedules at showcase cinemas +the current novel i m reading gets only a one out of 6 +play a chant by marina verenikina +add hot house to have you met miss jones +play a song from 1973 +i want to give the current novel 5 out of 6 points +play new track from the fifties +i give the previous series four stars +book a latin cuisine pub for 2 on september the 13th 2037 in kazakhstan +add an album to my playlist bachata lovers +find an album called from the terrace +book a spot for me and my sister at a restaurant that has clafoutis +give the current novel four points +warriors of legend gets a 3 out of 6 +i wish to give this textbook a zero out of 6 points +would like to find the trailer for an experiment with time +book a restautant in north dakota at a bistro that is indoor +what is the movie schedule for the cooper foundation +is it going to be cold once i get within walking distance of my home in new caledonia +find a tv show called ride the wind +tell me if it ll be freezing 333 days from now in caplinger mills florida +play a karin dreijer andersson soundtrack on groove shark +add buddy tate to just dance by aftercluv list +i want to listen to the song first time for everything +play the track siberian khatru on zvooq +i want the turbonegro album to go on the playlist called genuine r&b +will there be wind on january 24 2019 in ransom +when is sunrise in american samoa +i want to hear a top-50 track from takahito eguchi on google music +play phil spalding soundtrack from the seventies +the mad scientist hall of fame gets only a two out of 6 +i would rate oblivion: stories a two +can i book a restaurant that serves pastelaria in takilma virgin islands +search for trailer jazz impressions of the u s a +how is the forecast for ok +play movement by duane allman +find movie times for nine pm +add this song to brooklyn beat +add htoo ein thin to my brooklyn beat playlist +i d like to watch episodes from the tv series the secret of queen anne or musketeers thirty years after +what time is summer school playing +play some music from 2011 on lastfm +add the artist todd snider to my electro latino playlist +make me a reservation in hardesty at a joint the is indoor +show me bâton rouge +play music from the list indie electronics +i need to book a restaurant for five in liberia at the maisonette +weather for turtle river state park +play the album qr iii by bobby bare +rate this series two of 6 +will it get windy in ocean breeze park +i want the movie perseo miranda and his theatre +rate the woven path one stars +play some music on groove shark +add this album to my forever country playlist +what theater is showing from paris with love and when +book a table for january the twentieth at a place far from your daughter s campus +can i get the movie schedules +add track to hit remix +open groove shark and play sound track from dj cameo +this album deserves a 0 of 6 possible +book a restaurant for 2 at top-rated hoonah tn +book a restaurant +find the last angry moose +what is the movie schedules at for douglas theatre company at 0 p m +play music from 2012 on google music +add 2120 south michigan avenue to my laundry playlist +find the movie schedule for animated movies in the area +i need a top-rated gastropub for 5 in dc in conshohocken on jul the 18th 2024 +find the flying scotsman +i m looking to book a reservation in aruba at a place nearby +find the movie schedule for movies close by +in bon secour national wildlife refuge at twelve pm will it be chilly +put hampartsoum limondjian in running to rock 170 to 190 bpm +i want to listen to speed metal symphony +this album deserves to be rated one out of 6 +add the nastya kamenskih song to my the martin garrix show playlist +find a movie house nearest for films +give me the forecast for here on february the sixteenth 2022 +rate the current essay zero points +add song to my el mejor pop en español +what s the weather forecast for the dominican republic +can you add honey hush to hits of the 60s +i m looking for the trailer to evil or divine - live in new york city +add this song to my love hurts playlist +play eighties music +i would like to rate the current book i am reading 0 stars +play a popular sort of fifties tune music +rate this essay a 3 +me and imelda want a reservation in missouri at seven am +give 5 out of 6 points to absolutely positively not series +find a book called outpost firewall pro +play some eddie vinson on deezer +rate lords of the rim zero stars +add this tune to my wine & dine playlist +the voyage of the dawn treader deserves 5 points +tell me the weather forecast for carmichaels gambia at one am +i want television show come again smith +i want to hear some twenties music from billy sheehan +add the tune to my chill hits playlist +i want to book a restaurant in neshanic station nigeria for 06:18:13 pm +will it get hotter in hext +i want to watch the trailer ad nauseam +will it be getting warmer in rainbow falls provincial park +what time is the closet cinema playing movies the closest +book a food court in raytown arizona that serves green bean casserole on july 20th +rate the agent of death with five stars out of 6 +i am giving this current novel 1 out of 6 stars +find good night and good luck at a cinemark theatres +play isham jones +show fog conditions at 7 am in nh +look for the creative work the testament of gideon mack +what time will in the name of the son be playing +rate through distant worlds and times 5 of 6 points +when is longwave going to be playing +rate the current essay with 4 points +show me the out with my baby photograph +add inconfundible to the piano in the background playlist +play chant music by pappu venugopala rao on slacker +what are the showings for the natural history of parking lots movie house +what will the weather be like in 1 minute in my current position +the book history of shit should be rated 2 out of 6 +add song in playlist metal monday +add hold tight to my throwback party +where can i find movie schedules +tell me the weather for next week at cathedral state park +i need a table in neighboring carencro at the bridge round house +what is the weather going to be like in flint hill in 9 years +rate the sail and steam navy list 5 stars +rate the current essay 5 stars +can you search city of scars +find the trailer platinum in da ghetto +will it be chillier in ruskin +when is purple heart scheduled at the nearest movie house +nancy elma ruiz and molly want to eat at a restaurant in gibraltar +party of two for a food truck on december 22 that serves chicken french in bolivia +is it forecast to be rainy in winchell mississippi +what will the weather be in peru +i want the photograph of walt before mickey +show weather forecast in west wildwood south carolina +add autry inman to my hanging out and relaxing playlist +play a tune from 1973 +what time is balkan rhapsodies: 78 measures of war playing at malco theatres +i d like to see jacksonville daily progress saga +weather for south williamsport +add the track to the comedy new releases playlist +add a track to my alok house party playlist +add nazad nazad kalino mome to escapada +open lastfm and play hot lips page from the sixties +is it hotter now in hicks +what time is roy colt & winchester jack playing at movie house +book a restaurant in the marshall islands for two people +i want cocco added to my post metal playlist +will there be snowfall in ky +give 3 / 6 stars to doctor in the house +rate current album five +add elkie brooks to happy birthday playlist +will it be cold close-by iowa on september twenty-first 2025 +play music by paul mccartney +which cinema can i go to to see lilly the witch: the dragon and the magic book +give me the schedule for animated movies at the nearest cinema +can i see the encounters +show me the nearest movie house showing he won a ranch +give the whisperer a rating of 0 +where can i find the song red back fever +what is the nearest movie theatre playing kate y leopold +what films are going to be playing at harkins theatres at zero a m +book a popular joint in ocean gate for seven people at elevenses +find a movie schedule +what movies are playing one hour from now at cooper foundation +show me live at the kings center +show the whispering willows novel +please look up for disney universe +add this song to my classical dance music ballet & beyond list +book a taverna in wisconsin for 22:54 +play valerij kipelov on vimeo +book a best steakhouse for 2 in montserrat on 79 days and a half from now +play the best sebastian karlsson melody on youtube +play some music on netflix +i need a reservation for a tea house in maple glen for four people +add rock & roll to my playlist named night out +what s the weather like in wyandotte netherlands antilles +what is the weather forecast in va +add vyechnyy strannik to lo que suena new york +i want to know the films playing at the closest movie house +look up the baltic times picture +find the movie everywhere but home +rate the man who sold the moon a 5 +give the lost world 2 points +the sins of the cities of the plain gets a rating of one +i give the next textbook a 2 +what s the forecast for walker bay nature reserve for next year +add chamberlain waits to my picnic in the park +i d like to eat at a highly rated swiss restaurant in irma at two pm +i d rate shohola falls a two out of 6 +is salò the tv show available to watch anywhere +play isaac yamma slut +the this is kevin johansen playlist needs the lamb lies down on broadway in it +i want to play the video game called china seas +add dying mapa i to más que amigos +will it be warmer in ct +rate competitors 2 stars out of 6 +will the sky be overcast around jan 28 in ok +in delanson 1 hour from now reserve a table for four +add sarah vaughan to the spa treatment playlist +book a table for 8 people at robinson house +i want to hear some psychedelic rock +play some sonu niigaam from the fifties +find return to krondor +add javine hylton to my evening playlist +is there a snowstorm in the forecast for saint helena +love in paris needs some frank farian in the playlist +use pandora to play music from maki onaga from the album made in the nineties +play larry graham sound track +i would give this current textbook five points or a rating of 6 +find wxhexeditor +i would like to rate this album 3 points and a best rating of 6 +how will the weather be in 11 years from now in the same area of florida +add the open door to autumn music +find the schedule for across the line at the closest movie house +i need to book a table at a place around here in pa for a party of two +play the album wayning moments by rabbit brown +play matt walker tunes +rate the white body of evening one of 6 +add album to bajo las estrellas +find the novel wwe legends of wrestlemania +play the top-twenty from tony calder off slacker +can i get some russian cuisine at a restaurant with shari and i +i m in the mood to listen to meditative music +tell me the weather forecast 1 hour from now for town west nevada +what is the movie schedule at cineplex odeon corporation 12 hours from now +will it be stormy in deposit +in 1 week is there going to be a depression in washington +is it going to be cloudy in my current spot for dinner +weather in bashkirsky nature reserve 20 days from now +rate the book series i robot one out of 6 stars +i rate mosses from an old manse a 0 +add bonga to the black sabbath the dio years playlist +show creativity of adobe air +add sam sparro to my playlist called beach vibes +play me something from the thirties by candi staton on vimeo +my group of seven wants to eat at yogurt mountain in slick tonight +please find me the game called the salvation +please make reservations for 4 for the hog fry from the food truck +what s the nearest movie theatre showing movies +at amc theaters what is the movie schedule +book table to a tavern for a scrapple for harriett deanne and i +play good pure soul on netflix +please tell me movie times +show me half a life +will it be cloudy in tatamy +what s the weather in castle at 17:43 +i give the universe maker a rating of zero +how is the humidity near my current place +book a restaurant in delhi arkansas for three people +what is the weather in åland 4 seconds from now +what is the weather here +add yoshiki to the 35 soul classics 1970 to 1975 playlist +is there going to be any cloud cover today at mccracken in az +i need a movie schedule for any films playing close by +what are the movie times for movies close by +add vl mike to my dcode2016 playlist +is storm warning playing +i need a reservation for four at a restaurant in 1 hour and 1 second +play joey fatone soundtrack tunes from google music from 1972 +what is the weather of sri lanka +what will be the wind speed at the current place +give 4 stars to this essay +show me dombey and son movies +put michael cretu onto my beach vibes playlist +play a ballad from 1997 +find the earth is a sinful song +add this artist to metal party +what is the weather forecast for åland +give this series 3 stars +give me the showtimes for the rum diary at mjr theatres at meal time +add paloma negra to my funky jams list +add some martine mccutcheon to my original columbia jazzmasters list +rate the natural a 4 +play music from the album evolution of a man by joey ramone +how is weather here +add tune to my is it new wave +what is the weather forecast for sunset in bouvet island +rate tragedy day a 4 +find bullet and a target a television show +add another album to my this is pavarotti playlist +i need reservations for a party of 3 on all souls day in temperance north dakota +play crossroad blues +play used to love her to my this is animal collective playlist +what is the movie schedules for movies in the area +rate the promise 1 points +for this current saga i give 5 out of 6 possiable points +what time is the mailman playing +find me nights in harlem +the rats of hamelin deserves zero points +play some chanson music +add fair charlotte to the we everywhere playlist +find the american journal of sports medicine picture +will it be chilly 17 hours from now in cold creek conservation area +find show-ya 20th anniversary the best +please get me the before crisis: final fantasy vii television show +rate this novel a two +book a restaurant in almyra in 10 years +will it be overcast at 18 o clock in id +what animated movies are playing amc theaters +add sara hickman to my targeted list +rate short trips: destination prague five out of 6 +find meal time movie times close by for movies +is it chillier at narew national park +i need a restaurant on july 18th in rose bud +tell me if it ll be temperate three hours from now in bonaire +i need a table at the apple pan for reva and bernadine +what is the forecast in kearneysville +i rate egg collecting and bird life of australia a zero out of 6 points +what s the weather look like for mh +show me the live~legend 1999 & 1997 apocalypse tv show +what time is the wanda group playing the honor of an outlaw +i want to add the classical moments in movies track to my playlist +add to my verano list a song by andy lee +will it get foggy in spring hill +is the weather going to be colder in gu in 11 years +what time will the age of success be showing +play the top jazz record from 1951 +can you let me know where i can watch the nest +play a fifties theme on lastfm +christie concepcion and i want to eat trattoria at a brasserie in johnston now +play a 1998 sound track from sam the kid on last fm +find war & peace vol 1 +find a soundtrack called billboard hot r&b hits: 1981 +i want to book a restaurant far from the municipal borough of mitcham for 10 people +tell me if it ll blizzard in ks +rate this essay two points out of 6 +why buffy matters is zero out of 6 points +play a soundtrack by musical artist jimmy james +book a tyrolean restaurant in crocker indiana now for 3 people +show song schedule come into the world +book sot for 22 minutes from now at a restaurant with parking +rate this novel 1 of 6 +book a highly rated gastropub that has a pastelaria in blue anchor md in 55 weeks for my brother in law and i +is the forecast windy now in fort myers shores arizona +i need to book a table at a nearby restaurant +book a table at a osteria type restaurant in sd +please help me find the bloom: remix album song +play les pauvres riches by pan mei chen +find a tv show called zen: the music of fred katz +out of 6 i give the following book zero +edit top 100 indie tracks on spotify playlist by adding smokefree rockquest 2005 +show texas review of entertainment & sports law creative song +put edwyn collins onto my trabajo relax playlist +find taskcracker for outlook a game +show the movie schedule at regal entertainment group +what is the movie schedule like +what animated movies are playing at dipson theatres +i rate american history: a survey a 5 +my father in law and i would like to go to a highly rated bar +rate the book saga west with the night a 2 +play fifties music by ahmed abdul malik +i need a table at a restaurant that serves toast eleven months from now +will it get chillier here +play music from 2002 +i d like to book a table at black horse tavern in georgia at 4 am +put this album on my wine & dine playlist +play the greatest ballad from the seventies +what time is i know that you know that i know lpaying +look up the cool cafe: cool tape vol 1 video game +give this essay four stars / 6 +check the forecast for keene +is holy matrimony playing at national amusements +weather for july 1 in ut +i want to give the current novel 4 stars +i d rate the current essay 1 stars +what will be the humidity 5 years from now in bradbury mountain state park +play elitsa todorova music +rate unlimited power 4 of 6 points +i want to rate this current series a value of five and a best rating of 6 +play new teo macero +can you pull up and play something on itunes +rate 5 out of 6 points to my favorite fantasy story +can you let me know when talk of the devil is playing at the movie theatre +add the track to the best metal of the new millennium playlist +give me the showtimes for down where the buffalo go at amco entertainment +show me the song the incredible hulk returns +play lenny kaye music +play me a chris needham song on vimeo +play a melody by colin blunstone +rate this book four points +is it supposed to get chilly in dewey +want to add pacific ocean blues to the playlist named lunch +i want to book a bar neighboring our apartment +i d rate the current essay as a 2 +play the top of emil de cou +is it going to be sunny at 21 o clock close-by district of columbia +find me the lace and whiskey soundtrack +i d like to play the top ten mickdeth on google music +play the playlist funtime activity +play a ballad from 2000 +i m looking for the work titled converging conspiracies +a conspiracy of paper deserves a solid 3 +find the novel a civil war: army vs navy +is there a depression in weather at my current spot +what s the weather forecast for my current location on jun 2 +i give the current textbook 0 of 6 points +what s the forecast for little silver +i would give this textbook a rating of 0 and a best rating of 6 +is it hot in bolivia +play music by christian bautista +i d like a table for five at any restaurant +play drive playlist +play my futuros hits playlist on spotify +add artist danny carey to my classic jazz singers playlist +add this album to my just dance by aftercluv playlist +what is the movie schedule 1 second from now +is it freezing in tira +is a charming man playing at lunch time +what s the weather on bird island burkina at shavuot +play that stubborn kinda fellow by michael amott +what s the weather forecast for elida rhode island +book a restaurant with parking facility for 3 +find the painting the adventures of teddy ruxpin +find a reservation at the roseland theater at 10 pm +i would rate the executive power a four and a best rating of 6 +add this song to my roadrunner rec new releases list +add this track by clem burke to my atmospheric black metal playlist +when is lake city playing at dipson theatres +i would give bones of the earth 2 points +play some melody from the eighties on spotify +add a song to my playlist a peaceful rush hour +add family tree to conexiones +add mr j medeiros to my women of country playlist +add this album by bruce dickinson onto top entrevistas my playlist +search for the un provinciale a new york tv show +let me hear the top album by the artist skin +add this artist to my guilty pleasures playlist +please rate the current album 4 stars +what time are films showing at kb theatres +find a tv show called perfect chemistry +add a tune to my elrow guest list +please put live with me onto my playlist named carácter latino +find movie schedules +rate notes from the internet apocalypse four of 6 stars +play 1962 music on netflix +will it be colder in tallgrass prairie national preserve +what s the weather like at sunset hills +rate gota’s war a one +find trauma center: new blood an album +i need a table at a brasserie in belgium +add song to top 100 country tracks on spotify +add a kiley dean tune to my jazz for loving couples playlist +i need information on movie schedules +book a restaurant in the dominican republic in one minute for a party of eight +i give the french suicide 5 stars +is it foggy in shelter island +find a television show called sensation comics +i need a reservation for a gastropub that serves a maple bacon donut +play the best 1981 sound track from ric fierabracci +what time is the dungeonmaster playing at amc theaters +stars for this album are one for the current 6 ratings +play print the legend soundtrack +add the name covenant to the playlist fusion fest +whats the weather in irma +is millions in the air playing at the cinema +is there a chinese wikipedia +what is the nearest movie house showing animated movies +tell me if it ll be temperate in 8 seconds in guatemala +i need reservations at khedive palace that s close in town +will it be windy in breaux bridge turks and caicos islands eleven hours from now +what was the weather like last may at altai tavan bogd national park +add album to mellow bars +find the saint in new york a show +is it going to be sunny at five pm in chatyrkul wildlife refuge +play trailer of do whatever turns you on +will it get chillier in 12 years in greenland +forecast for guatemala +i want to bring six of us to a bistro in town that serves hot chicken sandwich that is within the same area +i m looking for the video game called the supernatural events on campus +book a bar in sc in leonville +rate body of secrets one stars +i d like to eat at a pho restaurant in vt +i want to listen to the music of ghost in the shell: stand alone complex +is warhead playing at amc theaters +rate the previous novel a 1 out of 6 +play fifties music +where can i see the trailer for experienced ii: embrace tour 2013 budokan +will it be sunny in spain on 3/26/2023 +book a spot for two at a churrascaria that sells cupcake in lumpkin indiana now +add tune digster reggae +show me the movie schedule in the area near my home at seven am for animated movies +i need a table for 2 on feb 18 at main deli steak house +look for the movie darkness come alive +i m looking to get a seat at a brasserie in togo +this is a 1 star textbook +find out what films are being played in the neighbourhood +i want to find night of the hunter +book a brasserie with a pool within the same area as my neighborhood for 5 people at 19:26 +rate the casualties of peace series one of 6 +please help me find the video game john michael montgomery discography +i want to hear the top tim madison +add magnifico to michele s playlist called 88 keys +i want to take my mom and i to the tea house +find a game called so long self +what is the movie schedule for films that are playing nearby in 15 minutes +play movement music from sheryfa luna +book reservations at a restaurant in jersey for six people next october +give me the movie listings at the closest cinema please +what time is crawlspace playing at the caribbean cinemas +find night of passion +i give the vinyl cafe notebooks a 0 of 6 +rate this book 0 of 6 points +what is the painting forever malcolm young +what time is the corner playing +rate the current series a one +find trivial pursuit: america plays +i would give this current chronicle three points +can i get the showtimes for the kitchen toto at cineplex odeon corporation +will there be a storm on christmas day in my current place +show me a picture of love +give 3 / 6 stars to the simon & schuster encyclopedia of dinosaurs and prehistoric creatures +please let me know the weather forecast in louisiana state +i want to give this textbook four out of 6 +find a coffeehouse in illinois for three +i want a table for 8 in plain on aug 5 +add curse song to my playlist guest list engadget +show movie times for movies in the area +find time for hendthighelbedi at the nearest cinema +book tea at the hamburger wagon for 3 vickie reed melody and i in georgia +rate alfred kropp: the thirteenth skull 3 out of 6 +give two star to as long as we both shall live book +find endless horizons +is it supposed to be chilly in de tonight +play music from 1999 +what s the weather far away in estonia +find a movie called no 1 in heaven +i give a rating of 3 to the ultimate resource +i m looking for a soundtrack titled bowie at the beeb +add ik tara to laundry playlst +i m looking for the game called summer of fear +book a restaurant for jul 27 +give me the morning movie schedules +play the newest twenties melody +show me the movie schedule for nearby movies +find me a showing of the vanquished that starts nine hours and 1 second from now +book a highly rated restaurant in central african republic for 5 people on sep the second +use iheart to listen to retro +play some rap on pandora +find thyme travel +book a food truck in mp for me and my ex husband +play slacker tunes +put do you love me on my acoustic soul playlist +find reverence for me +will it be rainy at 8 in dans mountain state park +find an album called burnout: the ultimate drag race challenge +add welcome to the cruel world to my reggae classics +find the schedule for the nightmare six hours from now at the nearest cinema +play the top-fifty theme songs by dennis brown +use vimeo to play a mark king record from 1993 +book a table at a restaurant in lucerne valley that serves chicken nugget +i want to listen to born on the bayou on iheart +i want a table for my grandson and i somewhere in arkansas +i didn t like the book nobody lives for ever i give it a 2 +find partners in action at dickinson theatres +add bronislau kaper to the drive playlist +can you get the weather forecast for new baden +add name me & the rhythm to my chill out music +give four out of 6 points to this essay +what s the weather forecast for coats +play intense studying playlist on itunes +play dj cameo on itunes +book me a bar that s highly rated for georgia and i in burkina +rate definitely dead saga 5 points out of 6 +casey and i will be in kentucky for food +book a table for chasity and i in vanuatu +i d give the main-travelled roads series 0 points out of 6 +find live at bearsville theater +i d like a table at a top-rated tea house with javanese cuisine this week in germany +add heart like a hurricane to digster soul classics +add artist to my phunkadelic playlist +what are the movie schedules +play me a song from the fourties +put paula abdul on musica española 2017 +find a video game called no parking on the dance floor +put this album on my conexiones list +tell me the weather forecast for northern mariana islands one second from now +will it get cold in nevada seven weeks and a half from now +rate my current novel 0 out of 6 points +give me the movie schedule for the great escape theatres +give 5 out of 6 stars to coming home +give 4 points to this textbook +can you add something by gregori chad petree to the playlist digster soul classics +what time is the burning season playing +please add a song to ines s playlist called metal party +play baby workout +is there going to be snowfall in alton +book me a top-rated pub +add hallucinations of despair to my this is trey songz playlist +please book a restaurant for 45 weeks from now in fm +rate trailer geek chic +what is the nearest movie theatre playing the collaborators +this current book is worth five +play some twenties chant music on slacker +show me movie schedules +play a music ballad from the sixties +add five stars to my current chronicle +play me the greatest chant by laurel aitken on lastfm +play lastfm by steampunk +please put this track onto letha s signed xoxo playlist +play something by louis nelson delisle +what animated movies are playing now in the neighborhood +will it be snowy in florewood state park +when can i watch alice: a true story at amc theatres +is it forecast to be chillier around texas +book a spot for 3 in egypt at five +where can i see the somme starting at 16:01:04 +is the clowns at the nearest cinema +add the artist to my 31 minutos playlist +is the mystery of betty bonn playing at twelve a m at the nearest movie house +what time is living is easy with eyes closed playing +please check whether any animated movies will be running in the area around 04:34:15 pm +i am looking for a creative work called something warm +i have to give this current essay a rating of three +i want to give this textbook 3 out of 6 points +play thirties music by flex on google music +what will the weather be like 1 second from now in pugu hills forest reserve +give the phantom ship a zero +tell me the closest movie house playing black rage +what is playing for movies at b&b theatres +find book called dreams and all that stuff +play the xyy man soundtrack +play me the greatest doctor fink song on zvooq +rate the current novel 3 points +add kaya newest track to my i love my 00 s r&b playlist +please pull up nothing feels good +what will the weather be within the same area in minnesota on june 27th 2023 +book a table for nine people at a brasserie on jan 16 2034 +give the pirates of manhattan a 1 +play me an eighties song by wes dakus +find invisible child at southern theatres +what is the weather at my current location +i want to put roberto valverde into my ultra metal list +at thirteen o clock book a table for margie and i in vanuatu +what is the forecast for tschetter colony on ascension day in oregon +play bebob on iheart +find the video game thale +where can i see the trailer for phineas redux +give 4 star for this album +find the photographic journal +show creativity in ah +find a game called gladiators australian series 1 +what movie schedules start at sunset +book a spot for nona gray myrtle and alison at a top-rated brasserie that is distant from wilson av on nov the 4th 2030 that serves ouzeri +find a movie house for kickboxer 5 – redemption +i d rate the rise of the west a 2 of 6 stars +add this tune by shagrath to black sabbath the ozzy years +find the return to grace saga +rate beyond the shadows 3 of 6 stars +add halley to this is tchaikovsky +what s the weather forecast for east berlin al +play anweshaa by the new first +put joseph utsler on all out 70s +give zero out of 6 points to marxism and the oppression of women +book a restaurant with parking for kirsten morris and i +listen to music from 1975 +rate mimi and the biscuit factory 5 out of 6 +can you rate this current essay with zero stars +rate the bourne deception 4 of 6 +what s the weather forecast for new zealand +find merry arizona 97: desert stars shine at christmas +the current rating of 6 out of two for a textbook +add this artist named cleopatra stratan to my playlist named 30 before 20 masterworks by teenagers +book john pearson soda works restaurant on 7/27/2036 +i need a table at a restaurant serving carne pizzaiola for tamra davis viola and dorothea +add joan wasser to running playlist +show freezing forcast now within the same area in north dakota +find a pet of the cairo zoo +showtimes for butterfly on a wheel +the naked and the dead was pretty good i d give it four stars +play techno music +add i pledge allegiance to the grind to my sinfonía hipster playlist +what time are movies showing at megaplex theatres +play no more sorrow +i give the carry me down chronicle three of 6 points +will it get hotter in the city of ashford +find long hello and short goodbye a movie +i m trying to find annunciation +warren island state park distant weather forecast for 11 am +play my hype playlist on youtube +can you add something by the artist paul cargnello to my chill tracks playlist +find becoming royston +book cornelia and bettie a table at a brasserie restaurant in colombia +when is sea of fear being shown at the closest movie theatre +i d like to see the album heroes of might and magic iv +open itunes and play kenny cox most popular concerto +rate this series 1 out of 6 +add falling stars to my intense studying +rate this essay 1 stars +i want to see love speed and thrills at the nearest cinema +i want to watch the television show symphony for solo piano +find a painting called the wipers times +tell me the weather forecast one year from now in kulpsville togo +book me and my grandparents a restaurant in saint helens south dakota +i d like to watch films in 23 hours in the neighborhood +play midnight special +find the black girl in search of god trailer +put framed onto my ntc studio sounds playlist +can you add something from method man to my this is mozart playlist +add song to daily lift playlist +what is the films with movie times in the area +will it get colder in cape fair +will it get chilly 1 minute from now in carterville +add this tune by frankie laine to my playlist kitchen swagger +play shaina magdayao s music on iheart +book reservations at a restaurant in niue for me edna and glenda +i need a table for 3 at david whitney house in brazil +i want to hear a full album on youtube by jem godfrey +book a table for a macedonia restaurant +find the best man holiday saga +search for the long dark +play some tango on iheart +put before the eulogy onto acoustic blues +what are the movie times for movies around here +search for the song banquet for the damned +find a movie schedule in the neighborhood for animated movies +need a table somewhere in mclaurin connecticut +what animated movies are playing at kb theatres +what animated movies are at the nearest cinema +show me the schedule of movie times in dipson theatres +please search thirayum theeravum video game +need a table for nine in east prairie la +play kim wilde by mike scott on slacker +play music off the track child maurice +put the airi suzuki album into my nuclear blast novelties playlist +play my hardstyle baby playlist on netflix +find a picture called every little thing she does is magic +add as i was going to st ives to the fantasía playlist +show the drive of life album +is tomorrow at dawn at harkins theatres +rate the parable of the sower a 2 out of 6 +show creativity in call me joe +play my piano ballads playlist +i d like to hear chant songs from nineties +i d rate this essay 1 out of 6 +add hemanta kumar mukhopadhyay album in funky jams +play the game sugarfoot +play women of jazz +i want to give nautch girls of india four out of 6 points +put ron wood in the digster reggae playlist +add track to my playlist a sudden rainstorm +where can i buy the soundtrack bridge of souls +add this eric weissberg song to my dance workout +and a body to remember with gets a full 5 stars +can you get the tv show enter the matrix +add olga souza to virginia s femme fatale playlist +add this john tesh tune to the friendesemana playlist +add lee seung gi to my baila reggaeton playlist +find movie times for animated movies in the area +what does for all the wrong reasons look like +i need a table for 10 at thomas hynes house nineteen minutes from now +i need a table in tn that s not to far for a party of ten +play a melody by adassa from the twenties +rate the following novel one of 6 +is green grass widows playing at the cinema +how cold is it in my current position +i want to add this so chan whee tune to latin alternative music +please rate this textbook five stars out of 6 +the next album is only one stars +what is the weather in pendleton center +add paulinho da viola to my radio rock song list +give 0 points to the hand in the glove +give 0 to the sky village +book a restaurant in lake fenton for four +what s the weather going to be like in pr at nineteen o clock +play eddie meduza from the thirties +what s the weather going to be one hour from now in taiwan +will it be freezing nearby thap lan national park at 4 pm +book a reservation for a restaurant serving wontons for ten people in leopold +book a restaurant in kamrar for midday +what will the weather be like in three weeks faraway in sompio strict nature reserve +i d like to watch movies around here can i see the movie schedules +what movies are showing at fox theatres at 11 am +what movie times start in 22 seconds at magic johnson theatres +find kerasotes theatres movie schedules +what is the weather forecast in the country of chile fifteen hours from now +find a painting called the legend of tashan dorrsett +rate until i find you four points +weather near california +book main deli steak house on february 13 in serbia and montenegro +book a restaurant in al at oak ridge +what is the weather like in detroit lakes +what movies are playing in the neighborhood +i give the part of the chronicle growth fetish four out of 6 stars +add eef barzelay to the trad folk playlist +rate current novel two stars +book a reservation for 1 on march 17 +play my pandora app +rate the current essay 0 of 6 +book me a restaurant reservation in madagascar +i give the chronicle atop an underwood: early stories and other writings a rating value of 3 and a best rating of 6 +play music from the sixties +where and at what time can i see paragraphe 78 +rate the lotus and the storm zero of 6 +what s the forecast for pipe spring national monument +what films are playing at marcus corporation +play the late night jazz soundtrack on zvooq +when is the next episode of the tv series crossing lines showing +will it be snowy in the current place +what movie theatre is playing the missing picture +play the most popular music from nat stuckey on itunes +what s the weather in 10 months in nam kading national protected area +move el viaje de copperpot into my emily dickinson playlist +what will the weather be in one minute in tanzania +rate this album a five +is it nice now in madawaska +want to add this nick mason tune to the sylvia plath playlist +will it be snowy at the current position by march 3 +how far from quebeck will it be hot +courtney and ruby want to eat at a restaurant three years from now +find the movie schedules +find a movie theatre with beware of bachelors +rate the current essay a three points +will it be freezing at 1 am in balko +i d like to see apartment hunting +book a restaurant reservation in hong kong +give zero rating to the deed of paksenarrion +play me a fifties song by chingy +search for a painting of the wannadies +give three stars to chronicle falling in love with hominids +i want the nearest movie house with the debtors +add the artist to my this is mozart playlist +add this tune to my indie reflection playlist +book a restaurant in french southern territories on dec the fifth 2026 for two +she me the game called knowledge and decisions +what are the current movie schedules for amc theatres +play music by fidel nadal sorted by newest +show a movie schedule with bow tie cinemas +find sappho +rate the current album a four +book a table at a faraway brasserie in nj +give this essay a rating of 5 +weather for frankfort +forecast for wisconsin at 10 pm +play some retro music +play closer to the sun album +book a table at the wwe the world in south korea +charlene and i and are are in liechtenstein and want restaurant reservations at midnight +find bump off lover +give 0 points to the eudaemonic pie +find alamo drafthouse cinema with animated movies +what s the closest movie house showing the legend of ben hall +what is the storm forecast in the same area of honduras +how s the weather in brookdale zimbabwe +what are the movie schedules for movies showing in the neighbourhood +i want to listen to some music from 2003 on pandora from them +add luiza possi to my bachelor party playlist +give heartland chronicle four points +show tv show schedule archive is +play a ballad by owen pallett from the seventies on slacker +open up music on last fm +add a song to my playlist impulso creativo +can you pull up a movie schedule for me +what is the weather going to be like in twenty three minutes in parksdale in +will there be a fog here this week +i want to book a restaurant next year in glazier for 6 people +when is good will evil playing at loews cineplex entertainment +add iene miene mutte to women of r&b playlist +play a sound track by vegard sverre tveitan +add the rebirth of kirk franklin to the fiesta playlist +find the show manthan +show cloud forcast in 1 hour in ia +i need a reservation for a brasserie place for a party of two +rate the road to reality: a complete guide to the laws of the universe two points +is fighting with buffalo bill playing at the closest movie house +play within you without you by distance on zvooq +book a brasserie restaurant at 18:28 and order wings +get me a table for sonya rebekah and i at a restaurant in latvia +add this album to my playlist titled underground hits +find the schedule for screen souvenirs at cinemark theatres +what will the weather be in the flight park state recreation area +add godmusic to my latin dance cardio playlist +will there be a lot of sun in dry prong somalia at 5 pm +i am giving paedophilia: the radical case a rating of 2 out of 6 points +i want to book dinner by heston blumenthal in al +i want to hear some boris grebenchtchikov on zvooq +give a kentucky cardinal four points +book a table in arizona serving italian-american cuisine in a tavern for 2 +what s the forecast for east sonora qatar +i liked ports of call i d give it a 5 out of 6 +play some alte kameraden music +book a table 1 year from now for corinne tisha and i at a restaurant in guernsey that is top-rated +is it humid in otsego réunion +play adieu by al arsenault +show me the forecast for wisconsin +what s the weather in close by my current position +add francesco de gregori to my classical new releases spotify picks playlist +is it going to be freezing in one hour in puerto rico +need a jewish in maine to book a restaurant +please look up the painting beyond iconic: photographer dennis stock +play the tv series effortless regurgitation of bright red blood +will it be chilly around oregonia in 9 months +book a table at a tea house in 21 hours in northern mariana islands +is it hotter in vernon +play me a nineties ep +add please please please let me get what i want to my crate diggers anonymous +i need to know is it freezing in mn at 01:27 pm +show chocolate rain creativity +play good classified songs on vimeo +i need a table at a cafeteria for a party of 6 in al +can you add some tommie sunshine to my chill out playlist +what is the movie schedule today at neighborhood cinema group +book a restaurant in macedonia for 13 hours from now +rate the current novel five out of 6 stars +what will the weather be in montevallo on july ninth 2018 +book a reservation for a restaurant in stonewood gu +for the playlist running power add the name the best is yet to come +find a movie called single collection: hotchpotch +add tune to infinite indie folk +add another tune to my soft rock playlist +add artist post metal to playlist +play classic rock on groove shark +play me the dinner playlist +let me get the forecast for tea time in el salvador +what time is utamaro and his five women showing at alamo drafthouse cinema +what is on the movie schedule for four am at landmark theatres +play music from the playlist late night jazz +put the bill berry track on elrow guest list +i m looking for a table of eight at the alley +i want to see the trailer for no one +what time is soul surfer playing +show movie times now +i would rate the best science fiction stories and novels: ninth series 5 points +what is the weather forecast in saint vincent and the grenadines +add something by ritchie valens to my playlist virales de siempre +i give rogue ship 5 out of 6 +give the plague a 0 +show movie times of movies in the neighbourhood +what is the movie schedule for films in the neighbourhood +add cleo laine to psychedelic rock +some me a healthy picture +add the singer barbara to my country radio playlists +i want to rate the selected letters of h p lovecraft i saga 3 stars +can i get the movie schedules for speakeasy theaters +show movie schedules of film nearby +book a table in fleetwood at a nearby deli +add share the well to my epic wall of sound +what film is playing in the neighbourhood +put ares in my canadian country playlist +play tuomas holopainen s the 21 project +add d flame to the dcode2016 playlist +add sara carter to my nothing but a party r&b +put this tripp eisen song on canta en la ducha +what is the forecast in bearmouth in virgin islands in 3 months +book me a restaurant for 4 members at beaman federated states of micronesia in one minute +rate the masks of time zero of 6 stars +what s the weather next week in somis +add us placers to my new boots +rate star wars - the old republic: revan 1 points +book reservations to a cafeteria in brockway colorado that serves thai food for six people +book the gus stevens seafood restaurant & buccaneer lounge in papua new guinea for one person +play hora din moldova by yamazaki maso +put some stu phillips in the women of acoustic playlist +restaurant in south sudan for 6 +put frank farian on lydia s playlist called the black power mixtape 1967 to 1975 +is there any fog warning in dauset trails nature center now +i am giving the current novel a four out of 6 rating +put more unbelievable in my grandes unplugged playlist +there can i find the beggar maid playing +rate this album 3 out of 6 +add the tune from leena peisa to my amor amor playlist +what time is the count playing +get me kiss the crystal flake +find the movie schedules for nearby movies +play my 70s smash hits playlist +what is the weather of ludowici at 4 am +book a reservation for ten at a restaurant in american samoa at 2 am +show the lateness of the hour +what will the the weather be like close to bailey s crossroads at 05:00:34 am +rate covering: the hidden assault on our civil rights 1 point +add shame on you to my masters of metal playlist +which animated movies are showing close by +please check the movie schedule +find movie times +what time is movies playing around here +add this artist to my the road to punk rock playlist +what movies are on the movie schedules for five hours from now in the neighbourhood +what will the humidity be in ar in 49 weeks and a half from now +will it be freezing in seven minutes in nora fiji +add nana kitade to my modern psychedelia playlist +what s the forecast in klamath marsh national wildlife refuge +rate cousin bette 5 points +play a nineties tune by sugar minott on netflix +to johnnie s funtime activity playlist add the name the best of guitar shorty +where can i watch the tv series polite people +look up the television show called monster mash +rate the current album 5 out of 6 points +what is the weather in current location on december the 23rd 2027 +list films at pacific theatres +book a table at a tavern in albania for annette darlene and barbara james for ten am +show me movie times +put this track on my infinite indie folk playlist +put dschiwan gasparjan into the cool down playlist +i d like to see the saga 12 soulful nights of christmas +show the creativity of ghost dragon of cold mountain +i think this novel only deserves 2 points out of 6 +book me a table at a tartinery restaurant not far from my home in elk rapids +check movie schedules and find which animated movies are being aired in the neighborhood movie halls +play shara worden +place raise your fist onto year in metal 2016 +give four stars to current novel +look up the reverse of the medal +will it be colder in delaware +the complex: how the military invades our everyday lives has a best rating of 6 stars but i will give it zero +will it be warm neighboring here in whitehouse +rate the book strumpet city zero for 6 +is it freezing this evening in maunabo united states +play the newest stuff by blowfly +play some twenties theme music on google music +what are the local movie times +give me weather information for porcupine mountains +find the schedule for movies at the megaplex theatres +i want to eat close by east brady for seven people +play some twenties music on iheart +please find me the movies playing nearby +play the newest martin solveig sound track +i would say this essay deserves four points +book a table at a bar in cambodia that serves cheese fries +the following essay is worth four out 6 +what is the current temperature here +give it a 0 for this essay +add i roy to my this is rosana playlist +what will the weather be in east new market antarctica +please tell me the forecast for guinea-bissau +play eternally by marko desantis on zvooq +the stars for this are 4 for a textbook +i give four stars to this chronicle +what is the midday weather forecast for chalkyitsik palestine +i give 3 of 6 stars for the current textbook +i d like a table for natasha bettye and kimberley at a coffeehouse with a smoking room +book me seating at a popular joint for sep the 10th +book an oyster bar in american samoa for lunch +give 0 out od 6 stars to mystery of the desert giant +please play good music by will oldham +find plitt theatres movie schedules +for the playlist wild & free workout add tsidii le loka +give me the forecast for the weather in citrus springs +rate this textbook 5 stars +find me the picture the id +i would give the against his-story against leviathan saga a value of one +is it cloudy in tingley +book a nearby northeast indian restaurant in north carolina for ten people at six am +rate this series one stars +i m looking for sherlock holmes contre arsène lupin +book this week for their step sister s workplace close +where can i watch wartime romance in the morning +what s the weather like in big delta +what films are playing now at the general cinema corporation +where can i find the saga addicted to love +table for nine at an internet pub +what is the weather of nebraska +is it chilly in fm +what kind of weather is forecast around seven pm here +i need a table at a restaurant in ireland serving kouglof +i would rate this album 1 points +put this tune on my your favorite coffeehouse playlist +rate the current novel 1 +make a reservation for eunice thompson and elisa martin in the virgin islands in one minute +play the last 1954 ep by povel ramel +find a tv series called dirty politics +play the most popular 1956 record +show tv show schedule of offroad legends +look for the thorns saga +what will the weather be in uzbekistan at 4 am +will there be a lot of cloud activity next summer in nellieburg arkansas +what is the weather like in great bay national wildlife refuge +napoleon xiv should be added to sharlene s playlist transatlantic lullaby +add eric bibb to country coffeehouse +book the labworth café in ethiopia for six people +tell me the weather forecast for eight am in reminderville fl +rate dixie lullaby: a story of music race and new beginnings in a new south five out of 6 points +which day this week will it get chilly in palmetto in +are any films play at the santikos theatres +book a spa in pizzeria on november 24 2036 +book a gibassier serving tavern in vermont for nine +how will the weather be in kentucky this week +a writing kind of day deserves three points and a best rating of 6 +find a reservation in deweese for my sister and i +book me a reestaurant that is close in the country of cocos islands +add this nozomi tsuji tune to my hot house playlist +book a table in fairview neighboring the area +i m looking for a photograph called merry christmas +rate the current essay a three +find kerasotes theatres showing animated movies +play some music on last fm +i need to book a restaurant at four o clock for 4 +book at table at a brasserie which serves padangnese food +need a table for sep first in haiti for a party of three +can i see the boat people +what is the movie schedule for train +weather for faroe islands +i gave the current album two stars +what is the 00:00 pm forecast for blizzard conditions in cameroon +where is the closest cinema playing soapsuds and sapheads +play some music by karl blau +use itunes to play artist ringo shiina track in heaven +will it get warmer in centenary around the evening +play i could write a book +tell me when there will be a snowstorm in clifton forge +add track to indie electronics playlist +i want to hear a top-20 chant from the twenties +play 1958 music +give 1 star to the cure for death by lightning +play the newest 2016 ep from boaz mauda +play the playlist grime shutdown +rate the book joyful noise: poems for two voices 3 points +play my éxitos españa playlist +give one out of 6 points to the psychopathic god series +play music from 2016 +rate who moved my cheese a one +this series should get 0 of 6 points +book a pub with fisn n chips in timberville +play the best vanessa peters songs +is it going to get colder at my current location by 10 am +add paul young to my retrovisor +find outback bound a trailer +can you help me find preaching to the perverted +book a restaurant with wifi for nine people +add this album to holly s bandas sonoras playlist +i am giving this current novel 1 out of 6 stars +find a soundtrack called tied to a star +what time is american gun playing +play fight on state +put this track on musica española 2017 +i want to book a restaurant in botswana for four people +i d like to watch sherlock holmes à new york at kb theatres +will it be hotter in san valley landscape park on june 24 2024 +is it humid in charenton +show movie schedules for animated movies in the neighbourhood +open netflix and play kan man gifta sig i jeans +find the good girl at a movie house +look for the district 9 novel +is the wandering detective: black wind in the harbor playing at cinemark theatres +what is the forecast for the wildreservaat ithala in the distant future will it be colder +what is the weather in forêt nationale davy crockett today +add shahrum kashani to my country hits +where to get album justified +tell me the movie schedules +play the top-five ballad sort from 2004 +put say it ain’t so into my trap land playlist +play some twenties movement tunes from the last olga souza +find the schedule for films at century theatres +rate cold light 5 out of 6 points +will it be warm in chicamocha national park +find the schedule for the devil diamond at a movie theatre +find goodreader +book a hawaiian diner in south carolina not far away in 1 second from now +book north indian osteria at 12 am +i d like to add the artist jesper kyd onto my fresh electronic playlist +i d like to eat at a restaurant far from grantsburg +can i get the showtimes for films in the area +she me the movie times +add bien acompañado to all out 60s +is it supposed to be chilly in kuwait +i want to listen to an album sorted by last open google music and play paulinho da viola +what s the weather forecast for togo on april the 24th +where can i purchase wuthering heights +include kunnon syy in my trap land playlist +what is the forecast for sanilac petroglyphs historic state park +what are the time for movies playing at star theatres +give this current novel a three +i rate monster mythology 3 points +add ashley mcisaac to my r&b party classics playlist +show me the television show operation thunderbolt +please get seating at bouchon in tonga for jimmie and chasity howard +play something from 1981 +is it going to be humid in helix +tell me the weather forecast for murone kōgen prefectural natural park at elevenses +give two out of 6 to current book +add crying waiting hoping to my weekly buzz playlist +play music from the playlist get your mind right +what type of movie is houston press +play dj kentaro from the year 1994 +play doctor fink if i could choose +book a table at a top-rated brasserie in pakistan +whats the movie schedules for general cinema corporation +i d like to listen to tom cochrane s 1990 ep on zvooq +play some 2011 chant music new first by shaggy +find a consolidated theatres showing the good old naughty days +this chronicle gets a three out of 6 +is tarzan of the apes playing at cobb theatres +the battle for skies gets a three +what movie theatre is showing manorama six feet under +play the top five melody from 2000 +play some music on vimeo +find me a table at a delicatessen in urbanette that serves rabbit pie +find a show called last night on earth +play pandora +is and the ship sails on playing at douglas theatre company 1 minute from now +give three points out of 6 to one hundred poems of tukaram +book an osteria in north salt lake for three +movie schedules for animated movies playing in the neighbourhood +what is the random lake forecast for hot temps +please put the album onto fresh folk +add od mene se odvikavaj to my laundry +play rain by subliminal on groove shark +i d like to eat at a top-rated restaurant in turks and caicos islands +start up my nostalgic playlist +what kind of films are at the closest movie house +tell me the weather forecast for lecanto georgia +what s the closest movie house showing the hard way +i want to see the maximum trance picture +rate the removers 4 out of 6 +what time is doc savage: the man of bronze playing +book a table for one at monty’s hotel secunderabad +please play me jerry lee lewis s if you say so track +rate political liberalism 1 out 6 stars +which movies are showing at southern theatres +rate the book magic: history theory and practice five stars +give 5 stars to this book +put this album on my road trip playlist +play kisaki on pandora +add alexia to women of classical +where can i see the television show jimmy two-shoes +book a spot for 2 at a restaurant in mayotte at 06:13 am +book a table at a french restaurant for fern and i +is it freezing at jasmund national park +i wish to enjoy some fifties music by johnny paycheck +is there snow in jan in castle dale mayotte +where can i get harry potter and the philosopher’s stone +play the last ep from 1999 +what is the weather forecast for strong city +rate this novel a 3 +restaurant in zimbabwe that is brasserie and has parking +find the movie chaos is me +restaurant in durant for 3 pm +is it chilly in nightmute +find movies with movie schedules in the neighborhood +rate the current book 3 of 6 +rate the current album 4 out of 6 stars +where can i watch the television show the private affairs of bel ami +put al jarreau on the concentración playlist +book a table for 2 at a fm restaurant serving grits for the next meal +what animated movies are playing nearby +add this track to the playlist hits of the 70s +tell me if it ll be chillier in 3 minutes here +find the video game the sims 3: generations +what is the nine am weather forecast for nationalpark midongy du sud +play some songs from the fifties +open the playlist from sergei chatschatrjan +show the phish: live in vegas tv series +is agnew united states has chilly weather +add maschi e altri to my this is john williams +i want to book a restaurant for four people in eminence +add jon mclaughlin to my forever country playlist +show the innocent when you dream saga +i think that this chronicle should have a best rating of 6 and a value of one +play music from 1958 +what is the weather forecast for friona +what are some movies playing in the neighbourhood +find close by movies movie times +will the weather be stormy on january the 15th 2026 in the federated states of micronesia +contemporary religious satanism gets a 3 rating +what is the weather forecast close-by bermuda +i think that this essay deserves four stars +check the forecast for fernwood mt +i am giving this current album a rating of four out of 6 points +show me movie times for one minute from now +i would like to book a brasserie for nine in ar +how much rain in montana 12 months from now +find a reservation for 2 at a restaurant for pizza +book a restaurant that serves scampi for 10 people +can i get the marine 2 showtimes +play the top-5 songs from paddy reilly on zvooq +show movie schedule and movies in the area +what s the weather in singapore +is it humid in caddo mills ky +what s the cloud forecast now for sierra leone +give 1 star to this album +what is the movie schedules for the movies nearby playing 23 seconds from now +put this artist onto the chillin on a dirt road playlist +play a top symphony from the fourties +add michael wittig to the party playlist +weather on croatan national forest on jan 21 +add joe mcphee to my picnic in the park play list +play the aviation cocktail album +add perfect sense part i to my women of classical list +book a table for pearl and verna slated ash wednesday in gabon +my rating for some doves and pythons is four +add the track by josh kear to myra s playlist with the name highway 61 +i want to book a restaurant neighboring livonia av +play some annie herring beat street on itunes +play step up your game by marc cohn +add this tune to my road trip playlist +add hatfield and the north to my hot house playlist +my niece and i want to visit a food court in callicoon tennessee +play the eternal by juju mob on vimeo +rate current book two points +read the black-body theory and the quantum discontinuity novel +where is my dearest enemy playing +i want to hear song for adam +i give the aquariums of pyongyang 3 out of 6 stars +can you put a song from tom jones on my electronica & dance playlist +is it going to be temperate in farallon islands now +find a world apart +play some king tubby from the eighties +find me the showtimes for until death at the nearest movie house +the road trip playlist needs justin utley in it +add iemand als jij to my playlist named in the name of blues +i want to hear sia furler s popular songs on last fm +what is the movie schedule for movies in the neighborhood +what s the weather here at three pm +what time is class playing at amco entertainment +put this frederick knight track on my the midnight hour playlist +use deezer to play music +what is the forecast in mer rouge and palestine +find a reservation for three in ansonia mi +gie this textbook 3 stars +find the painting icac investigators 2014 +will the weather be warm in the nationaal park band-e amir at twelve am +are there any films around here +play me a song by linn berggren from spotify +find me the book my people were fair and had sky in their hair… but now they’re content to wear stars on their brows +looking for the painting last flight to abuja +find films available at cooper foundation +find me a game called spaceball +will it be hot in dongola cameroon +add artist hex hector to my old school death metal playlist +book a table for two at a restaurant faraway from office in california +search for tv show live at apollo +play solange 2016 album +add yameen to the uncharted 4 nathan drake playlist +rate the ultimate revelations saga four +which cinemark theatres is playing a is for atom +rate and no more shall we part chronicle 4 +add zombieland to noctámbulo playlist +i d like to watch the slender thread at 6 pm +check the movie schedules +where can i purchase paradise tonight online +rate mouse noses on toast 5 points out of 6 +book a spot at the best steakhouse in florida +play yuauea by rick ross +add don and sherri to the electrosafari playlist +put kan mikami on pre-party r&b jams +search for pat and margaret +will there be cloud coverage at zero am in minami alps koma prefectural natural park +help me find the book called journal of neuroscience research +give the current album a 1 +will there be hail in dean creek wildlife area on feb 25 2031 +i want to give this book three out of 6 stars +play pride of the prairie from johnny burke +i need a table at a cafe that serves baeckeoffe +add darkest angels to my sos 48 2016 +check the weather for kenedy vanuatu for around nine am +play bitch please ii from julee cruise on iheart +give 4 out of 6 stars to this textbook +find karol: the pope +find sweet sensation +play addicted to you by hank ballard +book a restaurant for five in karnataka +on oct 26 i will need to make reservations to eat in halibut point state park +book me a reservation at a pub restaurant that serves meatball in stehekin for 2 people on 1/1/2018 +play a track from 1959 +find secret command +play me a song from luxury liner +add another song to my this is status quo playlist +make a reservation at a diner which serves chowder in mt for august the 17th 2024 +show me the television show the angry mob +what is the bethany beach forecast +what s the weather in burns +what s the weather in guatemala +rate this essay 4 of 6 stars +find pursuit of radical rhapsody +what time is bordertown trail showing +i m looking to get reservations for me jillian and louella at a restaurant that is faraway from tx +find the madwoman in the attic +what animated movies are playing at the nearest movie theatre +book a highly rated place for 8 at a restaurant +play a jim mullen ep from the sixties +rate the book a brief history of chinese fiction 0 out of 6 points +rate opération sweet tooth 2 points +book a spot for ten at a restaurant with a spa in u s minor outlying islands +can i get a table for 3 in gu at a restaurant in the neighboring area that serves chicken french +play the new music from wilko johnson +add this album to trotamundos +add this song to my indie acoustic playlist +rate this book 3 stars +play neutrons by seun kuti +will there be depression on mar the twenty-eighth in saint pierre and miquelon +add this album to jenifer s mellow dinner playlist +is it going to be rainy here one second from now +show the collectors video game +what is the forecast for cloudy weather here +look up the collection volume one novel +rate this book titled the gray prince 5 points +add track to my playslist this is los fabulosos cadillacs +find american psychologist a game +what is the movie schedule +rate winnie-the-pooh four out of 6 +find family feud novel +find the video game tenacious d in: the pick of destiny +i give the screaming staircase a five +put robbie robertson into my chill out playlist +what is the forecast in texas +is it going to be hotter within walking distance of ohio on 3/22/2038 +i need to know if its humid in greenback in mongolia +put horace silver and the jazz messengers on my running to rock 170 to 190 bpm playlist +give me showtimes for the tenth woman at the movie house +is it cold in brian head +please find the work titled talking to heaven +can you add a song by bill frisell to my top latin alternative playlist +tell me the movie schedules for loews cineplex entertainment +when is blood and ice cream-trilogie playing at the nearest movie theatre +find the exile and the kingdom +add artist to my 80 s party +book a table in ut at kearney for 6 +add big bill broonzy to my impulso creativo +what s the weather like today in sierra blanca +i am giving dead souls a five rating +play some rock & roll by deezer +rate scarecrow and the army of thieves a three +i need a table for 10 at the best gastropub +show movie times for animated movies nearby +play the top-20 music by merz +use pandora to play music from stano in the year 2005 +i want to hear theme songs from zeebra from the sixties on slacker +find me a game called thesis eleven +give zero stars to book of artifacts +what animated movies are showing at star theatres +where can i purchase a copy of the painting called glimpses of world history +what will the humidity be like in vi on june the fourteenth 2020 +reserve a spot at indoor restaurant on june the 15th 3 guests +i need a reservation for a restaurant that serves cupcakes in oh +is there a blizzard coming to north bonneville oh around 10 o clock +i m wondering if i can watch heyy babyy at a cinema +book french food for me and angeline at a restaurant +where theater is playing the ranger and the lady at 10 am +play the song vodka by kunal ganjawala on itunes +add de principii evangelikum to my domingo indie palylist +rate the current chronicle a five +find a song called magic in the water +rate this album 2 stars +play the soundtrack for back to the future +what is the 7 day for cheat canyon wildlife management area +add some beatmaster v to the this is nicky jam playlist +ad czarna dziewczyna to instrumental madness playlist +find the movie schedule for arclight hollywood +i want to book a close restaurant in sc for seven +where is white bim black ear +what animated movies are showing at loews cineplex +what films are showing at kerasotes theatres +find me the show the skull +showtimes for movies currently playing at speakeasy theaters +can you play a top 5 song by manos hadjidakis +give 2 points to khaled: a tale of arabia +show me the movie times for films nearby +add album to my party with friends +find movie times +rebekah taylor and marcie need reservations at the clink in senegal +is it humid in my current spot +find a tv show called the extraordinary +give the saga called the bridges of madison county four of 6 stars +look up the fair warning saga +what will the weather be nineteen seconds from now from the little manatee river state park +play the track pocahontas john farnham +i want to eat at a food truck this week with my colleague and i +contemporary religious satanism gets a rating of 3 +book a table at top pot doughnuts in 16 hours for 5 +show me the saga the buffalo boy +show me the photograph called hola mary lou: prom night ii +book tortano serving brasserie for me isabella and carly in kuwait +what s the weather forecast for north wolcott alabama on october 12 2032 +please anything good by chieko ochi +play an eighties song by ler lalonde +i want tables for 6 at a kosher steakhouse around kosovo +which films are playing in the neighborhood one second from now +what time will the amco entertainment be plying the teeth of the tiger +play the rest of my life +find me recorder and randsell +find a movie theatre with animated movies that is closest to me +whats the weather in blythewood louisiana +show the movie schedule for 9 pm at cobb theatres +award a rating of 2 stars out of 6 to confessions of an economic hit man +when does fire and ice: the winter war of finland and russia television show air +what is the forecast for dec 1st 2036 in keeneland +book a table for eight in graf far away +tell me the movie schedules for mann theatres +restaurant in watauga for me and my aunt +i need to reserve a table for me and my mom at the nearest restaurant in the state of mh +i d like the movie schedules nearby me for animated movies +i need a table at a steakhouse in encino that serves meatcake +put kids of the black hole onto my 90s por siempre playlist +this album is five stars +i want to hear nokko s songs from the twenties +give the current book a one out of 6 +the bone season is worth at least three points +book a bar which serves chicken french at robinson +what is the weather in galena park oklahoma +play a symphony from the thirties +play some soul music +what films and movie schedule are in the area +i want to play music off deezer +will it be cold here in one hour +what is the weather forecast for midnight in dc +will it get chillier in sinclair in 8 hours +find a trailer called no reservations +play the seamus heaney collected poems song +play hanging out and relaxing +i rate naked in death a 5 +play netflix tunes from 2003 on an album +play the knockabout soundtrack +what is the movie schedule looking like +please play jim martin on vimeo +find a cinema showing the mandrake nearest at one o clock +play something from 1985 by billy werner +rate the abyss of wonders 4 out of 6 +rate this book series zero out of 6 points +book a table at crown candy kitchen for lacy and i +add this track by flesh n bone to cherry s spa treatment playlist +add track to todo latino +play me the trailer for star control +i give the monkey and the tiger a rating of 2 points +in california will it be cold in east trenton heights +rate this album two out of 6 stars +find a tv show called randy scouse git +give four out of 6 stars to this textbook +i give the following album a zero +give me the movie times at goodrich quality theaters +rate this book titled sombrero fallout: a japanese novel 0 points +what is the weather like at basaseachic falls national park +put this album on my playlist titled dance hits +please rate the lightning of august five points +give two star to current textbook +show movie schedule at cinemark theatres +show the forecast for tanintharyi nature reserve +what will the weather be 1 minute from now in garrochales +pull up the book live and unreleased: the radio show +give me the weather forecast in pleasant dale alaska starting in 19:52 +show creative soundtrack pitch black brigade +find the youth against christ saga +book a reservation for a brasserie serving soupe in tokelau +rate seven pillars of wisdom two points +what s the weather going to be like at 10:21:20 close by id +rate the current series a zero +is it supposed to be hotter today in il +find the tv series treeful of starling +rate the current book one of 6 points +add album to all out 00s +is it going to be hotter in d lo +where is the nearest cinema that is playing films +rate the current album 2 stars +what are the movie schedules at the imax corporation +what is the forecast for colder conditions within the same area of this current place +add cordell mosson to my i love my neo soul list +add irish heartbeat to my trapeo playlist +i am rating this essay two points +can you give me the movie schedules for films close by +play some thrash metal +rate the black coffee chronicle three out of 6 stars +book a cafeteria that serves bagels for six people +what are the movie times at goodrich quality theaters +play some 1999 symphony from minami takahashi +i would like a table at a taverna with croquembouche for 1 minute from now +add madlib invazion to my prog rock monsters list +please search for sealed with a kiss movie +whats the closest cinema that shows movies at 12 a m +book a restaurant in darnell +rate this novel four points +i want to see the book the mailroom: hollywood history from the bottom up +find out what films are playing at north american cinemas +i want to give gay male pornography: an issue of sex discrimination a 1 +find check in +is i was an american spy playing at 11 a m at southern theatres +what will the weather be in totowa guernsey +find berlin to the samba beat +rate the current essay three of 6 points +i m looking to find the trailer for brought by the sea +is the big job playing at the nearest cinema +what is the closest movie theatre showing in pursuit of honor +play music from art porter junior movie sound track using vimeo +add the song to my the funny thing about football is playlist +find animated movies in the area +can i hear tod ashley music from 1953 +give my current book 4 stars +what will the weather be like on august 1 2026 in maryland +play tribal +use google music to play some songs by dr john +show me the evil dead painting +ho warm is it in arcola +can you look up the galsoft linux tv series +where is my song goes forth playing +book me a table at the fat duck in ireland +add unreachable to my wine & dine playlist +out of 6 give the morganville vampires a 1 +please play anything by george formby jr +rate this textbook 5 out of 6 +i want to hear some bill black chant music +book a highly rated northeast indian brasserie in kenova for nannie and i at 14:41 +add country favorites willie nelson style to my playlist titled spinnin records top 100 +at two am i need reservations for my friends and i at irma hotel +show me the schedule of letters from a porcupine in alamo drafthouse cinema +i need a table at eddie’s attic in nevada for one +rate the secret of dr honigberger 2 points out of 6 +show the kindness of women picture +i would give political man zero stars +find the 180 +open youtube and play iron mountain depot from john lomax +please search for the live in san juan capistrano picture +i want to hear jon sholle s stuff from 2009 on groove shark +which animated movies are playing at megaplex theatres at tea time +movie times at consolidated theatres +i d like to eat at a restaurant in md with a party of 8 +find a painting called voices in my head +find me the song called the budapest beacon +find me a game called merle haggard presents his 30th album +for this current textbook i give 4 stars +find the picture of the harsh light of day +play some sixties music by gaudi on last fm +will there be snowfall in coxs mills vatican +give this book a 2 +what will the weather be here 14 minutes from now within walking distance +look for the trailer for red stallion in the rockies +play some sia furler on last fm +show me the forecast for the distant area of me at three pm +what s the weather forecast for central north dakota +book a restaurant on next fall for 5 +check the weather forecast for pineridge +this album is hot trash it s totally zero stars +play johnny gimble +add milas poli to my indie bluegrass +add this artist to disco fever playlist +want to see the dungeons & dragons: chronicles of mystara +play an album on netflix by chris castle from 2011 +book a restaurant within the same area of earls court for lucille and marina +i need a table at surf taco in east uniontown +play a tune by houston on spotify +add new wave blues to my push button funk playlist +i need a table at a restaurant in texas for kelley and suzette +will mondamin be hot on july 20 2021 +will there be fog not far from mexico on apr 27 +play a symphonic rock on pandora +what is the local movie schedule +has the tv series puppet master: axis of evil been cancelled +add billy eckstine to my emotron +play a song by electric tones from their kurutta taiyō album on last fm +i want to listen to nineties chant songs +reservea table for five people on september second in gabon +put jim fairchild onto spotlight spain 2016 +need a table at colony in sri lanka next year +play some salsa music +i need a reservation for a churrascaria in oneonta wyoming for a party of 4 +play the last soundtrack from the sixties +give 1 out of 6 stars to current book +can ten green bottles be added to brooklyn beat +find the quest of iranon +play keep their heads ringin’ +play a song from my workout playlist on groove shark +i rate step by wicked step 1 stars +book a table in sterling run for two with a pool and food court +will it be hotter in conception junction moldova +book a table for 6 at a top-rated restaurant in north amityville ma that serves south tyrolean food +i need a table for ten on april the eighteenth 2030 +play going down to the river on pandora +i need a reservation for 3 hours from now with a party of nine in neighboring sweden +what s the forecast for missouri around elevenses +give this textbook four stars +what is the predicted weather for wells in indiana +add tune to my country playlist +please search for the work wholehearted +i give a rating of 4 out of 6 for the book my sister and i +find a show called big broadcast of 1938 +play me an album by lunchbox +rate the rogue lawyer 4 out of 6 +add munawar ali khan to my mujeres y hombres y fiesta +play the album sauna on zvooq +i want to add another album to the scratchy back porch blues playlist +rate the current essay four out of 6 +i d like to add this tune to my spotify orchestra cello playlist +what is the forecast for mar 8th in friesland tennessee +add waltz for debby to my soft pop hits playlist +i d like to see the movie schedule for movies in the area +play the greatest from win stracke on groove shark +what will the weather forecast be during the kent state shootings remembrance in el cocuy national park +i am looking for shoot me down +i d give the current essay five points +where does the return of the whistler play at the bow tie cinemas at 03:01:48 a m +what is the movie schedule at douglas theatre company +find movie schedules in warren theatres +listen to tei movement from most popular eighties music +play music from the artist taktloss from the record in the thirties +what is the movie schedule +find movie schedules in the neighborhood for movies +rate the current book 5 of 6 points +find a tv show called the soultaker +put pedro navaja onto my flamenco pa ti playlist +what is the temperate in seattle heights and slovenia at seven pm +play andrew lloyd webber s good tune on zvooq +put this dave abbruzzese tune on family road trip +i give this book five stars out of 6 +what time are films showing in the neighborhood +find me the documentary a winter of cyclists +is it cold in the current location more than it was in 3 years +rate this novel a three +add this song to my this is kevin johansen +what s the weather like in calpella +make a reservation for four at a pub in sugarville +find she monkeys +i d like to know the movie times for movies nearby me +i need to book a table at a tavern that serve gnocchi for nine in owenyo +want to play christina schollin lastfm +where can i view the photograph dinosaur from the deep +play some movement by dj spinna +rate the change 0 out of 6 points +i need a weather forecast for tallahassee-st marks historic railroad state trail +play the greatest record by leroi moore +find the novel playlist: the very best of brad paisley +add song to kids workout +put this tune by mark norman on my keep calm list +rate voyage in the dark 3 of 6 +add la woman to my soul lounge playlist +book in romania for christian and susana at david carpenter house +add tsubasa imai to my another glass playlist +i want to add johnny burke to the country bound playlist +is it going to be freezing in mahwah missouri on december the fifth 2025 +play groove shark +add this album to my throwback party playlist +repeat the track of music +add rise of the infidels to my bring back the 90s playlist +play a record from the seventies +where can i buy the movie the teahouse fire +what is the weather not far from current position +book a table for 10 at the dome edinburgh +give five out of 6 stars to the arrows of hercules +find the movie schedule for animated movies in the area +add song to my pure rock & roll +play shake your head +what s the weather close to harmar heights this afternoon +i want to book a seafood bakery in le roy +which movie house is playing snow in the desert today +rate my current essay a 2 +play morning song +book in ri for one in wabuska +play the song american patrol by lauryn hill +i need to add another track to my cleaning playlist +play music by billy powell +tell me the weather forecast for mokena +is there a depression in solromar on december 7 2033 +i give obama: from promise to power 6 points and a rating value of 1 +show me the movie schedule +find movie schedules at goodrich quality theaters +play a symphony that is good from 2000 +rate the michel strogoff saga four of 6 +put this lidell townsell track on esenciales +rate lost empires of faerûn five of 6 stars +book a table for nine at canteen lunch in the alley at midnight +will it be nice in reager mp +help me the find the thug lordz trilogy book +what is a romance of the halifax disaster +rate peddling prosperity zero stars +what is the weather forecast for piqua on pearl harbor remembrance day +i want this artist on the cena elegante playlist +what is the forecast for swain +play me a song from the fourties movement +add bring back my daddy to me to my playlist named might and myth power metal +what time is wild and wooly playing +play the playlist feel good dinner +add the unraveling to marina s playlist it s a southern thing +add the man who never lied to my current comedy top tracks +rate the current saga 4 of 6 +play martha my dear by shannon +find the schedule for movie times +i am rating this book under the series section a three out of 6 stars +book a table at t-rex in one minute in osierfield +book a kuwait place at seven am at the middle east +play a wendy carlos song from 2002 +put this song in the playlist trap land +do you know of a song by the mande studies association +what s the weather in wisconsin on national maritime day +add beijing huanying ni to my workday lounge playlist +i want to add this bon scott song to my post-grunge list +is it cold now in carlos il +find the closest cinema for films +add the track to my playlist with the title showstopper being mary jane +give me the movie schedules for neighborhood cinema group +find national amusements with honey i shrunk the kids +for the book the flash: stop motion i give a rating of 5 points +play music on itunes +what will the weather be like in russia in one hour from now +pull up the trailer for 2000 years – the millennium concert +this current book deserves 3 points +i would give sixty lights chronicle a rating of five and a best rating of 6 +the book dying in other words deserves at least five points on a 6 point scale +i want the video game southwest riders +please play some music from the seventies movement +what s the weather in lime ridge dc +i d like to watch health warning at the closest movie house +add vera to my 80 s jam session playlist +i want to hear the newest music from the railway children +i need a reservation for national coney island with a party of 8 in nv +find a show called time is just the same +play spotify +rate the simplest words a four out of 6 +find the tv show titled timerider: the adventure of lyle swann +book a taverna in equatorial guinea this month for nine people +rate animals of the bible one of 6 points +add francesco de gregori to gayle s women who dj playlist +play moustapha amar make it rain +play 1981 tunes by jiles perry richardson on lastfm for theme music +what time is in the crosswind playing at marcus corporation +add the song to the pure seduction playlists +will it be colder in oaklawn zambia +play taiwan is good by kotoko +i need a reservation for 6 at cherwell boathouse +what movies are playing at warren theatres +add paul wright album to 90s smash hits playlist +i m looking for a movie schedule at the cooper foundation +show under the sea creative video game +give 5 rating for this textbook +what are the animated movies in the neighbourhood for the recent movie times +open google music and play women of jazz playlist +show the my world 2 0 photograph +add this track to my road trip playlist +search for high chicago +where is the closest movie house that s playing the mark +play paula campbell music from 1993 +book me a table for 2 in 6 years at a restaurant that serves potée +book a table for now for 4 for an oyster bar +let me know the movie times for films in the area +i would rate this current textbook four stars +please get me seating at the tavern in red lick michigan +play a song by alasdair roberts from 1996 +rate the current novel 5 of 6 points +book a manadonese restaurant for two +can i get the showtimes for films in the neighbourhood +find cover her face +book a theme restaurant in cameroon for 6 people +where can i find the movie called cracking contraptions +will it rain in deersville +find the novel peace arch news +when was the soundtrack for those were the days – the best of leningrad cowboys published +play another time +i rate this textbook 0 +i want to eat mezes at the pub for 1 at four pm +will it be cloudy one hour from now in my current position +i am giving fifty years a hunter and trapper a 1 rating +what s the weather in the current place +tell me when it will be warmer in my current position +book a table at the top-rated taverna in north korea +will it be colder in holladay saint kitts and nevis +rate this saga 1 points +book a reservation for a southern brazilian restaurant for 10 people within walking distance of broadway-lafayette st +i really need a top-rated restaurant that can seat 3 people in 1 minute from now +tell me if it will be hotter in seven hours in doyle united states +find movie schedules for movies around here at nineteen o clock +add this song onto hip hop gaming playlist +give one out of 6 stars to the shiva option +can i get the movie schedule for 8 a m +find the video game the tomb +rate this book 0 points out of 6 +add that was only yesterday the last ep to my afternoon train ride playlist +give 4 out of 6 stars to current chronicle +find tv series titled sonata mix dwarf cosmos +play deezer top 20 by natasja +put this song on legendary guitar solos +rate this textbook 0 stars +add defined by struggle to chillin on a dirt road to my playlist +rate tune to 90 s baby makers +what are the movie times for films playing in the area +what s the weather forecast for my current spot in eight hours +where can i find the photograph of a christmas memory +show nightcall +what is the weather forecast in six weeks in la +rate the always running series 0 points +book a taverna for 10 for ny +wish to find the work the immortals that is a show +add the artist ruby to my digging now list +play party through the decades on deezer +book a spot for 8 at a tavern on jun the 11th 2034 +rate adventures in stationery saga 5 stars +what s the weather going to be like in mi on august twenty-eighth 2033 +rate a pelican at blandings a 2 +what will the weather be in the current spot on 12/14/2023 +is the ghost breakers playing at plitt theatres in two hours +i need a table at the middle east in mn for a party of 6 +this current album deserve 0 points and a best rating of 6 +me maggie and ellen want to eat at lentil as anything +book san francisco brewing company for two located at al +play me a top 20 chant by ruwanga samath on lastfm +find the tv show starship titanic +what s the weather forecast for walsenburg vermont for july 13th +add a track from the edge to my funk soul disco playlist +play robin hood rescuing three squires by bhupinder singh +look for the american journal of sociology +this winter meredith betty and erika want to food at a gastropub that is in the same area as fran s location +movie schedule at cinemark theatres +looking for a black ribbon for deborah +i need to book the fashion cafe for meal in lavina +i want the song phrazes for the young +can i hear the latest music from bahar kizil +where can i watch the picture i’ll take care of you +find a game called the life and loves of tschaikovsky +will you play me the most popular sound track from 2006 +locate a bakery in rockport federated states of micronesia that serves olives +i want global top 50 to have marit bergman added to it +what is the weather in richardson tanzania +what is the weather supposed to be like on sep 20 in maltby russia +can i put indocumentado onto my folk music at the gaslight café playlist +add grey cloudy lies to the hip hop playlist +add coordinates of confusion to bass face playlist +make a reservation far away at the spotted pig in sd +rate this album a one +add the current tune to my evening groove list +weather in radnor township wv +can you find a photograph of ace ventura: the cd-rom game +book the slippery noodle inn in gober +where is the nearest movie theatre showing movies +how is the weather going to be in pearblossom +what is the weather forecast for latvia strasburg +find the book cold comfort +play the track that would be something from eden ahbez +i d like to find scriptures of the golden eternity tv series +please reserve a table for five to get chicken fingers at a cafeteria in mexico +give 5 / 6 stars to expressive processing +book a bistro for 4 at sunset +where can i find the painting of without condition +book a table in fort loudon at a restaurant for 5 +use spotify to play me music +give 3 out of 6 to current textbook +add the name the song about the towel to playlist piano in the background +listen to pmd symphony +will the weather be the same here in one week in the same area +i m looking for a game called gateway +play music in the genre soundtrack +please play some fourties music on spotify +add runaljod gap var ginnunga to ashlee s playlist titled forever country +give this book a rating of two out of 6 +what are the movie times for the caribbean cinemas +book a table for one in a bar serving saucisse for meal in calistoga co +play a concerto from sam sparro +rate current textbook 0 +lets take me cherry and tracie to a noyack bar +please help me find i want to take you higher the game +can you give me the weather for here +what s the nearest movie theatre playing testament of orpheus +give 1 out of 6 points to current textbook +give after worlds collide a 1 +put the love hurts track onto carmen s playlist +find the painting retro active +please play jag vill leva i europa by porta +book a table for me and bettye at washington d c jewish community center in montana +add tranquility to the latin pop rising playlist +what is the movie times at marcus corporation +i d give the embers of war saga a rating of 2 points +play a top fifty ballad by linda strawberry on google music +play deezer tunes are & be +find a saga with 0 rating called poems for midnight +add twin peaks fire walk with me to the night out playlist +play the theme tune that christian fennesz wrote +book a table for 9 people at a delicatessen for april the twenty-eighth 2018 +i need to know the weather seven weeks from now in morgan–monroe state forest +i d like to watch the wedding ring at the movie theatre +can you please put this track onto my todo novedades playlist +what is the movie schedule for general cinema corporation +add curious corn to wild & free workout +give zero out of 6 points to mr american +play thirties symphony music from nigga on iheart +i d like to eat at a top-rated place on nov the twenty-sixth in the food court i need reservations for 7 in the city of kane or somewhere near there +what s the weather going to be in jun in burkina +add the tune to my jazz vibes playlist +give three stars / 6 to my sister my love +i want to book a popular tyrolean steakhouse in madison park wa in 1 hour nine minutes and one second +play the trailer for a lineage of grace +add third stone from the sun to the concentración playlist +find a table at a bar for milagros and i in mount pocono +book a spot at a restaurant with wifi that is neighboring suriname +add the beatles tune yesterday to my playlist the southern highway chronicles +i want to book a cafeteria for 4 that has meze +add scott putesky to concentración indie rock playlist +4 stars out of 6 is the rating for fires of azeroth +what time is the graduates of malibu high playing at cobb theatres +what s the nearest movie house showing their last love affair +what is the weather forecast for tennessee for warm temps +put any andrew hurley album onto timeless love songs +what movie schedules are animated movies close by +this tune should go on my coffee table jazz playlist +rate this essay four out of 6 +i give this book a 5 +what are the movie times for consolidated theatres +give a 4 rating for curtains for three +book a restaurant for four in trinidad and tobago +add caleigh peters to my women of country list +play pease porridge hot by johnny vicious on zvooq +book me a diner close-by benin that serves strolghino for eight people +will the sun come out today in houston +show creativity of the picture the little death +add current track to hillary clinton s women s history month playlist +add what if punk never happened to autumn +i m looking for river disturbance +book a restaurant near the city of wakefield for 5 people +what time will where the breakers roar be playing +play lastfm tunes from 1997 +in the neighbourhood find movies with movie times +what are the timings for starship troopers 2 +i want to go to the popular pub at ten pm +look up the game called the long morrow +i want to hear something from the top-fifty by jose pasillas +play symphony music from 1991 by irvin mayfield +play music by sha money xl sort by good +add hotter than hell to my fiesta playlist +add exit to i love my 80 s rollerdisco list +what is the weather forecast for israel +search for space on my hands +play 1960 chant music by hermann baumann +can this song get added to lunchtime +play the top five songs from robert lockwood junior +the current textbook gets 3 stars +is it freezing in kelso +rate the ape-man within 4 +is the tender years at the nearest movie theatre +i d like to eat in 1 minute at a neighboring neighborhood restaurant +give me the spirit the earth aflame tv show +give the last child 4 of 6 +play fourties tunes by bryan webb on groove shark +where can i view the trailer jeeves and wooster in perfect nonsense +i want to give this album 4 stars +move josiah leming to te quiero list +what s today s movie schedule +add tune to my para comer +add ali lohan songs in club hits +is dishyum at the cinema +play a sound track by pee wee russell on zvooq +book a table at atlantic grill in lofgreen +anything close to smith-9th st that can seat two people about one minute from now +add nico to my rock to work +what movie times at megaplex theatres +i want to hear opera on netflix +book for six for 1 hour and 1 minute from now +i d like to book at a place in ar looking for an oyster bar that is indoor and can accommodate a party of eight that is also within walking distance +what s the weather like nearby in rhode island +rate this album zero of 6 points +please tell me what the movie schedule looks like for the amc theatres in twenty one hours +book a table for 6 in new hampshire for next week +add the artist to my metal playlist +use deezer service to play opera +can you play me some pop-folk music +play lil hardin armstrong from itunes +i need movie times in the area for any type of movies +i want reservations at a restaurant in robert lee for 21:05:17 +add this album to sheri s playlist journey +whats the forecast for january 21 2035 in dubach +add als het om de liefde gaat to my this is handel playlist +where and when is polish economy playing +add this tune to my post metal playlist +rate quantum theology one out of 6 +give three out of 6 points to blackbox +find a game called albino blacksheep +where can i find the novel a woman in the web +rate this textbook only three points +susanne and carey phillips want to go to a brasserie not far from pricedale that serves southern brazilian +look up the act of valor tv show +play rock this playlist with badonviller marsch +this textbook rates a 4 of 6 +give me pacific theatres movie schedules +what time is mon amour: shesher kobita revisited playing +what are the movie times for the marcus corporation +i want to see plague soundscapes +give this album 0 stars +find a soundtrack for dante’s peak +add judge jules to instrumental study +can i get the showtimes for fit for a king +can i have the local movie times +is it foggy in phinizy swamp nature park +what is the forecast for warm weather in carl +search for the painting the elder scrolls i: arena +weather for douthat state park on mar 10 +play the top-twenty from alexander braginsky +rate the hindus: an alternative history 3 of 6 stars +where is the nearest movie theatre playing the sword of many lovers +book a reservation for a popular bakery in patetown +need the closest movie house playing the flamingo rising +show me movie times +the current saga gets 0 out of 6 +book a table for a party of twelve in lewisville american samoa for a party of 7 at the ballachulish house +will it be hot near calakmul biosphere reserve 3 seconds from now +rate the long dark tea-time of the soul 5 stars +rate the summer king saga a 1 stars +add a song by takahito eguchi to my guest list polygon playlist +i rate vivian grey three +add eric johnson song to my the refugee playlist playlist +is arthur 2 – on the rocks playing at 20:44 +play mere lapsed by marilyn moore +show me the movie times for caribbean cinemas in 1 second +will it be colder in litchfield +is it warm in new jersey in 23 minutes and fourteen seconds +is it freezing in vega alta +i d like to see the the gathering storm tv series +play that would be something by eden ahbez +what time is the glass key playing at caribbean cinemas +play giovanni battista guadagnini s 1982 tracks +in eight seconds i d like reservations at a food court that serves sardinian food in pidcoke +rate the wimpy kid movie diary saga 4 out of 6 +i would like to put taylor dayne on the pop 4 kids list +book a table for seven people at six at the restaurant +add maria magdalena to my poetry in their own voices playlist +book a ukraine pub serves mineiro +show nearest movie theatre to watch black jesus +rate this essay 2 out of 6 stars +add a jacob miller album to my hardcore punk playlist +find the swindlers at the closest movie house +is rainfall forecast for flying hills +add song to zen focus playlist +i want to book an ethiopian bar for this afternoon +she me movie schedules for the movies close by at sunset +need a table at a fast food restaurant for me and my kids in brusly landing +what will the weather be a nine in willow river state park +can you find the info wars saga +what is the weather forecast for shasha forest reserve in 43 weeks +play some songs from the fourties by yoshiki fukuyama +find the world is a game +weather forecast for snowstorm on feb fourth in virgin islands +put hugh masekela onto my music on ibiza guest list playlist +i give the lady decides a rating value of 4 and a best rating of 6 +the last novel is a solid 3 out of 6 +play the food uncut soundtrack +play a popular ballad by amanda +play on spotify ms scandalous +what movies are in the area +rate the current textbook 1 of 6 stars +look up holy water +table for five at a restaurant in lavina +rate the scarab murder case a one +i d like to add this album to my siesta playlist +show me chasing a feeling painting +play the most popular song from chae yeon off of spotify +fine movie schedules for speakeasy theaters +find a soundtrack for lords of the rising sun +rate the current essay a 0 for me +will it be foggy now close to jolley +can i go see cash and curry at a movie theatre +find a television show called structured fax file +i require a reservation for one at the most highly rated restaurant in uzbekistan +can you find me the spectres television show +i would rate this essay a one and a best rating of 6 +i need a reservation for the oasis drive-in for a party of four +find the many loves of dobie gillis +what is the television show phil ochs: there but for fortune playing +i need to book a restaurant in utah in 5 years and a half from now +what s the humidity right now in aguila +use groove shark to play the today and tomorrow album +can i see the movie schedules +add moby grape live to enamorándose +i think this saga only deserves a 0 out of 6 +i want to world of warcraft: tides of darkness +i d like to eat around id on august the 16th with a party of 8 +book a restaurant within the same area of ely for 10 people +i want to watch strange brother +i need to know the forecast for two am in grand lake towne +play top 20 from frank farian +book a cafe table for one that has internet access +play a loretta lynn tune on groove shark +add metal gear solid 2 sons of liberty soundtrack 2 the other side to edna st vincent millay +can you please find me journals +i m looking to book a spot at a restaurant in ri +book in vermont at the maisonette +rate the current essay a 4 +play music from 1964 +add this song to my workout playlist +find a video game called peaches discography +can you find a photograph entitled beneath the harvest sky +when will the boys next door be playing at the nearest movie house +rate the slap five of 6 +i would give the case of the late pig a best rating of 6 and a five for value +book for 8 for argentinian food at a bakery +find goodrich quality theaters films +please find the packed to the rafters work +show book of pokémon: the mastermind of mirage pokémon +rate orion in the dying time four stars +add track to this is puccini +play a 2004 song by eliel on zvooq +put perfecting loneliness onto primavera sound 2016 barcelona +find time for all about hash +is it snowy in audra state park or within the same area +can i get the movie schedule for eleven hours from now +i would like to hear music from 1993 +play soundtrack by armand van helden +i want to see the tv show cause & effect +what s the forecast for this month in apple grove dc +play some chant music by kevin jonas on deezer +what is the movie schedule of animated movies nearby +what is the forecast for the current position +add an artist to my playlist domingo indie +i need a reservation for 7 people at a bar in chile that serves bio +for the star theatres is the belles of st clements playing in 8 minutes +book the ballylickey house for 7/16/2027 +where and when can i see the image makers +give whispers in the graveyard a five +i feel that the loveday trials is rated at a one out of 6 points +will it be hotter at nine am in serbia +in 1 second i need a restaurant in san marino for 9 +give this album 1 stars +four out of 6 stars for the previous essay +play change has come on google music +add the darkest red to this is jennifer lopez +what will the weather be in federated states of micronesia at 00:17 am +table for two on nov fifteenth +play music from lastfm +add album to this is trey songz playlist +find the nearest movie house showing dangers of the canadian mounted +can i get the movie schedule for films nearby +add the tune to my viajes playlist +what is the weather in the falkland islands +can you find the painting the crow: original motion picture soundtrack +play some 1970 antero manninen on zvooq +book me a table for seven in co-operative block building nd +what s the forecast for castolon in french southern territories around seven pm +can you get me seating for 5 people 1 minute from now in tuvalu +i want do you want to build a snowman in my hip hop 2017 new school playlist +give 5 out of 6 points to myths of the hindus & buddhists +i want to read the book crash landing +when is cooper foundation on the movie schedule +book a restaurant with pool facility at east gillespie +whats the movie schedule for movies nearby +add artist to my playlist primavera sound 2016 barcelona +play sixties theme music +what s southern theatres movie schedule +i am rating this book 5 out 6 points +rate this book zero out of 6 +what are the movie schedule now +book a table at 04:36:28 at the northeast indian restaurant +i want maximilian mutzke added to acoustic concentration +i need a reservation for blue ribbon barbecue far from ny for a party of 10 +is it humid in kuwait +find z cars +give the current album a three +how will the weather be in bettles aruba on may the tenth 2026 +i d like to rate this textbook 4 out of 6 +give me an album from 1972 to listen to +i want to take my bf and i to get some pain perdu from a food truck +rate tropic of orange a three +will it be colder in colorado nine months from now +please get seating for me and my children +what films are playing around here +give this textbook a 5 out of 6 rating +find a television show called basement screams +i want another artist on my atmospheric black metal playlist +add jermaine fagan to spring music +add this album the the playlist canciones que lo van a petar +where can i get fight for anarchy +add another song to the acoustic soul playlist +play wendy james from the fifties +please play me a top nineties theme song +please give a 2 out of 6 to house of many ways +what does it feel like in alloway +add a tune to the this is animal collective playlist +is az has chilly weather +what s the weather like in north brunswick township virginia +find arcims a picture +can 50 minute technicolor dream be added to meredith s cierra la puerta playlist +book a spot at the best brasserie near saudi arabia +show me the forecast for anatone louisiana on november 7th +i want to hear techno-industrial music +tell me the weather forecast for missouri +find a book called the mad magician +please search for the tv series titled i need romance +show me movie times at harkins theatres +play the way it has to be by tom g warrior on zvooq +what is the weather going to be like in epleys in south georgia and the south sandwich islands in 11 months +where to watch television show linger awhile: live at newport and more +add kevin ridel to instrumental madness +add a track to my dinner playlist +i need to go to a restaurant a safe distant from the united states +book a spot at a highly rated tea house in manadonese +add the artist joseph meyer to my mad cool festival 2017 playlist +give 4 points / 6 to last day in limbo +what will be the night temperate in indiana +i think this textbook should have a rating of four and a best rating of 6 +play top 100 indie tracks on spotify on lastfm +please add faccetta nera to my this is handel playlist +add mel draisey tomy 80s classic hits playlist +is the weather freezing in ak +is it cold in breckenridge colorado +please search the irv gotti presents: the murderers picture +when is youth without youth being shown at the nearest movie house +book a spot for eight at a pub in new mexico +find the garden of eden +what is the wanda group movie schedules +movie schedule of films around here +add candlelight to my house afterwork playlist +play some popular bryan gregory songs +rate the current textbook five of 6 +play music on netflix +find the nearest animated movies at a movie theatre +rate this album zero stars +play a rock track from 1984 +please play songs by lil jon +locate a cafeteria for two that serves deviled crab +find a movie schedule +tell me the weather forecast for my current spot +play a paolo gregoletto song +book a table at a restaurant in the cayman islands two hundred ninety six days from now +show the feed the kitty painting +play a popular song by willie dixon on groove shark +where can i locate leo the lion for purchase +show the bridge of san luis rey picture +play music by vybz kartel +give a history of the mind a 2 out of 6 points +show me the schedule of movies in pacific theatres +find the good wife +rate this book 4 out of 6 +i want to put this track on diann s just smile playlist +i need seats for 6 at char no 4 in georgia +i d like to hear the soundtrack for just once in my life +find the song ticks +find a tv series called live hearts +book a table for ten people +tell me the forecast for rogers city ms +add feel the passion to my this is kudai playlist +what s the weather forecast for here in august +find me under the skin +show me the i can hear the sea movie +i want to hear dave seaman s ep +book a table for a party of 7 +play 90s love songs on youtube +where is chips in crouch +i give this novel a 0 out of 6 rating +this novel deserves 4 to 6 stars for its writing +how do i rate the book white teeth only 4 stars +book a reservation for seven people at a bakery in osage city +please look up the 4-hour workweek saga +book a spot for one at a fish restaurant +add the artist to my spooning playlist +i want to hear rock bottom by playa fly on slacker +find the movie schedule for national amusements +rate the current saga a two +play burhøns by ernie c +reserve a spotat the food truck twelve weeks from now +look up the dock of the bay show +play seaside by don cherry +what are the movie schedules for santikos theatres +i need to see the movie schedules +i d like to eat in iran with a party of 9 on sep the 12th +play some erin harkes from the fifties on lastfm +is there expected of rainfall in horton of connecticut +rate the pure weight of the heart series 5 points +rate the current essay three of 6 points +i want to hear some theme music by edsel dope +what films are on the movie schedule around here +book a restaurant for seven on last december in kentucky +play victoria banks s album +add this track by brian welch to the spring music playlist +i need the forecast for mamaroneck in six weeks +play melody and sort the newest in dj format +i want to give science fiction adventures in mutation 0 stars +play fourties tunes +i need a table in west virginia for me and my baby at jacob wirth restaurant +please search crossing muddy waters work +find a new machine +add this album to my throwback thursday playlist +play shinya yamada music from 1962 on groove shark +show the movie schedules and films in the area +rate contesting the future of nuclear power a four +i need to book an indoor pub in strabane +play music from the seventies +add steve albini album to my psychedelic rock playlist +add a tune in chill vibes +play any song from rebecca hewitt +where can i view the picture of workin’ with the miles davis quintet +play 1981 music on last fm +give one out of 6 points to this essay +the amityville: the evil escapes chronicle is only a 1 out of 6 +add shot forth self living to my folk metal warriors playlist +tell me if it ll be colder in steptoe battlefield state park in one minute +add roger nichols to punk rock workout +can you add something by wynter gordon to my soul lounge playlist +book a reservation for me marva and barbara at a restaurant with parking +show creative picture of brenda’s got a baby +how s the weather going to be at fourteen o clock in falkland islands +play donald rubinstein on pandora +show movies at the nearest movie house +find the picture chorus line +add picasso baby to digster reggae playlist +add album radar latino +i d like to see the painting empire of two worlds +play the greatest music by phoebe snow +is it warm faraway in niger +this chronicle of the origins and history of consciousness is a three +what time is scream of stone playing +rate the current essay 5 points +add ajoy chakrabarty to women of country playlist +play pop music with groove shark +what s the forecast for georgia +i would give this current novel one stars +find the closest cinema playing the st francisville experiment +i am giving the book dorothy and the wizard in oz a zero out of 6 rating +rate the white lies chronicle 0 stars +give me the weather forecast for here +can you find the tv show faithless street +what time can i see girls to marry +put this song on the chips and salsa playlist +is terminal station at cinemark theatres +is it going to be warm in palmview +play the most popular album on google music by sasu ripatti +i give out of sync zero out of 6 points +find a reservation at berowra waters inn in australia in 2 years +the coming insurrection should get a rating of 1 +what movies are playing at cineplex odeon corporation +i d like a table for six at the bakery in as +add don sebesky song to the refugee playlist +look up the rock the blind photograph +add artist to my trance life group +please rate this essay three out of 6 +find the schedule for animated movies in the area +find the trailer for on the good ship lollipop +rate the prince of venice beach 3 stars +give this textbook 5 points +book a spot for one at a pub that serves som tam +will it be temperate near neylandville +show me the picture batman: the long halloween +i want to hear any top five music from gene autry +play laura love songs from 1959 +play some geir jenssen +add michael lepond to electronic bliss +play some art punk +give five points to the tenor wore tapshoes +i want to read mad money +show movie schedules with movies in the neighborhood +add this song to my list trabajo relax +show the glass cloud – single tv series +where do i purchase the book baby-sittor +i want to hear some twenties music off of deezer +rate tune to my natalie macmaster viajes +what s the weather in meherrin +where can i find the show game of death ii +book a socca serving steakhouse for 2 in saint james alabama +play some music from 1962 from adeyto +where is the closest movie theatre that is playing movies now +what will the weather be in post falls on feb 17 +party for ten at national coney island in de +can you add something by snow onto my zen focus playlist +weather at stanford at six am +rate my current textbook 1 out of 6 points +what films are playing now at the closest movie house +find terminator 3: the redemption a picture +how warm is it in darnestown +play the hell of a life movie +what is the forecast for colder in anston +get me a johnny cool photograph +play cry baby lane +play me against the world from glukoza +give directive 51 three out of 6 +add one good reason to the bachelor party playlist +put this album on totally alternative +find the show your hand show +i give the prestige a rating of 5 +give four out of 6 rating to the cattle king +add this tune to my list jazz vibes +add the current artist to my top 100 pop tracks on spotify playlist +i want to add the tim smith album to my best of 2010 s playlist +is it supposed to be sunny here +add another track to my catch em all playlist +i need a reservation at the one eighty for elsa and wendy in muscle shoals +what films are showing in the area +play the last theme by behzad mirkhani +play a popular sound track by joe pass on itunes +show me a forecast for french polynesia +will the weather be temperate on jan the thirteenth 2028 at christmas island +book me a restaurant in aransas pass in seventeen hours +add the pop tarts to my this is astor piazzolla playlist +book a table for 10 people at a restaurant which offers internet +show me the movie times +find me the book called suffer +add karin dreijer andersson in escapada album +play my springtime playlist +will it be snowy in pillow indiana +give letty fox: her luck 4 out of 6 stars +where is the nearest cinema showing horror films today +play some katiejane garside on vimeo +find movie times for great escape theatres +which animated movies are playing at the nearest movie house +add the game to 80 s party +what movie theatre is playing shed no tears +show me the television show children in need rocks 2013 +rate the writing on the hearth 2 out of 6 points +add artist to my friendesemana playlist +where can i get a photograph of death knows your name +i want new steps to go on the leche con chocolate list +i want to book a restaurant in a distant id spa for lidia latasha and diann +i think the current album should get a four out of 6 rating +add petar georgiev kalica song to my push button funk playlist +the enamorándose playlist needs another album +make me a reservation at a bar for a party of 7 in indonesian +rate lost boys: why our sons turn violent and how we can save them zero of 6 +book me a table for seven in neighboring france +play some tango +find me the when harry tries to marry photograph +i d give the day of reckoning four points +book me a restaurant in ware shoals that serves russian tea cake +book a restaurant in palau for two people +please search a new machine tv series +book a table in belhaven for a party of seven at the great house at sonning +use netflix to play a record by emil gilels from year 2015 +add this tune by hart wand on this is wagner +add inca roads to my weekend +restaurant named the palm in tennyson mi +i d like to eat at old dutch in 15 seconds in northern mariana islands +find the show titled the most charming and attractive +i need a table for 8 during midday in montana +for the current essay i rate 1 out of 6 +add yang hyun seok to the playlist called night out +i want to get the movie schedule +is there a depression in delta junction +start up my pachangueo total playlist +which movies are playing in the neighborhood +which cinema is currently showing the youngest profession +book table on the 23 in illinois at the maison parthenais-perrault ii +where can i find richard the lionheart: rebellion +i want to rate this essay 0 of 6 stars +what is the movie schedule for the b&b theatres +add another album to my friendesemana playlist +this saga deserves a score of four +play sense tu from ebi hamedi +play greg raposo songs from the thirties +get me the trick or treats soundtrack +i want to book a restaurant in 40 weeks in iowa +i m looking for 1634: the ram rebellion +i rate this novel 5 of 6 +will there be a storm nearby +will there be wind in me +this current essay should have a best rating of 6 and a rating value of three +play something by louisiana blues +book a spot at a pizza place nine weeks from now in wisconsin +add teenager to the queen playlist +please search for the work all the wrong reasons +how is faraway cloudy at 02:45 am in brumley +i giv the current novel a four +blood colony was awful i d give it one stars at most +book a diner for 1 in green isle +my step aunt and i want to go cheese fries at the tavern +is people of the cumberland playing at landmark theatres now +rate this album 2 stars +add joe gibbs to my the bachelor party playlist +play a tune by syreeta wright from twenties from the top +book a restaurant in fl in the city of lochearn for my step son and i +using stars the current object gets four for the textbook out of 6 +what animated movies are at the closest movie house near brunch +add o b mcclinton to my playlist called women of electronic +play fifties music +i give the blood book five stars +i want to add kool keith to my chill out dinner playlist +find oman medical journal +find a reservation for mar 20th in winnie at any restaurant +play thirties concerto music on google music +play music from the track my friend on google music by steve sholes +where is the nearest cinema playing compound fracture +add the tune to my epic classical playlist +the next book is worth two +add kjetil vidar haraldstad to my para entrenar playlist +what films are showing at century theatres +fimd glory +find a table at a pizzeria in new hampshire that has parking +reserve a table at a restaurant with wifi in france +book reservations for ava gonzales raquel brown and i on jul 6 2040 in hainesville at a restaurant +rate the book who will cry when you die one out of 6 stars +find a soundtrack called meet the vogues +i want to book seats for 2 at churrascaria using the internet +i think the chronicle entitled the spirit of st louis should be given a zero rating +book a table in mt for 3 for now at a pub that serves south indian +what is the weather forecast for papua new guinea +send the track from andrew hewitt to the piano ballads playlist +rate the current textbook a 5 +put united abominations onto my rare groove playlist +play some iris dement s theme based 2015 music on lastfm +put bring me down onto my tokyo rising playlist +i m going to herkimer and want some liver and onions and i need a table for bessie antonia and lisa at a cafe around 10 am +tell me the weather forecast in 4 years and a half in ga +find a game called bump the show +i d like to listen to opera on youtube +show the invisible hook trailer +find the schedule for kingsman: the secret service at a movie theatre +rate conan of the red brotherhood 2 of 6 +rate the current book series two out of 6 stars +please put david van tieghem onto my throwback party playlist +locate the best pub in apache junction +i d like to hear nas s greatest ballad +show game alien breed ii - the horror continues +where can i find the picture of house foundation +play a song by david silveria from 2002 on zvooq +please add this rex griffin tune to the steampunk playlist +add desert sessions to my i love my 80 s rollerdisco playlist +tell me if it ll be chillier now in engadine +rate this textbook 3 out 6 +i need to make a reservation at a top-rated moroccan restaurant in bone that is nearby and can seat 8 +find movie schedules for animated movies in the area +add josephine wiggs to my kickass metal playlist +play a song from the seventies by pepe aguilar +i want another album in my disco fever playlist +add atticus ross to the electrosafari playlist +where can i buy the lying game +book a restaurant in wi at 13:22:34 for 9 people +what s the closest cinema playing chuckys baby now +what is the afternoon forecast for shannon and pitcairn islands +check the forecast for natchaug state forest +what is the movie schedules for the harkins theatres +add bert mccracken tune lo que suena new york playlist +rate colorless tsukuru tazaki and his years of pilgrimage one stars +what is the weather in kernersville greece +play 2004 guy sebastian on itunes +give two out of 6 stars to current book +please add to my playlist hype the name introducing a r rahman +find focus now list and add eylem to my playlist +book a spot for 3 at the pizza place +what is the weather forecast for sep the 14th 2038 in north dakota +i m looking for the best bistro that serves mongolian food that has room for two people in marshall islands +play some david mallett on last fm +find movie schedules for dickinson theatres +i d like to watch a storm in the stars at north american cinemas +add joshua radin to my playlist called futuros hits +give this textbook one stars out of 6 +i give this current textbook five stars +is there a storm in the weather forecast for baraga oregon +play me a 1958 adam yauch concerto on groove shark +in taiwan will there be rainfall in willimantic +book a food court in supper time distant from northern mariana islands for me winnie and courtney +give this album 4 out of 6 stars +play me a jill scott sound track on deezer +i want to go to antigua and barbuda and eat at a table for 4 +i want to hear popular music from martin lopez +give me the movie schedule +play a 2011 ballad by evil jared hasselhoff on lastfm +what is the weather forecast here +rate the type one super robot five of 6 stars +what will the weather forecast be in mount victory delaware in 1 second +play slacker radio +play some antony harding songs from the eighties +add opus de funk to my list acoustic blues +add 2012 zwanzig zwölf to my miami 2017 guest list +rate this book a five +put frank farian on my deep dark indie folk playlist +play some indie music on spotify +i m craving mac and cheese book a table at a portland mills ks restaurant i need it for one second from now +is one night surprise at the cinema +what are the movie schedules for animated movies playing in the neighborhood +what will it be like in six pm at the current place +where is the country bears playing +find the movie schedule +what will the weather be in virginia +book me a reservation at an oyster bar that serves crab cake for two people +rate the joy of gay sex a 5 out of 6 +where is the yellow star: the persecution of the jews in europe 1933-45 playing +get me a table for 3 within walking distance from my hotel in tajikistan +book me a restaurant where i can get a burrito +i want a restaurant reservation for a party of 8 at a vegetarian tea house +for this essay i give a posiabble 3 of 6 +add ultimatum to my crash course playlist +how cold is it in martinique +play the latest thelma aoyama +open groove shark and play native us +add ashley cafagna tesoro to my reggae en español list +put king of america onto the playlist with the title a sudden rainstorm +add camille to the this is lady antebellum playlist +weather for 9/3/2034 at bridle trails state park +i rate wideacre five of a possiable 6 +what time are movies showing around here +make me a reservation at a fast food restaurant for elba and corina at a restaurant with parking +book a table for josie carissa and lindsay at a brasserie which serves trentino +the forest should be rated a four +is it getting colder in leonard harrison state park +show me tv series lego star wars 3: the clone wars +add harry chapin in stress relief playlist +play music year 2016 by artist michiru yamane +find the apple address book television show +look for the nypd - new york police department saga +rate the current saga four stars out of 6 +can i get the showtimes for films at the closest movie house +rate this novel three out of 6 +will it be windy at 7 am in dong phou vieng national protected area +get me a table for 2 people 1 second from now in tunisia +play a soundtrack by mike hindert on spotify +will it get warmer by 5 am in washington +need to find the soundtrack called fire in the valley +i want a list of showings of days of fire at harkins theatres +i wanna hear something on spotify by eddie vinson +what will the weather be like tonight at greenfoot quarry +i need to hear the song aspro mavro from bill szymczyk on youtube +add joplin in concert to my feel good dinner +play some 1954 songs on my itunes +show movie schedules +i want to book a restaurant with creamed eggs on toast on kansas day within walking distance of british indian ocean territory +find innocent world +what are the weather conditions in noel +i need a reservation for eight for a brasserie that serves spanish rice +i want to add a tune by damon johnson to my frescura indie playlist +showtimes for the alamo drafthouse cinema for todays movies +can you provide me with movie schedules for century theatres +rate the high deeds of finn maccool one out of 6 +tell me the weather forecast for korona +i would like to book the best southeastern brazilian food court +what s the weather like at powers lake +add track to my spring playlist +what time is murph the surf playing +find the way west show +united states has warm weather on next wed +i d like to see movie times at santikos theatres +add this artist to my feel good dinner playlist +show movie schedules at megaplex theatres +book a reservation for three at a top-rated sicilian restaurant in portugal +book a spot at leopold cafe in bhutan +rate the summer job 5 stars +please rate the current textbook 2 stars +book a pub in clermont for 8 people +i d like to see the game called god is in the t v +book a table at a restaurant in portugal with parking for me and bonnie in 19 minutes +where can i buy a hardcover copy of the book the intangibles of leadership +play the putrefactive infestation trailer +book bridge round house for one at meal time in democratic republic of the congo close +create a theme station with jim creeggan records and collabs +find boyish story +this book gets a 1 out of 6 rating from me +book me a bar where i can get a bear claw in as +i rate the saga wahhabi islam: from revival and reform to global jihad three out of 6 +add this track to morning classical +add tarte to bandas sonoras playlist +book a restaurant 1 hour from now in dorchester shores reservation +play everybody wins trailer +will there be a blizzard at a 4 am in sky valley +search for informix wingz +play the tv series bet awards 2013 +rate this album zero of 6 +will it hail in villa +play the top track by claudja barry on last fm +add artist to todo edm +can you tell me the weather forecast for six am in grenada +play me music from the twenties on itunes +start playing my disney playlist +play the best songs of 2016 +give me some info on when hands across the border will be laying at the cinema +whens the next showing of the game of their lives +give the current saga a three +i d like to watch films anywhere nearby +book a table for 6 in the cheese course blocher on february the 10th +1 point for this next textbook +find a tv series called church of the truly warped +i want to hear music on my slacker app +lets hear some booty bass +is proudly she marches playing anywhere +book georgetown cupcake in keller for tea time +put 4 points to the last island book +what films are playing at kb theatres +add the singer damon johnson album to my african heat playlists +play the best bruce ruffin music on youtube +add a song to playlist chill hits +add the artist verano to my michael mantler playlist +show me the trailer for american education: the national experience +when and where is invitation to the waltz playing +what is the weather forecast for july 20 2020 in dachigam-nationalpark +play sound track music from the twenties +add partners in crime to joann s lo que suena los angeles +i need to hear a thirties soundtrack +give the current novel a 3 out of 6 rating +i want harris to be added to my latin dance cardio playlist +is it going to be colder in queen anne on mon +rate the current essay five out of 6 stars +i want to know the animated movies playing at malco theatres +i need to book a restaurant in sunnybrook for 7 +show me movie times for movies in the neighborhood +book a table at top pot doughnuts in greensburg american samoa +get me a reservation for 1 somewhere in spade at seventeen o clock +add ernie hawkins to the dubstep playlist +play joshua homme belle and sebastian write about love +book a food truck that serves tarte for tanisha lorena and juliana +find me the album the demon +i want to hear the new vasilis tsitsanis ep +will the weather be temperate 22 minutes from now in alba +i need a table booking for a highly rated sardinian pub +find the movie schedule for films in the area +play groove shark +add an album to my sylvia plath playlist +can i see the movie schedules nineteen minutes from now +add the greyest of blue skies in indie español my playlist +add this album to rock en español +add lapponia to my flamenco pa ti playlist +book a table at a bar in argentina +play hættuleg hljómsveit & glæpakvendið stella by kaori iida +book a highly rated restaurant +i want to hear jimmy james from the thirties play a song on groove shark +play spotify +add another song to daphne s retrowave outrun playlist +book a spot at bobcat bite in needmore for ten am +what time is the night before the premiere playing at the movie house +i need seats for six at a vegan bar in london borough of enfield or the same distant in one second +play sixties on spotify +find the movie schedules at magic johnson theatres +show weather forecast for dovre-nationalpark +tell me if it will rain on 4/19/2030 in angola +rate half past human three stars +play music by otis redding +rate the current textbook four out of 6 +give the denationalization of money series four of 6 +where will the blonde from peking be playing +make me a reservation somewhere outdoor in port wentworth for a party of five at a coffeehouse in ten months that is distant +play google music tunes +i want to book a restaurant in keeling islands for a party of ten +find word of mouth for me +what s the forecast for right here +can you play a sound track from 1963 +i d like to eat english cuisine at a restaurant in ettrick +what will the weather be like on january the twenty-third 2034 in ga +give two stars to scribblings +play the top twenty movement songs from roberto valverde +find an album called list of re: hamatora episodes +can you play some music on youtube +rate this book 2 stars +find the movie take another picture +will it be hot on december 28 in ayr mi +at my current spot is it going to be hotter on nov the eighth +find a song called you cross my path +give me the weather forecast for nationaal park garphyttan +add track to dance playlist +rate new history of the five dynasties 1 points +will it get chillier within walking distance of pw +make reservations for 7 people at a top-rated brazilian pub around rockaway park-beach 116th +i d like to eat at a pub in arkport +what will the weather be for hooksett +play the top 10 by sankha chatterjee +play some google music +book the lake house for me and carmella +book a table at an oyster bar that serves apple butter on jul 10th 2028 +find movie times for close by films +i need to know the weather at the queen elizabeth national park +add warm and beautiful to the ironing playlist +is lord jim at the movie house +book australian food in armour for 7 pm for four at a pub best rated in ut +me and edith want to eat in coventry lake +rate this book five out of 6 +where can i find the jkt48 school +how temperate will it be in blyde river canyon nature reserve on jul the 18th +add this tune to my primavera sound 2016 barcelona +play me the song just to see you smile +what is the baotianman national nature reserve forecast +add a song by claude vonstroke to the under the surface playlist +play the top-ten chant doda songs from the twenties +book near montana restaurant serving sri lankan food for 6 that is highly rated on tues +can i get the movie schedules for megaplex theatres +find digimon next +i want to eat at a bakery with deidre and rosa in jersey +give the current book 0 points +add arthur russell to my women of disco playlist +find a show called some kind of dangerous +i need rave slacker to play +play a theme from 1985 by patrick cowley +show me the tv series called take me to your heaven +play playlist chilled r&b +add david cole to an instrumental sunday +what is mo forecast for hotter temps in kalkaska +what is the forecast for the current place for sun on january sixth 2028 within walking distance +book a restaurant for nine on 16 hours from now +is it going to be windy faraway from the valley of fire +find the movie schedules for films in the area +find the tv series the almighty johnsons +book a fast food restaurant +show me work of truth and tolerance +find the terror within +play music from artist ashley +book me a table at the highly rated cafeteria in federated states of micronesia +add enduser song in grime instrumentals +is love is a ball playing right now +look for the game find another way +add track to kickass metal +play halid 08 by video game pianist on pandora +book a restaurant for august fourth not far from the marshall islands +play the most popular miles jones track +play music from the punk genre on last fm +play gloria on last fm +can you find the photograph titled so long self +is it going to be sunny on oct twenty-seventh 2031 within the same area of this current place +show creativity of official history of australia in the war of 1914–1918 +add another mc chris track to my blues roots playlist +what are the movie times for animated movies in the area +find movies playing at the closest movie theatre +when is the jailbird showing at united paramount theatres +add this tune to my 70s road trip list +play a ballad by chick corea +play music which has humour on youtube +can you get seating for a group of 6 at twenty o clock at a restaurant and spa faraway from palmyra +what is the forecast for a day from now in liechtenstein +open youtube +book a table for 10 at the dunbrody country house hotel in serbia +what s the weather this summer in djibouti +give home is the hunter zero stars +give the current novel a one out of 6 rating +book a restaurant for one in al +book a spot for gay ramos janice gonzales and i at a bar in timbo +on 10/14/2026 i have two people to eat at coney island hot dog stand +play satire music +find time for movies at the closest cinema +what will the weather be in double oak at 12 am +please put another tune into the laundry playlist +put this tune onto the signed xoxo playlist +find racing the beam: the atari video computer system +can you play a melody from the fifties on last fm +add this jane olivor track to my the sleep machine waterscapes +i need a reservation for a brasserie that serves ankimo in pw +i want to watch mr and mrs bridge at a nearest cinema +book me a table for me and my nephew near my location at an indoor pub +let me use netflix to listen to the last soundtrack from out of eden +tell me if it will it be windy in grizzled squirrel wildlife sanctuary +book a table for 3 at one of the restaurants in washington d c in riverview +find a saga called the devil went down to georgia +play clifford brown all stars by michael balzary +please search the abby saga +rate this book four out of 6 points +will there be a blizzard in egypt +what are the movie schedules at loews cineplex entertainment +what is weather in azerbaijan 16 seconds from now +play shining down by tsukiko amano on pandora +i need the game the aria music show +include the album by arthur rhames in urban poet +find live at the brixton academy +what is the twenty one o clock forecast for the current spot +what is the forecast for 6 am in aruba +how much wind will there be in nm on november 11th +give three points to current book +add track to my digster future hits +rate the practice of the presence of god one of 6 points +will it rain 17 weeks from now in teide national park +what s the weather forecast for the northern mariana islands on 8/4/2024 +i d like to see the showtimes for silly movie 2 0 at the movie house +add jim martin to deathcore +check the forecast for hulmeville wv +add villotta to the metalsucks playlist playlist +book a reservation for thomas hynes house on jan the third in netherlands +play any sixties song +find me a table for me and my grandkid in union square cafe +rate the myth of matriarchal prehistory series a four +find dipson theatres with swiss army man at 8 p m +play some gothic rock +rate the broke: who killed the middle classes chronicle a five +please fine me the east trailer +book a reservation for my great grandfather and i at a macaroni pub in ct +rate the prince of providence 2 points +add bill evans to the motivation mix playlist +play while we were waiting by sippie wallace on vimeo +book a spot for marci marylou and amelia far from north korea +book a churrascaria restaurant that serves spring rolls for one person +play music on itunes +play the song long live love +add this tune to my rock this +i give this current book four stars and a rating of 6 +i want to watch the show frank sinatra sings the select sammy cahn +put transatlantic lullaby on sharlene s napoleon xiv playlist +find the movie schedules for speakeasy theaters +show me a picture of nokia football crazy +fimd films around here +play acid punk music +i give what we talk about when we talk about love a two of 6 +what will the weather be in catahoula national wildlife refuge +tell me the forecast for elderton indiana in 19 hours +rate this essay two stars +play some p j proby +play the latest songs by larry gatlin on iheart +make me a reservation at illinois central railroad freight depot in singapore with vickie rodriguez lila reyes and ruby +what are the movie schedules +play robin hood and the bishop of hereford by jon mayer +tell me the weather forecast 1 hour from now in big thicket national preserve +i d like a table for two at a brasserie in são tomé and príncipe +i want to see a list of local movie times +show angels of iron television show +search for the george and the big bang tv show +book a southeastern brazilian cusinie pub +find a tv show called the ambient collection +i need to book a table at a food court in nh that serves smelt +book me a reservation at rustic inn +book a table for me leanne and tami at a restaurant serving caucasian food +play the playlist a mis niños de 30 +what is the forecast for dr julian g bruce st george island state park for rainy weather +rate varney the vampire with 1 points +will it be chilly in two hundred thirteen days at dochū-kōtsu prefectural natural park +find the radical history review saga +please look up the lamentable journey of omaha bigelow into the impenetrable loisaida jungle television show +rate ecology: from individuals to ecosystems five out of 6 stars +book a table in hallwood for one for supper +i need to add a tune by amanda stern to the playlist cloud rap +add a song from randy rhoads to my 50 clásicos playlist +add kansas city missouri to stress relief +book nuts on clark in irvington for 8 people in one hour +play me a tune by mick brown +add i’m only a man to my flow español +play the playlist introspective +i want to make a reservation for one at a sushi restaurant in brucetown +rate the current book three out of 6 +on may the thirteenth 2037 what will it be like in wilderville montenegro +me and my grandmother want to eat umbrian food on january the 7th at a brasserie +will there be a snowstorm at my current place +showtimes for the closest movie theatre that is showing operation autumn +book the union oyster house in guanica puerto rico +weather for marshall +find the movie schedules for movies close by +rate this current essay three out of 6 stars +is live forever: the rise and fall of brit pop playing at the closest cinema in 1 minute +book a table at a restaurant in saudi arabia that serves presskopf +i wish to put tom baxter onto my coffee table jazz playlist +will it be foggy on the town meeting day vermont in angola +i d like to get reservations at a top-rated restaurant in arkansas +play bra vibrationer by dean +weather for now in cape romain national wildlife refuge +go to the saga the quantum thief +what is the closest movie house playing films +add tune to downtempo beats +what time is the christmas toy playing at loews cineplex +find old school junkies: the album a video game +i am giving this novel 3 stars +add artist steve cropper to rhythm and blues +find zorro the game +play me some goa +play me the tv show the women of our home +play the soft parade +she me the weather in the current place for nov the 9th +what is the movie schedule at loews cineplex entertainment +i want another track added to the korean osts playlist +play some music on pandora +show the soonchild painting +find the little death a soundtrack +play kk on zvooq +play me a felix kubin from no light on spotify +rat short trips: a christmas treasury a 3 +please play music off the soundtrack by beau jocque +i want to hear ready by frankenstein drag queens from planet 13 +i want to get reservations at a place close by for 6 people to eat in sc +play some spotify by danni bassan +what is the movie schedule for the movies that are playing nearby +what will the weather be in rutherfordton rhode island on september 22nd 2017 +book a spot for two at sale creek at eight am +what time can i see older office lady: using her seductive tongue at star theatres +rate the nightmare fair five out of 6 stars +would like to book a restaurant the last day of sukkot for lee and ines +for my playlist post garage wave revival add the name eternal prisoner +find a tv series called manufacturing consent +i would rate eater of wasps a value of zero and a best rating of 6 +make a restaurant reservation for me and my son at twenty three o clock +what will be the weather like close by kackley +show tv series schedule of gears of war +find the prince of temple street a picture +hook me up with a song by dancing girl +please play got the time +put jiro in my clásicos del hip hop español playlist +add put your hand inside the puppet head to the playlist named lazy chill afternoon +book me a restaurant that serves hot chicken in dutch mills north dakota for 10 people for 3 am +please add this song to indiespain list +add song to sleepytime +this next essay is worth five +list movies by movie times in the neighbourhood +play some music on lastfm +0 stars for this current saga +i give this current novel 0 points +rate the drowning a 3 +what films are in the neighborhood +need a table for rita antoinette and i +put glenn stetson to my your daily routine playlis +show creative game fear thy neighbor +what films are playing at dipson theatres and when +the horrible current essay gets only a 0 out of 6 +rate the current book two of 6 stars +find the mystery woman saga +tell me the movie schedule +find a table somewhere for me and my step mother in graniteville de +find hear me good +can you please get me come away with me show +find movies close by +give me the movie schedule for animated movies showing in the neighborhood +book a spot at a tsipouro restaurant in connecticut +will it be colder at five o clock at the apolobamba integrated management natural area +include sean yseult in kaitlin s metal overload playlist +how chilly will it get here +is saint robert hotter than turkmenistan +find some of my best friends are the piano players +book something for me and my wife at a restaurant in four weeks +book a table for nine people next mar +add progress to my clásica para todos playlist +i m looking for the movie called the beast that shouted love at the heart of the world +include the past behind in my top 100 rock tracks on spotify playlist +book a spot for elise and alma at a brasserie in ravensdale mh for this week +play music by amii stewart with itunes +add an espen lind song to my list lo que suena new york +show the sad songs for dirty lovers album +i d like to hear ami suzuki s latest record +play a record from 2010 +book a pub for helen and miriam in nine years from now +please make reservations for a bar close-by in lake alfred +is the umbrellas of cherbourg playing near me +what will the weather be like in arizona on october the 3rd +play the most popular track from valery alexandrovich kipelov +what time is the world according to john coltrane playing +what s the weather forecast near to fern creek this winter +rate this textbook 2 stars +what s the weather forecast for aug 8 2020 at my current location +i want to hear somi s songs from the twenties +open pandora and play reggaeton 2017 y baila +book me a reservation for an outdoor restaurant +book a table not far in wy at a gastropub with internet for me jenny and antoinette in one week +play post garage wave revival playlist +look up the searchlights painting +plpay my disco fever playlist +please get me the work shirley aviatrice +i need a reservation for the french laundry in oh for six +find a painting called mr scarface is back +what is the nearest movie house playing new york melody +what s the closest movie house that s showing animated movies +what is the weather forecast in canfield at 22:23:22 +is there hail forecast for hale center on 7/22/2030 +list films at the nearest movie house +when is watchman vadivel playing +forecase for ohio in twenty one hours and one second +will it rain today in french southern territories of highland beach +wish to read the novel called the wizard of stone mountain +book a reservation for a bistro +find films at magic johnson theatres +i think this textbook should be rated 5 points +play marche lorraine by rachael lampa +need weather forecast for stacy in vanuatu +i want to play the video game international pinguicula study group newsletter +book a spot for 9 in new mexico +what s the forecast for al twenty one minutes from now +is temperature in hanksville freezing +i need a table in east timor for a party of nine at 5 north st +where can i see no time to die +add john brown to my dinnertime acoustics +add a compilation of warped music ii to workout twerkout playlist +give the book men and the city 3 out of 6 stars +is it overcast in south carolina +please search for the two faces of my girlfriend saga +give the pirates in an adventure with whaling a 0 out of 6 +play revival music +search for the trailer the thieving magpie +is there a blizzard in tennessee colony ks +is mentioned in confidence at the cinema +reserve a table for 3 people at the cubby bear in comoros +rate this album 4 points +i give the saga to the woven path 1 stars and a best rating of 6 +is it going to be temperate at six am in washington +look for the public toilet painting +tell me what films are currently playing at amc theaters +add this song to the novedades pop playlist +look for every little crook and nanny +i d like to book a table at a restaurant for a group of 4 +play new movement from mike oldfield on vimeo +use deezer to play the last song from lee dorrian +can you play that last ep from the twenties +play the mother lode by tamio okuda +is amco entertainment showing cień caseya today +is it chillier here +how chilly will it be at 09:32:06 am in moncove lake state park +is it hot in zephyrhills +rate this series 4 stars +what s the weather going to be like in fort point san francisco tomorrow +add another song to the acoustic soul playlist +find manual of love 2 +weather within the same area as qatar at four +make and play a new playlis with the theme songs released in 1968 +book a table for lois effie price and i for next summer in italy +play my frescura indie playlist +play a new soundtrack by benjamin darvill on groove shark +give one out of 6 points to this album +book a restaurant in mp at 3 pm with pigs in blankets +what time is chandranath playing mjr theatres +find the schedule for without witness twenty two hours from now +i want to eat at a escondida south carolina restaurant for 8 people +i want to book a restaurant in wallsburg missouri for michele diann and pam +book reservation at a restaurant in rocky fork for 2 people +i m looking for the last track by fei yu ching from the fourties +play tales from the organ trade +play me something miles davis did with a symphony +can you make a reservation for next year in modesto for joanna and ella +book a restaurant for 9 people +this current textbook should have a rating value of two and a best rating of 6 +rate the plutonium files a five +rate the stars shine down 5 +play sivamani +i d like to watch heartbreak at pacific theatres at two pm +rate the current novel 1 of 6 +is it going to be chilly today in abo wi +add unconscious state to my 90s smash hits +make me a reservation in crugers at marlton circle for a party of eight +add an album to corinne s beast mode playlist +rate cia world factbook five out of 6 stars +what s the weather forecast for here +add this track to my this is thomas rhett playlist +rate this chronicle a 4 +i wish to listen to eighties music by mike dean +play a 2007 track from adam jones +how snowy will it be in this current place on feb first 2034 +rate the young elites series 1 of 6 points +what are the movie times for the movies in the neighbourhood +what time is the eddy duchin story playing +give me a forecast for carol city +rate the daughter of the empire three out of 6 +book a spot at rimsky-korsakoffee house in mackville +add the chamillionaire track to lina s wedding classics playlist +book a table for seven during our thailand trip that is within walking distance of our hotel +rate this textbook one stars out of 6 +find my tribute show +rate cock and bull 5 of 6 points +where can i purchase the game dancing in the dark: 10 years of dancing ferret +add the album to the six string peacefulness playlist +show creativity cum on feel the noize the video game +add come on a cone to power walk playlist +can i get the showtimes for the closest movie theatre that has the newest films +play some fourties andrew lloyd webber on groove shark +book for my girlfriend and i for truffade at a gastropub in west virginia +i give the savage mind a rating of zero out of 6 points +where to see painting twelve angry men +play the greatest adrian kowanek music +play playlist a mis niños de 30 +play the top twenty tracks of ron jarzombek +find the movie curl +what movies are playing at marcus corporation +rate the current chronicle series 4 out of 6 points +what s the weather at zero pm in papeton montserrat +looking for a tibetan restaurant and need reservations for 1 +where is the closest cinema playing osmanthus alley +find a video game called ibm program temporary fix +add boyce and hart to urban hits playlist +find a painting called boating on the river epte +add the tune to your favorite slaughterhouse playlist +find movie schedules at loews cineplex entertainment +i want to hear a top five ballad from 2002 +play chant music from 1993 +play some mike burney on google music +find brandy in the wilderness +book for 2 at a cafe for burgers in gasport +tell me the weather for comertown +book seating for one person at a food truck +play newest robert palmer sound track +give the current album 0 out of 6 stars +please give me movie schedules +find join the dots: b-sides and rarities +what are the movie times for megaplex theatres +will it be hot three minutes from now faraway from saint croix state park +find once upon a time in the west +add the artist michael schenker to ina s this is jennifer lopez playlist +give the current chronicle 3 of 6 stars +tell me the weather forecast for equatorial guinea +what time is the crystal gazer playing at the closest cinema +is it snowy in fort ross state historic park +how cloudy is it in morrisonville kentucky +what time is film showing at southern theatres +book a table for eight people please +play say a word by la india +play some industrial music on lastfm +look up applied linguistics +i want to see the tv series a state of mind +can you search a song for mama book for me +book a restaurant for one person at three pm +add something by paul whiteman to my sweet soul chillout playlist please +what s the weather forecast for my current position +in two hundred forty eight days what will mp weather be like +for my playlist jazzy dinner add the name kick over the traces +what is the close by greenland forecast +i need the weather at noon for e a vaughn wildlife management area +tell me if it ll be snowy in coastal landscape park on october 2 2027 +is it hotter here +find the dead matter at speakeasy theaters +i am rating this current novel three out of 6 points +book a restaurant faraway from albertson now +put tony rombola on my novedades viernes sudamérica playlist +rate puttering about in a small land zero out of 6 stars +play some bass music +play funtime activity +book the chapter one in bosnia and herzegovina for patti hester richardson and camille +book a russian restaurant for 4 people +what is the weather forecast for cuba at eleven am +rate this novel a two out of 6 +play wait until tomorrow +please find the show kim hyun-joong discography +will it be hot in new york on october the 1st 2026 +table for 4 in sparks +what will the weather be in cummings mississippi in eleven years +rate the life and loves of a she-devil 5 out of 6 +is black & white: the dawn of justice playing at the movie theatre +we want to eat at a brasserie with sicilian food in nebraska +i would rate this novel a four +find the show carnik con +showtimes for animated movies in the area +where can i find the world according to paris +rate special assignments 0 of 6 points +give this textbook a 4 +what is the movie times for general cinema corporation +find a table at a restaurant that serves corn relish in venezuela +will it be chillier in saxis north dakota +add a rating of 0 out of 6 stars to the lady of the aroostook +play some music by mark heard +put take up thy stethoscope and walk onto my verano playlist +weather for swaziland +i want to hear a sandra ep +rate current album 0 stars +what s the movie schedules for in the neighborhood at the movies +which is the nearest cinema showing movies that start in nineteen seconds +find laserlight +how will the weather be in bhutto family mausoleum next autumn +i d rate this novel a five +book me a taverna restaurant +find the song titled the mole show live at the roxy +what is the weather forecast nearby sc +what is the forecast for de on 9/11/2035 +find the international journal of robotics research soundtrack +i would give hell hath fury one points +book me a reservation nearby my neighborhood +find live in tokyo for me +search for the world is a game +find the dressmaker +rate the current album 5 points +where is the penthouse playing +play the newest chant by john doyle on zvooq +give 3 out of 6 series of the africa house +what films are showing at cineplex odeon corporation +add song by emmy rossum to hit rewind +book a table for 1 at ringside steakhouse in hurricane +find a table for one at a popular churrascaria for three weeks from now +book a table for 6 at a restaurant in pershing square manhattan at two am +show the movies at the nearest movie house +book a steakhouse with a spa for seven people +book a table for ida monica and etta at cold spring tavern in md +find a movie house closest with beethoven lives upstairs +find under night in-birth +play saturday nights & sunday mornings +rate the current novel 5 of 6 points +me and katharine would like to go eat at jan 22nd in ia +can you put tire me onto my new music friday latin playlist +when is spyforce playing +i award this next series 0 points +play music on iheart +what are the movie times at the loews cineplex +play tom jones album from the twenties +play the album jack takes the floor by tom lehrer on netflix +i want to eat at a highly rated food court +will it be chillier in la mesa +what is the movie schedule of animated movies in the area +look for the show named chestnut mare +add my hands to travelling playlist +please include danni bassan in my perfect concentration +i want to hear gloryhole from mani off of lastfm +add artist rob dougan to electronow +rate the gorilla hunters 0 stars +what films are playing at the nearest movie theatre +swine not deserves four points +i need a table for 3 in ak +is it going to be nice at 6 am at chippewa lake +add igor talkow to my women of k-pop list +i need to find a restaurant for ten people at twelve am in liechtenstein +what will the weather by close by the current position at 02:02:30 +add the artist p d q bach to the te quiero playlist +can you find me the real mccoy novel +rate lord of the world a value of 4 +play the last song from the thirties by airto moreira +for the book ethics my rating is 2 out of 6 +can you find fire escape in the sky: the godlike genius of scott walker +rate the coming of bill 3 of 6 stars +play the album alas y raíces by dave pybus +what movies are playing at the closest movie theatre +add michael balzary to mujeres y hombres y fiesta +what s the weather forecast for the area neighboring ks this autumn +find close by films with a movie schedule +is the forecast colder in idaho 1 second from now +play music from the year 1979 +play some music from 1995 +book the fry bread house for seven in olive +i give the ways of escape chronicle zero out of 6 +show me the atrocity exhibition +can you add a tune to my jazzy romance playlist +show family plot +tell me the weather forecast for huxley ms +play shadowplay by dana on deezer +can i get the showtimes for man in blues +find movie schedules +can you please search ellington at newport +what is the cloud coverage in my current place +what time is the man who dared playing at the movie theatre +list the movie schedule for regal entertainment group theater +find the schedule for metallica through the never +book a spot for 8 in hungary on february the 14th +is it warm in sierra blanca now +add xiang xiang album to my madden nfl 16 +will it be warm here in one hour +rate this textbook 3 of 6 +add the tune by cassie ventura to my genre bender playlist +book a reservation for city tavern in long bridge +add deus deceptor to dance workout +can you get a table at the triple door in district of columbia for me and deborah vasquez +can you put this tune onto latin dance cardio +put beside you in my spotify orchestra cello playlist +add what if we were real to my ultimate 80s playlist +rate the astonishing life of octavian nothing traitor to the nation volume ii: the kingdom on the waves series 2 points +what s the weather like in groesbeck +give me the local movie times +please find the infrared riding hood tv show +add this album to my hot house playlist +play llegando a casa playlist +what is the weather forecast for colfax senegal on 1/1/2031 +how cold is it going to be in san marcial ak in one second +play miguelito top charting album +on april 2nd what will the weather be here +will it be warm in zambia at 9 pm +will it be warm next winter in smolan burkina +play a 1991 song by anila mirza +table for 1 please +play some music on vimeo +i need a booking for seven people at metropolitan museum of art +what movie house is playing something for the birds +play music from 1989 by maya +add appreciation day to my folksy love +find the great hydration a tv series +what cinema is the closest showing movies +is young policemen in love at the local movie theatre +book a restaurant in northern mariana islands with kristine alisha and florine +show the matrix revolutions +what is the weather for cormorant me +can i get the movie times for fox theatres +i would like you to add now the hits of winter 2008 onto my ntc studio sounds playlist +add butterfly house to nu metal +play nick hexum latest album +play me a song on pandora +the ultimate 90s needs avant que l’ombre à bercy in it +is hollows grove playing at any movie theatre at ten pm +add my album to this is al green +play henrie mutuku album from 1957 +book reservations at phase 1 in la jara +rate sandworms of dune three out of 6 stars +get me a table for 5 at a restaurant which serves south tyrolean +put once bitten twice bitten into the pulse of americana +i would rate this chronicle a value of 1 and a best rating of 6 +add doing all right to string theory +play the song s f sound furniture +add a tune by louis wolfe gilbert to my cleaning playlist +i would rate this essay 2 stars and a best rating of 6 +play shinehead s music from the twenties on slacker +play some happy gabber +play dj shadow s a love hate masquerade +i need a restaurant booking for 2 people this month at a indian place in climax springs new mexico +will it be hotter on oct the 20th in massachusetts +rate my current book 1 out of 6 points +can you add danny carey to my masters of metal playlist +add morten harket to this is puccini +play the greatest 1966 album out there +is there a movie theatre showing last cab to darwin today +find the novel the thunder rolls +can you play me songs from the estado de ánimo playlist +add paper doll to the power walk playlist +what time is the phoenix project playing +what will the weather be within the same area of weir farm national historic site +play the album pressure cracks with netflix +ticket for the perfect man at dickinson theatres at 10 a m +what s the weather far from jarbidge +current album gets a value of 0 +i give benson-meditation 1 out of 6 stars +find head start +where can i get movie schedule +i need to find the saga trail of the yukon +is it warmer now in wetumpka mauritania +play hardcore music +play me a song from 2008 +play the artist tei last concert on netflix +find a novel called kiss me licia +book a reservation for 1 at pm park clear lake iowa in mongolia in 1 hour +can you find me the dicey business tv series +what is the weather of la at 4 pm +give 2 out of 6 stars to current chronicle +find a movie schedule in the neighborhood for films +the law of dreams gets a low rating of one +what time is the rumyantsev case playing at the closest cinema +on april the twelfth in somalia is the weather chilly +play some psychedelic rock +play itunes album mondovisione +find me i am mariah… the elusive chanteuse +will there be sun at four pm at runkaus strict nature reserve +add track by fleetwood mac to lakeisha s playlist todo novedades +book a spot for krista yolanda and i in new mexico +rate my current book four points out of 6 +add roots of the outsiders to blues roots +i d like to add this album to funtime +i d like to watch the details at the cinema +find a tv series called cocktail kings +can you put this tune onto erin s house afterwork playlist +is it going to be hot in luambe-nationalpark +look for the itv com song +show creative song ufo senshi dai apolon +show me movie times for two a m at any nearby movies +find the movie schedule for cooper foundation +will it blizzard today in sint maarten +what is just like in the old country +i d like to play the song in a reverie +book a spot that is faraway from the municipal borough of farnworth in 16 minutes +is it going to be cold 21 weeks and a half from now in salemburg +book a restaurant with internet in ny for four people +folk and fairy tales gets 1 out of 6 points +add this track to my zen focus playlist +book a spot for six friends +add the tune to my women of latin music playlist +show creativity of wild about animals +give three out of 6 points in current essay +is it warmer in lothian island wildlife sanctuary +find the schedule for close by movies +play iheart +weather for my nearby current location +tell me the weather forecast nearby my current location +play some theme songs from the fourties +will it be warmer in 20 minutes at natural park of las batuecas +what are the movie schedules for the loews cineplex +does amc theatres have movie schedules out +add fuzzy logic to latin dinner +rate this textbook 2 stars out of 6 +play latest george ducas music +find me a table for a cafe during my guinea trip for one +what s the weather forecast for oman 2 months from now +need a table within the same area as beach 105th st for a party of 6 +reserve a table at bear hotel around finsbury park +add this song by chieko ochi to the drum & breaks playlist +how much hotter will it be 40 weeks from now in blue island north dakota +show creativity in all nudity shall be punished +find the book a glorious way to die +what will the weather be in tajikistan on dec twentieth +play music by deenanath mangeshkar +add 100% te ljubam to the hit remix playlist +is the angel of vengeance – the female hamlet playing at the cinema at 6 am +i need seats for six at a pub on january 15th 2030 +play some chant from 1974 +look up the hard to handle tv show +tell me when it ll be cloudy in woodport +i want to add an album to noreen s endorphin rush playlist +what is the weather forecast for boden +book a table for mindy and angelita at a restaurant which serves café liégeois +book a table for three at 0 am at a bar with wifi in schuyler lake +lets go to the rainforest cafe that is in the same area as 135th st +book a table for 1 somewhere in andorra +book a spot at a steakhouse with internet +add the album to the fantasía playlist +add the big mama thornton song to cassie s punk rock workout playlist +rate this textbook four of 6 points +locate the koi to senkyo to chocolate television show +what movie schedules at consolidated theatres +play 1990 tunes on groove shark +open the canciones del recuerdo playlist and play songs +find unfinished portrait of general bonaparte +rate this album only three points +play paul landers o rio a cidade a árvore on slacker +i want to see the trailer for australian economic history review +put this tune onto my party through the decades playlist +tell me the weather forecast one second from now in barnum island +show me a video game made by tmpgenc +rate call for the saint 1 out 6 points +what is the weather looking like right now in wy +play music by charlie adams from 1954 +what will the weather be at mu ko phetra national park on administrative professionals day +when is the great question playing at the closest movie house +how much rainfall is there faraway from douglass +play bob hilliard top-twenty music +what s the weather in stone mountain kentucky +play brotherhood by ock joo-hyun +play breed the killers on itunes +book a table at a pool bar +find a novel called on the case with paula zahn +add ilse delange to my journey playlist +find ek boond ishq +i need a reservation for 02:53 at hotel arctic in state road +will it be cloudy by five pm in gobler jersey +play a movement from 1974 +play chant from freddy fender on iheart +give five points to an ice-cream war +what time is trouble every day playing +is there weather going to get chilly when i get close to new york +book a reservation for a party of six in the same area as metropolitan borough of bethnal green +find in the line of duty: street war +are any animated movies scheduled for release in mann theatres +add tune to composer weekly pauline oliveros playlist +will there be rainfall faraway from uganda +find movies around here +rate equal affections one points +show movie schedule +find a show called the inheritors +find a book called the cia world factbook +book a reservation for 6 in belle plaine ne +please add this track to my weekend list +when can i see we and our mountains +is it forecast to be warm in bosnia and herzegovina +please show me the films playing at loews cineplex entertainment +rate the current essay four of 6 +play me the most popular lillian hardin song on itunes +open pandora and play udhreko choli from chowdiah +play 2gether by jade puget +show me weather forecast in clontarf ky from 4 hours from now +can i watch flower and snake at movie house in one hour from now +play me the song aap to aise na the +play the top nineties melody by gus g +what s the weather going to be like around lewis and clark trail sixteen hours from now +book me a table for nine at a bar with parking in qatar +add tune to bedroom jams +weather in grey eagle on feb fifteenth 2034 +i need a table for 4 at a restaurant around 0 am +add this artist to fifa 17 soundtrack +i would rate the animal liberation chronicle 0 points and a best rating of 6 +can you find me the restless natives +i need the weather in hubbardston will it be chillier +add the field album to my romantic evening album +add the frank beard song to the soft pop hits playlist +play that new song from 1970 +i rate the mathematical magpie chronicle a 0 of 6 +add a tune to my playlist guest list polygon +play some dave pearce +book a restaurant in west hattiesburg for 0 o clock +what is the forecast for here at tea time +give 5 out of 6 to this album +what s the nearest movie house showing films +book a popular bar in chowchilla +i need a table at a czech pub at seven +add gareth gates to my autumn playlist +i need a reservation for the berghoff in jamaica in 18 seconds +show movie times in north american cinemas +play music from 1964 +play any music on spotify +rate this essay one out of 6 stars +book a reservation for seven people at a steakhouse in kenya +add the artist to the nuclear blast novelties playlist +is the forecast stormy this afternoon in maryland +is it going to be colder in botswana by 09:30 +play blues on vimeo +add the album the martin garrix show to my playlist +where is the wilderness trail playing +find the schedule for films in the neighborhood +when are the movie schedules +i wish to rate zero points out of 6 to the crack in space +add dear hearts and gentle people to he tokyo rising playlist +book a table for five at the training table +turn on google music to play 1991 +can you play some music from my road trip album +add zos kia cultus to the this is philip glass playlist +what animated movies are around here +book a table near bienville for pioneer day +rate current essay 1 stars +i need a reservation for a pizzeria nearby vigus +show the family from one end street album +find a television show called twisted +add jovanotti to punk español +will it storm in north sioux city al +play some sixties on netflix +play play lodge by alkabli on lastfm +what s the forecast for nearby the current position +will there be a snowstorm in william b ide adobe state historic park +put the song playing on laverne s rapcaviar playlist +show creativity of video game labyrinth +read the novel friend: the great legacy +will it be chilly in fiji at ten pm +can you play some andrew cash music on slacker +will it be chillier in portugal in one hour +what is the forecast for assumption of mary in in for the weather depression +is it going to be chilly in belarus +is it going to be snowy in concord utah +play movement music from 1954 +what is the weather in hadar +play twenties from ken floyd +add jacob hoggard to my get going playlist +i want to see dead calm at the closest cinema +play some seventies songs from joseph genaro on google music +play some good movement music by brian littrell from around 2001 +i want to rate the children of this earth chronicle a rating value of 1 and a best rating of 6 +what is the weather forecast for tanque +give me the movie times for movies showing in the neighborhood +find a video game called the last american virgin +where is picture everybody wants you +i d like to hear the song impractical jokers uk +will there be wind in as +is it going to be freezing at tea time in michigantown ks +i would like to book an american samoa restaurant for 8 +add wes scantlin song to my autumn +play some papoose from 2003 on youtube +rate this novel 4 points out of 6 +is it sunny 1 second from now in the pitcairn islands +play the lamentation of cloris +rate the current chronicle book three points +book a table at the irma hotel in mount repose +find a reservation for a restaurant in hong kong for seven people +rate this essay a 3 +book a restaurant with parking for three people +give the current essay five points +play something off google music +book a table for kristina and teresa in 1 second +please give me the forecast for branton +i d like to eat souvlaki fast food with a party of two +play lighter by pamela jintana racine +what is the closest cinema with animated movies +rate the current book three stars +i d like to give the harder they come two points +would you put hammer onto the lunch playlist +what is the pw forecast for stormy weather +add this album to my party with friends +play top martin solveig on deezer +give northern lights audio 5 / 6 points +what are the movie times for amco entertainment +i need another tune in my legendary guitar solos playlist +will it be chilly in cistern +find wild at heart +book a cafe in romania +what will the weather be like at two o clock in el salvador +play any track by flame +what is the weather forecast one minute from now in macao +book a restaurant for me angela and mercedes in cimarron city colorado +add sheila e to my i love my neo soul playlist +find the schedule for the tale of sweeney todd at seven o clock +play 2012 symphony music by nardwuar the human serviette on netflix +i want to book meriton grand hotel tallinn in new jersey for four people +find a saga called the life of riley +add ramble on to halloween teens +play a twenties concerto from roger taylor on deezer +show the forecast for moonlight beach at 10/4/2021 +add exorcising ghosts to joy s thrash attack playlist +wish to hear a concerto by diplo from 1952 +rate the book the egoist five out of 6 +i d like to watch the tv series sailor moon supers: the movie +book me a rustic inn restaurant for 8 members at nappanee +look for the novel behind closed doors +use service vimeo the genre slow rock +book a spot for 8 at the kitchin on october the 13th 2039 +what will be wind speed in tiplersville south sudan +book a restaurant close to grant av +book a table for 9 people for four pm in johnson +what s the forecast for north amityville +rate this book 3 out of 6 points +play symphony music from joe dolce +play justin broadrick s music on slacker +add the album to my sleep playlist +can you search for twilight is gone +add dj clay to my canciones del recuerdo +rate this album three of 6 points +gwen carter and i want a reservation in the dominican republic +book a table in cottondale not far for in two hundred sixty nine days +where can i find the game skip to the end +add grim skunk to duetos +i d like to see movie times please +play music from the seventies for me +how is the weather in birta +give this novel four out of 6 stars +open lastfm and play a voluntad del cielo from wax +tell me when it ll be hotter here +show video game and the quality of life +what will the weather be in meeres-nationalpark insel bastimentos at twelve pm +add this tune to my party ¡fiesta +play fourties soundtrack from hamish maccunn +i would like to rate tar: a midwest childhood a value of 1 and a best rating of 6 +show creativity of the oxford companion to beer tv show +give under the sign of saturn a four out of 6 +play music off youtube +can you reserve a table within the same area as the american samoa for me and my mom +show me the saga my darling +11 seconds from now find a cinema with first monday in october +give one out of 6 points to high wizardry +i want to bring antoinette christine and caitlin to get bread at a restaurant in faraway connecticut +i need to book a pub in cammack village wyoming for a party of seven +add 157 riverside avenue to leticia s animal humor playlist +i want to watch the tv series rat pack +what is the forecast for lille in norway +add por tu maldito amor to my orgullo gay +play some origa on google music +find the movie times for nearby films +book a spot for one at a bar in seabrook +i want to take me and my momy to eat in flossmoor +show creative last light +add this track to alternative route +rate the current essay 2 stars +add this tune to my it s a southern thing playlist +find fragile frontiers: the secret history of mumbai terror attacks +play slow rock on lastfm +help me find where the wild things are +add artist to latin pop hits +add artist to playlist epic gaming +i want to listen to the song the loving spirit +play the charlie hunter theme off of last fm +i need a table for 7 people at a bar that specialises in being a protein bar +when can i see dinosaur from the deep +is it going to rain at my current position +add baby lemonade to poetry in their own voices +find films with movie schedules that are nearby +how is the weather going to be in gambia in a week and a half +will it be sunny a lot in honduras next autumn +i want to see king of the river in the nearest movie theatre +find hope & other sins a tv show +rate this essay five points +play ecstatic +play chance of a lifetime on zvooq +book a neighboring coffeehouse with internet in shingleton +let me get the forecast in allardt canada +what is the movie schedule at caribbean cinemas +book a spot for six in greece +where can i find the picture the japanese lovesong near me +play noctámbulo playlist +movie schedules at southern theatres +show creativity of your body above me +add this artist to my pop punk s not dead +are there any animated movies playing in the neighborhood +add zamiast burzy to phunkadelic +one hour from now what will it be like in cholame rhode island +rate this essay zero stars out of 6 +show movie times at cinemark theatres +find the angry birds movie +add madchild to electro latino +i would like to rate the hundred-year christmas four stars +rate the current textbook 4 of 6 +look for a photograph of tailwind +will it snowstorm next week in west winfield finland +give zero / 6 stars to this album +add an abrar ul haq track to my playlist soul lounge +show me the lights out saga +is convoy busters playing +where is the beach of lost children playing +play dansevise by ebi on groove shark +will it be colder 1 hour from now noew in east dundee zimbabwe +i want to give the current album 2 stars +for the saga the end of a family story i give 0 stars +find a trailer called storm center +look up three fantastic dances +show the late great townes van zandt +for mirrorshades i rate it three stars +what movies are showing nearby +put slimm cutta calhoun on my songs to sing in the car playlist +help me search ufc on fox show +rate the series the quantity theory of insanity 1 +play bliss torn from emptiness +play the movie i want my mtv: the uncensored story of the music video revolution +is the weather hot in miller house nv +find fox theatres with the caretaker +i d like to see the book city university of hong kong law review +play music from 2012 on netflix +play a song from 2003 +this current textbook deserves a rating of 3 points and a best rating of 6 +i need a table for 4 in florida +show me the films at the closest cinema +i need a table for nine at a restaurant in pelican bay serving chips on december 6 2031 +play a ladyhawke record +what is the weather forecast this week close-by my current position +find a video game called merry andrew +i am giving finding chandra a 2 out of 6 rating +is the cycle playing at consolidated theatres +rate this book 3 of 6 +i d like a table for 7 at ten pm at a cafeteria in al that serves malaysian food +book a table at jacob wirth restaurant for 8 +can you play a song from the fourties by george martin +what will be the temperate in tyresta national park on 7/18/2030 +add joe hickerson to my jazz – classical crossings +add my belgian rose to my evening list +play liubi liubi i love you by farah asyikin binti zulkifli on netflix +tell me the forecast for breakfast at miller s cove +find black mirror iii: final fear +what s the weather going to be like at my current spot at 7 am +give 4 out of 6 points to this book +book a restaurant in medford lakes on sep 8 2033 for essie tonya and i +i need to book a pool side bar for 5 people 17 weeks from now distant from here at mountain lakes +reserve a table for 8 in neighboring hitchland +what will the temperature be like at fort point san francisco the day after tomorrow +play in every dream home a heartache by vincent paul abbott +book a restaurant in three points +what s the closest cinema playing six days: three activists three wars one dream at sunrise +open youtube and play nanana from massimo altomare +add zion golan to my signed xoxo playlist +what animated movies are playing at the closest cinema +give 0 out of 6 star to religion and dharma series +give the abstinence teacher 4 out of 6 +play the top five songs by gad elbaz +rate this textbook five points +i want to give the current saga a five +what is the new caledonia forecast for bagnell on sep the 5th +show the movie move any mountain +i d like to see movie times for animated movies playing in the neighborhood that are starting now +incorporate ayumi hamasaki arena tour 2009 a next level into my música libre playlist +play a song off ian stuart donaldson s nature nurture album on itunes +find a video game called the mysterious castle in the carpathians +play water under the bridge by hariprasad chaurasia +find a game called dynamite warrior +add died to the todo latino playlist +find a pub for me in fm +rate tropic of capricorn two stars +is the day of the beast playing at three p m +what s the weather forecast for sidnaw at 20 o clock +what time is swarna trishna playinh at loews cineplex +is traffic at the movie theatre +find a table at a restaurant in bynum ca at 09:59 pm +add this track to the 70s smash hits playlist +find the new legend of shaolin video game +rate this current novel 1 out of 6 points +what animated movies are showing in the area +show creativity of mind chaos +what s the weather forecast for glade park on july twenty-fifth 2033 +add daniel zueras to lush vibes +what is the 7 a m movie schedules at amco entertainment +is it rainy at the edward l ryerson conservation area +add an album to the días de frío playlist +play music from 1958 +book a spot at a taverna with internet in mississippi +what s the weather going to be like not far from east timor +will it get warmer in czechia +where to buy unarchigal +add licorice mckechnie to just dance by aftercluv +add an album to playlist emily dickinson +play the playlist tropical morning on pandora +play some music by mutlu +what cinema is playing the white stadium +give this essay a 2 out of 6 +tell me when it ll be hot in melbourne nj +book sot for one at restaurant with wifi +book a restaurant in botswana for seven people +book a spot for five in the same area as 72nd st +i want to eat breakfast at the green restaurant certification +give the current chronicle 2 stars +find wild solutions a saga +rate this novel four stars +i need a reservation in steele city +add tapper zukie to the all out 00s playlist +the half-life chronicle deserves 3 points +give the current series 3 points +is there snowfall nearby american samoa +i want to find a restaurant that has a table for two at 5 am +will it be cloudy in lenzburg papua new guinea +add album to acoustic spring +play an album from 1987 +i d like to watch animated movies at national amusements +find by title champagne showers +give modern glamour: the art of unexpected style three out of 6 stars +where can i find the tv show earth defense force 2025 +book a spot for me reyna and maxine at a taverna on monday +rate the current essay a 1 +rate the previous essay 1 of 6 stars +look for the tv series all around performance horse weekly +me and my mummy want to go to an indian bar next winter within the same area of cortelyou rd +i want to book a doughnut bar in american samoa +i want a song by john schlitt in the bajo las estrellas playlist +add the crowd to corinne s acoustic soul playlist +what s the weather in macclenny +book a english pub for me belinda and dena close-by syria next dec +add the tune to bandas sonoras +book a spot for seven at a brasserie with ginestrata +add priscilla to my playlist classical dance music ballet & beyond +add album to princesas indie +find films in the neighborhood +what is the weather one minute from now in ocilla +what is the midnight forecast for argentina +i give warheart 5 stars +rate the current novel two points +i d like to eat at the oyster bar for a party of one that has internet +which movies are playing at b&b theatres at 2 pm +i want to add the war is not over to geraldine s pop punk powerhouses playlist +what animated movies are playing at imax corporation +where is bernardsville +give the current novel 3 stars +play southern rock tunes +what is the movie schedule for movies close by +can you get me the starcross saga +can i see movie schedules for movies this evening in the neighbourhood +where is the man with a cross playing +rate this album book zero out of 6 points +book a table for 10 people on bunker hill day at a food court which serves spätzle in monaco +marcia carolus rex should get added to my women of sxsw playlist +search for the show champagne showers +i need to find the work brotherly love +give the current essay five points / 6 +weather for ringold +use itunes to play a soundtrack from the year 1954 +add dickey betts to my throwback thursday playlist +what s the weather forecast for mi for august 20th +is there a blizzard in stonewood +show me a textbook with a rating of 2 and a maximum rating of 6 that is current +when can i see a handful of dust in a movie theatre +find a reservation at boone tavern for 4 people in 10:24 +book me best joint restaurant for 2 members at american samoa today +play me a seventies ep +give this album a rating of 4 +i want a table for 9 in loyola at gus stevens seafood restaurant & buccaneer lounge +please add this artist to my zen focus playlist +can you search miracle in the rain +add this track to my playlist named trabajo relax +please book me a table for 1 person at a brasserie +play the edge by deezer on vans warped tour compilation 2003 +play angela winbush ep that is popular +i want to listen to the song shamus +play track cabbage by keiji haino +find a photograph called between the days +i d like to hear the song in a reverie +what will the weather be like at my current spot on january the 19th +play some gangsta music +mark the final battle score two out of 6 +book laurelhurst theater for 8 people +give this book 1 stars +play a chant by mike jones +find the sentimental bloke novel +play some paul stookey from the sixties +rate this novel 1 of 6 +put lullaby of birdland onto fusion fest +play live at leeds +i want to book a restaurant for ten this summer +add this artist to the playlist called fusion fest +add this song to the top 100 indie tracks on spotify playlist +what are the movie times for films playing in the area +book a restaurant for november 19 +play a theme from walerij leontjew +show the ancient art of war picture +rate the bok series preparedness 101: zombie apocalypse two for 6 stars +which animated movies are playing at the nearest movie house +find naomi & wynonna: love can build a bridge +show me the television show called south california purples +please add liberty forever to the road trip playlist +i need a restaurant in indonesia for 7 +please rate this book and album 4 to 6 stars +get me a picture about sardonic wrath +i d like to watch demolition man at 11:09 pm +i gave the current book a three of 6 +i d like to find the limited lovers novel +play easy listening +search for live forever: the rise and fall of brit pop tv show +what s the weather looking like in macy +is it warm in west monroe +look for the no bigger than a minute soundtrack +is cradle robbers playing at the nearest movie theatre +i have a party of four in japan and need a reservation at rimsky-korsakoffee house on aug the 3rd +show creativity of the greatest movie ever sold +can you play a sonata +i would like a table for jacqueline wilson and deanna at david carpenter house in uncas fm +i want to hear the soundtrack to the platinum rule +i want to book a pizza restaurant close to astor place for nine at 3 am +is it going to hail in mount san jacinto state park +give me some movie schedules +find a table for two in a place not far in culdesac +where can i find the game a little bit of mambo +i need journal of pediatric oncology nursing help me find +can i hear a song by david hodges +is hercules and xena: the battle for mount olympus playing at the closest cinema +book a spot for one +rate the current novel five of 6 points +who was the artist who did the painting called spyro 2: season of flame +show video game name find the colour +add this tune to my guest list gamesradar playlist +open netflix and play david frizzell +play me a song from voices & images +play music by bonobo +i want to add black ribbons to the i love my neo soul playlist +book the oriel in allison for a party of four +i d like to get 4 seats at a restaurant +find time for ace of the saddle +book indian food at a highly rated pub for 1 for 02:22 pm +can you get seating for 1 person at a cafeteria in pauls crossroads +play twenties on groove shark +is there any predicted snowfall in 2 months in vandalia el salvador +what time is tommy and quadrophenia live playing at marcus corporation +this track should go into my playlist called this is beethoven +need a table in serbia and montenegro on apr 16 for a party of seven +this is rated 5 out of 6 for an essay +show me the picture nothin +i want to go to an outdoor cafe in pioneer day +will it be freezing within walking distance of alaska +show me the movie schedule for loews cineplex +play a top twenty sort by akinyele +rate the book a girl a man and a river a five +play chantal kreviazuk sister ray +i would like to rate the current chronicle 4 to 6 stars +is there a program about the last flight +find andreas hofer at elevenses +find the game endangered species +book a table at laurie beechman theatre for a party of 4 in utah +i give 0 points to the book the eleventh hour +play a top ryuichi kawamura chant on groove shark +add kevin cadogan to the 80s classic hits list +find the tv show when i was a boy +add the artist jamie t to hallie s winter music playlist +add my favorite track to baroque 50 spotify picks +is sheikh chilli playing +add bonobo to queen playlis +i want to eat a a brasserie that serves muffuletta where can i get a reservation +programming the universe is average and deserves three stars out of 6 +i need a table for 4 in pelland +need a booking for 6 in ok for the city of boonton +open pandora and play the top five melody by hanna sjedokowa +i am rating this book named the infinite man 5 stars +will it get warmer in berkley +play robert fripp sound track on pandora +this book gets out of a total of 6 stars only 1 +what is the weather in silver springs western sahara +play who knows where the time goes by grigory leps +find movie times +what are the movie times for animated movies playing close by +add every song is a cry for love to my playlist soul n the city +show weather forcast here at 19 +what are the movie schedules for animated movies close by +add 9th inning to my bossa nova dinner playlist +will it storm in kinder russia +what s the weather going to be like this autumn in ca +book a table at a restaurant within the same area as the octagon christchurch in allentown +show weather forcast for t h stone memorial st joseph peninsula state park on one hour from now +play randy castillo s music from 1952 +can you play a sammy fain ep +what time is dark world showing at consolidated theatres +play some grunge +include brandon paris in the metalsucks playlist +book a restaurant for a meal for 4 people +the hot house playlist needs another album +start up my independent music monday playlist +is it warm here now +book in west palm beach for glenda lois and tamra at a nearby restaurant serving puglia +book a bar table for tonight for rajasthani food +find the picture music is the message +what films are showing around here +i want to see breathless +showtimes for medal for the general +where can i book a table close to me in moon run at sixteen o clock that will take three people +book a table for eight this month in maldives +i want to find a restaurant to eat at in westernport +show the movie schedule +what s the weather in taiwan +show the movie schedule +i d like reservations for me and my grandkid at a top-rated restaurant that serves molise cuisine in pa +find if these walls could talk +play mohammed abdu from top 20 +add viktor tsoi to my sweet soul chillout playlist +add tarja turunen to my lo mejor de radio 3 playlist +i m wondering what cinema is playing peters baby +find me the book the van dyke show +book a restaurant within the same area as saratoga av +i want a table for 9 at the taverna pub +find the schedule for films at the closest movie house +go to after dusk they come +find the game titled iparty with victorious +play a tune from 1962 +can i get the movie schedules for goodrich quality theaters +please play short and sweet by teyana taylor from my itunes +what time is always brando showing +rate the cherryh odyssey three of 6 stars +can you play a song off an album by shirley horn +book a table at central grocery on mar 22nd 2020 +book a brasserie in the falkland islands for this week +book a bar in holtville nd for 7 people +play the necromancer +i d like to watch films at the nearest cinema at 8 am +i need a table for nine in atlas in 1 second +want to know the blizzard weather condition in lake catherine +give this current novel a 4 +book a joint in sixteen minutes for 9 +book a table in fullerville at a highly rated bar +play a melody from leigh nash using lastfm +book reservations at a restaurant in mi seven weeks from now +what time are the animated movies starting at the nearest movie house +add tune to my hot 50 +add this track to the playlist named cali fire +list movie schedule +what animated movies are playing at the magic johnson theatres +give wannabe: how the spice girls reinvented pop fame 2 points +use spotify to play greatest songs from kailash kher +rate the current textbook 4 of 6 points +rate this novel 3 out of 6 points +make me a reservation for elvira and i in brazil +add this artist to my 80 s party +find a novel called matching dreams +where can i find the tv show metabolights +show me convicted +i give the previous album a 4 +what are the movie schedules for great escape theatres +can you play the newest record from 1966 by tony lee +play 1977 good track tunes +rate the saga in mortal hands five out of 6 stars +use slacker to listen to seventies music +play music from jeremy taylor on the album dormi amore la situazione non è buona on groove shark +play 2004 on pandora +i want to hear that tune from 2010 +make me a reservation somewhere near here for me and my step brother by adeline s apartment +add giancarlo erra to my guitar hero live playlist +find the press of atlantic city movie +play the album everybody happy by lee aaron +when s fools for luck showing +play some fourties music on vimeo +play the good sort of 1992 theme music by layzie bone +find me the novel between the rivers +rate teh current series a 2 +add a track to my list made in puerto rico +which animated movies are playing in the neighbourhood +book a spot for ten in ms +play rocket queen on itunes +table at nankin cafe fr one +find the deathsmiles ii soundtrack +add a tune to my sleep sounds list +rate the beyonders: a world without heroes saga 1 out of 6 stars +where is beyblade: fierce battle playing +play my fusion fest playlist on youtube +i want to give the chronicle what we talk about when we talk about love 4 out of 6 +can i see the the painting another life another end +book a spot for 10 in the same area of inwood - 207th st +give this book a rating of four out of 6 +there is fog weather in grand lake nebraska +search for the adventure of the blue carbuncle +play jazz music by zvooq +please show me the movies playing at amco entertainment +can you please find the jack johnson en concert picture +what time is a movie in the neighbourhood +show me the when your heart stops beating photograph +give this album a five out of 6 +will the weather be cloudy at 0 pm at my current position +please help me search the banker television show +find mysterious castles of clay +i want to hear something off fist for fight by rushton moreve on youtube +rate the current textbook a 4 +play wanted by erykah badu +i want to book reservations for 8 at an indoor restaurant +whats the temperature not far from valley of fire +i would give this current chronicle a value of 4 and a best rating of 6 +what are the movie times for movies in the area +rate the chronicle tarzan the terrible a 4 out of 6 +find the collision in black painting +play a jack lawrence concerto +rate deception a one +add the singer maxine nightingale to the spanish beat playlist +what is the forecast for iceland and danville for rain for nine months from now +play monie love tunes on google music from 1984 from her song list +i d like to see jack +play song softly +find a movie schedule for 12 hours from now +add a norma jean tune to the soul revived playlist +show me the novel all i need to know +play the greatest soundtrack by jesse harms +find phalcon +is there any snowfall in shubuta +find the album follow that camel +need book a restaurant for this autumn in illinois +what time is bhoot returns showing at douglas theatre company +for this series the magical revival out of 6 give it a 5 +add track to my life s short play fast playlist +what are the selections of films that are being shown at cinemark theatres +play a song from the thirties on zvooq +i want hear some junior murvin off of youtube +play some theme based music from the thirties +rate this novel a two +book me seats for 6 at a restaurant in wv in one second +book a tavern in rhode island that serves saucisse +find a book called tron: legacy reconfigured +put this track on the playlist with the name roadrunner rec new releases +play the album shooting silvio by dave sabo +show creativity of doomsday comfort +find movie schedules +what films are on the movie schedule for ten at a close by theater +rate the current album 2 out of 6 +will it be warmer in my current position +i m wondering if you can give me the movie times for films in the neighborhood +book a bar with mediterranean food for three people +i d like to eat at a restaurant one minute from now that s highly rated +is it going to get windy today in tunisia +is it going to be chilly on 12/13/2025 in haugan pakistan +can you pull up the american music awards of 1975 +add artist to laundry +what are the morning movie schedules for movies in the neighborhood +rate the current book five of 6 stars +i need to book a restaurant in burkettsville in 2 years for rhoda adams roxanne and i +add this tune to my playlist titled uncharted 4 nathan drake +add harlow wilcox to hip hop club bangers +will there be a snowstorm in eight months at chattahoochee river national recreation area +make reservations for me at a taverna in hong kong +book a restaurant in montverde in marshall islands +book a table for 4 at fish express +i want to go to the freight house in gabon +the spring classical playlist needs partners in crime added to it +show me the movie schedules for movies playing around here today +i would rate this album 3 stars +rate the book the varieties of scientific experience two out of 6 points +weather for carlisle gardens as +rate the current book a four +what is the weather forecast in brunei +find the book bad day on the block +rate the anatomy of melancholy 1 stars +play some good music from 2012 +i d rate this novel at 2 points +find me the painting fallen sanctuary +i would like to add to my plalist visjoner onto the old school metal one +where is the incite mill playing +play some the lady is a tramp from timour moutsouraev +play the song si no te hubiera conocido by haidar salim +play a native us song on last fm +find the movie schedules for great escape theatres +when is up the yangtze playing at goodrich quality theaters +play junun by noam kaniel +play the music genre synthpop +rate the keys to the white house a zero +play some nineties music on pandora +what will the weather be like in india at 02:55:25 am +for the book the mirrored heavens i give one of a possiable 6 stars +can i get the showtimes for films close by +find the schedule for better this world at a movie house +show me the television show the science of breath +book a table at black rapids roadhouse in antarctica for nine +play foundling by jean grae on vimeo +show me the book playlist: the very best of dolly parton +add go to the metalsucks playlist +what is the movie schedule for movies close by +is it cold in north carolina +show movie times of regal entertainment group +show creativity of construction project information committee +play ray davies on iheart by only hit it again +find a book called follow me +i d like to see spyforce +find me the picture live in paris 1975 +add spanish harlem incident to cleaning the house +add this maksim tune to trad folk +will there be a snowfall here in the neighboring areas +what is the movie schedules for animated movies nearby +can you play me something from the eighties on youtube +play some eighties music +does red e toby nemiciamici start thirteen hours from now +is the king of the kitchen playing in fifteen hours +book mars 2112 in rwanda for 4 people +what films are at century theatres in twelve hours +include hermann baumann in my texas red dirt list +what time is atlantis terre engloutie playing +play richard thompson from the thirties song book +find cascading waterfall +i m giving 0 points to a new lease of death +find a novel called under blackpool lights +play an asha bhosle song from around 1964 +peter and the piskies: cornish folk and fairy tales only gets a three out of 6 +book a reservation for a popular restaurant in federated states of micronesia +show the trailer of deadly skies +how do i watch the television show counting the rosaries +find me the album the weed tree +i d like to see the photograph the light +can i get the showtimes for films at malco theatres +find the nearest movie theatre with the witness chair +find the life of riley a photograph +find films closest to a cinema +book a spot for six on october fifth in mineola +please book a restaurant room which serves hangtown fry dish in jagual +dragon age: the stolen throne gets 1 points +book in southern shores for 8 at ariston cafe +is there rain in nauru at 6 am +give 4 out of 6 stars to the nightmare lands +play a 2009 concerto on deezer +when will the weather be temperate like it is now in stansbury park in tuvalu +what will the weather be like on feb sixth 2024 at blanco state park +show me a picture called heart like a hurricane +book a spot for 8 at a popular taverna +find a photograph called cold weather +rate a division of the spoils 5 stars +where to watch show extremely live +i want a table for 5 next fall om curacao +will it be temperate in tanana france in a week +what is party all night +please tell me the movie schedules +add paul franklin to my the bachelor party +please book me a table at a food court faraway from saint kitts and nevis +can you find the show the dumping ground survival files +play some music from the thirties +can you get me seating for a party of 4 +rate the previous textbook a 4 out of 6 +add this artist to the this is dirty projectors playlist +my sons and i want to dine at the water club in georgia +book a food court indoor at penermon for my step father and i +play best fourties from david izquierdo on album +show me the video game the stillest hour +bar restaurant for november the twelfth 2030 that is popular and for a party of ten +will it be sunny one hundred thirty five days from now in monterey bay national marine sanctuary +book a table at a brasserie type restaurant that serves jain for a party of 8 +find set the thames on fire for seventeen +find framing the early middle ages a game +what will the weather be in deer river +play the widow of saint-pierre saga +book a brasserie that serves mezzes in iowa +give this a four for the next series of points +let me hear the live from the ghetto album by beau jocque +play music from 1969 on lastfm +is the swan available to watch at the movie house now +is it going to get chillier at 5 am in trussville bosnia and herzegovina +find the pop has freed us saga +play some fourties music from erin harkes +i need a table for 6 to eat at nearby in clinchco +add artist to my texas red dirt playlist +look for all broken up and dancing which is a video game +add another tune to my verano playlist +at 8 am i want to eat at the rosebud in the federated states of micronesia +will you play my nuestros 80 playlist +rate this novel 1 out of 6 points +please find the tv show the dreamstone +the previous novel is worth two out of 6 +add little walter to women of comedy playlist +what s the forecast for francisco netherlands antilles around eleven pm +rate the loneliness of the long distance runner 0 points / 6 +add my favorite artist to the focus now playlist +rate the odd angry shot five points +rate this current essay five stars out of 6 total +add philip labonte to women of r&b playlist +find me the novel titled fertile ground +will it rain in paisley +what will the weather be in the current place 1 minute from now +show the legend of jesse james novel +plays some akb48 on youtube +play some sister rosetta tharpe songs from the eighties +book a table for six at the cherry street tavern for january sixteenth 2024 +play music from 1954 +find me a table at a javanese brasserie +please play me something by new wave of american heavy metal +what film is playing at landmark theatres +i want to give the book heart and soul three stars +book a spot for 1 at a bakery with crab cake not far from new jersey +find the schedule for tailspin tommy in the great air mystery +add a new entry for mon beau sapin in lela s música libre playlist +rate this book four out of 6 points +please book a room in the river café restaurant to accommodate eight members in andorra +put this tune on my playlist technical&brutal death metal +rate my current novel 2 out of 6 points +what is the nearest movie house playing black scorpion +i want to listen to roger daltrey from the sixties on slacker +add how to my week end playlist +what will the weather be in wakarusa +add artist fabri fibra to this is earth wind & fire +the current essay is worthy only of a 0 out 6 score +need to book a table at a fast food restaurant for a party of nine on november seventeenth 2019 +please play this is the day by brian robertson +what will the weather be doing at midnight in brazil +play the top ten theme music from 1975 by tom baxter +weather for four weeks from now in oregon +add chas chandler to my aux cord privileges +this current album would get 6 stars or a rating value of 1 +will the weather be okay in northern luzon heroes hill national park 4 and a half months from now +play music by paulinho da viola from 1965 +i want to give the black cloud one points +play the soundtrack for the lord of the rings: conquest +play a top fifty track from the twenties +what movies are playing at the nearest movie house +what will the weather be here +play a 1977 record by bitty mclean on google music +i d like to watch all on the red at 9 o clock +where to buy painting target practice +look up the stars are indifferent to astronomy +rate this essay four +find a trailer called eurythmics discography +add warning device to my mac n cheese playlist +what will the weather be in the current position on dec 23 +find a painting called the other bank +please give me the weather for federated states of micronesia +i give the penalty three stars +book a bakery with smoking room for nine in niger +what is the weather like for fleischmanns lesotho 43 weeks from now +tell me if it ll be hotter a week from now in waxhaw +is the weather hotter in old furnace state park +give this textbook a 0 out of 6 +tell me if there s a snowstorm in the forecast twenty seconds from now in holtville +add this track to punk rock workout +incorporate a roberto parra sandoval track into the cena elegante playlist +add this song to indie hipster +find a novel called downward to the earth +where can i find the sounds to consume album +play a concerto by thekra +book a table at dillard house in exell ia +will there be fog in nebraska +will it feel nicer in finland or new mexico today +play a song on zvooq +will it be warmer at fourteen o clock in atlas mongolia +play chad i ginsburg +play a track from the thirties +show me a copy of the picture double deal +i want to see far cry vengeance +find the photograph the remix please +book a table over the internet for six at a food truck in vanuatu for two pm +i feel that sons and lovers deserves a rating of 2 +what s the weather going to be like tomorrow at black hawk state park +add wiktor coj to the sleep playlist +what s the weather forecast for next saturday in granite wi +book a brasserie type restaurant that serves pizzas in american samoa +give me a weather forecast for ca +give this book a rating of four out of 6 +i need to find a restaurant in pw +show air cuan dubh drilseach +rate galactic pot-healer two points +add cream to the funk playlist +what are the movie schedules for any animated movies playing in the neighbourhood +where can i watch gaddar: the traitor +is there rain in afghanistan +what is the lualualei forecast for one minute from now +play me east side story +add paul wickens to lo mejor del rock de españa +find the case of the frightened lady +add the green book in my playlist mellowed out gaming +find the schedule for movie times for movies around here +show investigating sex album +find the movie schedule for nearby movies +give this album a 4 out of 6 +put track on my synth pop list +book something at a highly rated and distant cafe in kazakhstan for two on april 21 +play barbra streisand music from 1997 +find the movie schedules at the neighborhood cinema group +book in falkland islands at atomic cafe +give 4 out of 6 stars to this textbook +find an album called the aboriginal port folio +give the current series a two +find trailer for iraq for sale: the war profiteers +give anatomy of a typeface a 1 rating +list movie times at b&b theatres +add this track to my playlist it s ok to like jazz +what is the weather forecast going to be on august 15 2038 for hoffman hills state recreation area +i want to watch the tv show down on abby +what time is ghostbusters - acchiappafantasmi playing at imax corporation +can you get seating for my father and i at a restaurant in birch run +find me the movie times for the alamo drafthouse cinema +tell me the weather forecast for molino washington +play miami 2017 by rodney whitaker +buy novel brokeback mountain +i d like hear the song sit down and talk to me +is it hot in fl +is there forecast to be snow in gu this summer +play the album will rap over hard rock for food +play a martyn bennett from 1957 on pandora +play this is: animal collective please +what is the weather prediction for acworth north korea in six years +use iheart radio to play eighties music from hugh masekela +rate the previous album 0 points out of 6 +tell me if it ll be chilly here at 0 pm +book a table for 5 people in goodland ak +i d like a movie schedule for a close by movies +is it colder today in college park then in serbia and montenegro +book a brazilian diner for 9 that s highly rated within the same area as comoros +book a restaurant with a spa in connecticut +will it be cold this autumn in norfolk island +show me the movie schedule for caribbean cinemas +ad sabah to my evening groove playlist +add this track to my rock hard playlist +i want to check out a pub that has internet in homer city +what s the weather like in ojo amarillo +i want to see movie schedules at plitt theatres +what is the weather in ct +what will the weather be faraway in new jersey in ten weeks +add another tune to my songs for you not your parents playlist +rate this essay two points +find the creeper +is redacted playing at the closest cinema +can you let me know the films that are on the movie schedules in the area at noon +play metal crash course playlist +add children of telepathic experiences to the playlist named baladas románticas +i need to book a restaurant at supper time in il +what s the temperature here +play songs from the sixties +play me songs from agreable +show creativity of sing to the dawn +will the weather be temperate in betances +will it get chillier in arkinda myanmar +give star trek: the motion picture a five out of 6 +what s the weather forecast for nishi sonogi hantō prefectural natural park three years from now +i give the current chronicle one of 6 stars +whats the closest movie house showing medal of honor +i need a table for four at a restaurant in al +where can i watch the tv series breed the pain +play the cross and the crucible by angela au man sze on google music +play crazy=genius by the alchemist +can you put the album onto cierra la puerta +find mash confusion +add irving berlin to my dishwashing +what will the weather be like in lambertville india at ten pm +play me benjamin kowalewicz s top hits +add the artist to my emotron playlist +give two points out of 6 to this essay +play fifties track music +book a food truck that is highly rated in honduras +play the new timer by augustus pablo with itunes +play the track r u professional by roberto carlos braga +can you tell me the movies that are going to be scheduled at the closest movie house +add steel guitar rag in acoustic covers the mash ups +add some jim diamond to peace +i need a table at a tavern that has bougatsa +where can i listen to the song the lost worlds of planet earth +give 2 for this essay +i want to listen to some aaliyah +play me memoirs of modern love: curious age +play some music from the thirties +i give the previous saga 4 out of 6 +add give us rest to my very nearly nashville playlist +play me a twenties tune on deezer +book a spot for 1 at a pub with internet +look for the book titled iranian journal of fuzzy systems +play ballad from mandy moore +i want to give the current textbook 0 stars +whats the closest movie theatre showing animated movies +book a spot for marlene jordan and i on oct the 6th +play rhythmic +give four stars out of 6 to practice to deceive +tell me the films playing at the closest movie house to me +i want sugarfoot +play some don ho on netflix +show the creativity of the attic +i give nothing lasts forever 5 out of 6 points +give me a top-rated restaurant that s eastern european +please book highly rated restaurant with food truck tuscan for me and adela in hallam indiana +find a saga called lovex discography +what time is the challenge showing at the local movie house +book a reservation for 4 people at a restaurant within the same area as my step daughter s position +party for 2 in cleveland +can you give me the movie schedules at mann theatres +i want to go to a highly rated fast food restaurant around togo with two people total +rate earth made of glass 1 of 6 +find a song called this champagne mojito is the last thing i own +i d like to hear cry baby cry by ally kerr +give 3 out of 6 points to current novel +rate this novel 4 out of 6 +put wreck of the tennessee gravy train in the kids workout playlist +how do i watch the tv show nba access with ahmad rashad +can you pull up showings for pop goes the easel at the local movie theatre +add ross the boss to laurie s listas de éxitos list +play the most popular music by ronald isley on google music +can you tell me if it ll be freezing in wrightstown in seven years +add a shot at glory to calm before the storm +want to find the novel called innocent until caught 2: guilty +play safe rock and roll sucks on lastfm +give a 5 to a picture of her tombstone +find carry me in your dreams +i need a reservation for harveys this winter in neighboring wisconsin for terri and i +book a restaurant for 8 +i want to hear a good song from 2016 +is the love guru playing +add a song by jil y creek to my spring music +find a show called star trek: starfleet academy starship bridge simulator +book a reservation at a restaraunt in ct +i think this album deserves 0 points +rate this textbook zero stars +add the spirit of life to nação reggae +what time is the hotline playing at the movie theatre +i need a table for six near the russia bistro that has wifi +when is stripped to kill ii: live girls playing at the nearest movie house +give signals of belief in early england four of 6 +i d like to watch dirty laundry at the movie house +add song to instrumental study +add scarlet begonias to my para entrenar playlist +add the ragged curtain onto the playlist called party through the decades +i want to listen to the soundtrack the om years +i want to see the trailer for the entity +add los hombres calientes volume 3 new congo square to my descanso infinito playlist +rate of old hearts and swords a 0 +play soheila zaland +add this elbridge bryant song to my inyección musical playlist +book at the halal guys on oct 17 +use google music to play a song +will it be snowy here soon +book a table for six in a togo restaurant +is there going to be a depression in point washington state forest +add jeanette to extreme metal workout +add the artist beardyman to my classical x playlist +need a table at uncommon grounds coffeehouse at eleven for nine +add the hellacopters singles to my teen party +will it be overcast in seventeen minutes in the united arab emirates +add the artist to my duetos +find a table for 2 at a restaurant in saint vincent and the grenadines +make reservations at a restaurant in adrian that serves cheese steak +will it be warmer in ristigouche ecological reserve on nov the twentieth +book a restaurant for my baby and i in delaware +party of four somewhere in sd +add this album to my orgánica playlist +add this track to my comedy new releases +add an album to my list la mejor música dance 2017 +i want to hear a gucci mane song from last fm from 2002 +add this tune to my bedroom jams playlist +add this artist named kirk hammett to my playlist los 40 radio éxitos +i want to add in the mood to my playlist called my folksy love +please tell me movie times +what will the weather be like this week close-by saudi arabia +rate this textbook two out of 6 points +play music from 1968 on vimeo +book a brasserie with internet fascility for 5 in a year in oklahoma +which movies are playing at amc theaters 1 second from now +where can i find the painting for a christmas story - una storia di natale +rate the taking series a zero out of 6 +i want to give this novel a four out of 6 stars +i want to watch tv series the practical pig +add vicky leandros to my piano ballads playlist +give rathinirvedam a rating of 3 out of 6 +what is the predicted weather for my current spot next month +add the artist gwenno pipette to the sexy as folk playlist +add this song to tania s new boots +let me know how the weather will be in rainelle at night +is it warm in albania at noon +add another tune to my trance life playlist +add sifow to my skatepark punks playlist +play me some chant from the last half of the sixties +will there be a storm in palm city wv +which films are playing at consolidated theatres +can you give me the weather forecast in tajikistan +i need a table for four at a pub in heard island and mcdonald islands +find a television show called the passion of the betty +put this tune on my nothing but a party r&b playlist +i rate the current novel a 1 of 6 stars +is it warm in the current spot +play some classical music on spotify +i need a reservation for roscoff restaurant in valley mills +lets eat now somewhere in roach +i m looking for the show sex and candy +play the album remember shakti – the believer +rate the following series five points +add adele onto funtime activity playlist +give 5 out of 6 stars to the intimidators chronicle +please search for the legend of korra book +rate battleaxe five out of 6 +add an album by cowboy troy to my piano in the background playlist +show me the movie schedules +book a restaurant in one minute for five people in canal fulton +what is the weather close-by my current spot +show the information: a history picture +find movies nearest to a movie house +put anna grigorjewna semenowitsch in all out 00s list +put an inyección musical track in the nanette s playlist +add this song by torch to my sing along playlist +play latina +book a table at a churrascaria for august 5 that has parking +i would like to book a restaurant within the same area as myrtle av for 6 +advise me on the movie schedule of films that will be playing at 07:31:32 pm at a place close by +i need the forecast for close by becharof national wildlife refuge in nine months +please find me the rear mirror saga +what movie schedule +book the dunbrody country house hotel in ne for 8 people +play netflix ballad by mike shinoda that is popular +add vertexguy to beach vibes +put k maro track on my soul lounge list +rate this essay four out of 6 +want a table at monty’s hotel secunderabad in the state of vermont +find the so this is goodbye saga +is it going to be foggy in jewell cemetery state historic site 7 weeks from now +will it get chillier in 2 seconds in republic of the congo +find i love you too a saga +play vanlose stairway by janove ottesen +how is the weather in indian creek village +play a new song form the eighties +can you find me the painting titled across the line +is the right to strike playing at star theatres +me and terrie need a table at a bar in hypoluxo ut +book me a restaurant that serves festoni for eight in new hampshire +add art garfunkel to the chill tracks playlist +what movie house is playing the animated movies nearest +what time is the bodyguard at malco theatres playing +what is the nearest cinema playing romance of the limberlost +play the greatest ricky bell music +play bald by kaskade +what s the weather forecast for saint pierre and miquelon +give 1 points to the duel: pakistan on the flight path of american power saga +will it in hail in my current position on 12/10/2035 +show me the picture unfinished monkey business +add christopher lawrence to my always pop punk playlist +add entity eternally to playlist lazy chill afternoon +please find me the purple vigilantes book +where is among the great apes with michelle yeoh playing and when +i need a table in your position at churrascaria for a hot dog in the same area +book a restaurant with a pool far from robbie s hostel for me chandra and noelle at nine pm +will it be hotter close by here at 13 o clock +add country nights by a journal of the plague year to playlist +book reservations at a restaurant in iron springs +find the movie schedule for century theatres +add this tune to the deep dark indie folk playlist +book a restaurant in ms that can seat ten at 01:51:47 pm +will it be colder in connorville +find stays in mexico +play the top-ten soundtrack from kiara +how humid is it in paducah +the latham diaries deserves a rating value of 0 and a best rating of 6 +need to find the tv series called administrative behavior +what are the movie times for movies premiering in the neighbourhood +book a table in mississippi on may nineteenth 2034 for me silvia and sandy +add riddim driven engine 54 & humanity letha s all things post +please put book of love on my ntc high intensity training tracks playlist +what s the weather forecast for breakfast time in palau +score this album 5 stars +please search the big game show +can i see the movie times for the great escape theatres +i want to watch the movie x window display manager +play 1988 chant music on itunes +the night lamp was ok at best two stars out of 6 possible +will it be warm at tembe elephant park on san jacinto day +play soem nineties charles thompson +will it snowstorm in lampi island marine national park +movie schedules of movies in the neighbourhood at zero am +please pull up the photograph entitled another period +when is janeane from des moines playing at the nearest movie theatre +add this track to anochecer urbano +is there snowfall in hineston new hampshire +what will the weather be like 1 minute from now within the same area of my current location +add this clint mansell song to latin pop classics +add brian may to my reggae infusions list +open last fm and play the top song from daniel lee chee hun +i want to eat at a brasserie that has internet near greenland at elevenses +will it get colder by 11 in jacobsburg syria +show movie times for amc theatres +put claude vonstroke onto my this is earth wind & fire +play oj jelena jelena jabuka zelena by ler lalonde +add this song to my the perfect italian dinner playlist +what is the closest cinema today playing animated movies +play a twenties song +the series city on fire is a four +play music on the playlist electronic gaming +fine the movie schedule for warren theatres +find later that evening +add julia fordham to the massive soca hits playlist +when is we stick together through thick and thin playing at arclight hollywood +i think this textbook should have four stars and a best rating of 6 +play my playlist springtime +what s the weather in totowa wy one minute from now +add yuna ito to the hot rods & horror shows playlist +rate rajinikanth: the definitive biography one out of 6 stars +weather in 3 minutes at jean lafitte national historical park and preserve +find the movie schedule for movies in the area +i d rate the current chronicle 2 points +what will the weather be in nm in 1 minute +add this album to my adrenaline workout +what movie theatre is the closest that is playing cheat you fair: the story of maxwell street right now +tell me the weather for sewickley at twelve am +play the game piety street +i have eight that would like to eat cretan in a cafeteria and need reservations +play track her majesty +i want a table for 7 at a popular cafeteria on holy saturday in ga +what s the weather forecast for etna green in 11 months +how much fog is there in hahnville +play the song le renouveau +what is the eugene t mahoney state park forecast for 2 days from now +what are the movie schedules for films in the area +will it be colder this autumn in wren saint martin +show me the show goldimouse and the three cats +add song to trap land +add the entity por una cabeza to my playlist forever alone +find the world is ours at a movie theatre +play zvooq +can you find the soundtrack for westcountry live +i rate three points for the book the early coorgs +give 5 out of 6 points to thorn castle +what time is careful he might hear you playing at the cinema +book me a restaurant ten minutes from now +where can i find the brave little toaster to the rescue book +rate the lost hero chronicle four out of 6 +is it going to get chillier in kuwait +find the video game journal of criminal law & criminology +the postman is awful and only gets a 1 out of 6 +add east grand blues to the this is nicky jam playlist +find dipson theatres animated movies +what is the forecast starting on 5/17/2037 for austria for warmer temps +find live at bonnaroo +will there be a depression in wheatley +which animated movies are playing today at kb theatres +give a human being died that night 3 stars +add this song to my southern gothic playlist +book the last exit on brooklyn 5 hours from now for one person +i would rate this album a 3 +play some movement music by perez prado on iheart +give setting free the bears series a four out of 6 stars rating +play anything from 1970 +i give the lacuna a rating of 5 stars under the chronicle rated at 6 +can you play fifties theme music by mohsen chavoshi +find the movie don’t break the heart that loves you +are there any painting of the 1st concert oh yeah 1999 +book me a tibetan restaurant for my boss and i +i want to add broken hearted melody to the playlist post garage wave revival +i want to watch the movie maxime +play the crowd: a study of the popular mind soundtrack +add the artist tony thompson to my canta en la ducha playlist +will it get hotter far away in afghanistan +book a table for five in unalaska this month +i d like to see sex tape - finiti in rete +is f i s t at malco theatres +add jerry dixon to my chill out list +will it be warm in hematite +i want to find the video game masada anniversary edition vol 3: the unknown masada +add the stars and stripes forever to the soulful disco playlist +find the movie schedule +book a bar for 2 in hayden row on friday +play music from the eighties on slacker +give the slap 0 stars +have zvooq play songs from the fifties +find the schedule for central airport at the closest movie theatre +find a trailer called colony 7 +add tolmatschowa schwestern to my street dance playlist +please find me a table at a place that serves glace has room for six and a pub atmosphere +i want the video game two more years +book a table at the eighth step coffee house that isn t too far from vineyard haven for candace phillips debbie and sondra +put this kes song on the feel good indie rock playlist +what is the book sell your body +add tara blaise to my power gaming playlist +book a brasserie at turtle creek neighboring on march sixth 2038 for eight +play me a song by saki nakajima +i d like to visit a pizzeria with a pool at fourteen o clock +open spotify and play a song from the twenties by richard harvey +what is the weather forecast for djibouti +find the novel meg and seron +book reservations for five at eleven madison park today within walking distance from flaxton +how much humidity in mancos +play abhijeet bhattacharya from 1986 +this current album deserves only a one rating +add nothing can stop us to my lazy chill afternoon playlist +rate this textbook 5 out of 6 points +show me the work not a little girl anymore +book a brasserie for connie scott and madeline in northern mariana islands in eleven hours +play melody music from the fourties +play the top twenty chant by wise +i need a photograph of the oregon desert +add this album to my mediodía acústico playlist +which films are playing at the imax corporation +play bill evans album the best of the 12" mixes +find the schedule for tube at the closest movie theatre +add pimp c to my workout remix +please book a brasserie restaurant for eight in ireland +i d like to get reservations for four at a restaurant that serves apple sauce +what is the forecast for dec 15 in lake woodruff national wildlife refuge +book a table for three at a restarunt in federal hill +play some glenn miller +play my acoustic covers playlist on spotify +i d give the quotations from chairman mao tse-tung saga two of 6 stars +find the photograph jboss enterprise soa platform +look for the chu chu and the philly flash picture +book a spot for ten at a pizzeria that has tourte in minnesota in 22 and a half weeks in yamhill +play a song off the nicht sprechen album +how s the weather going to be on jul 2 in whiteside +add another artist to my soul bpm playlist +book a restaurant for ten in exmore at sunset +add gregory douglass to my whm list +can you add a tune by natalie macmaster to my viajes playlist +i want you to put this track onto the playlist called throwback party +i need a novel about polymer chemistry +for my playlist fresh finds hiptronix add the name polka medley +what time is one night stand showing at cineplex odeon corporation +can you get me a table at a tavern in slovakia +incorporate a russel walder track onto gay s funk rock playlist +what s the weather like here +where can i find police story 3: supercop +play some ray williams music from the nineties on spotify +what is the nearest movie theatre showing ocean’s 13 +can you give me a list of films at cinemark theatres +book a restaurant for ten in germfask +i need to episodes for the tv series fast food nation +is it cloudy here +add the artist to the latin jazz playlist +would you please play me a symphony from 1995 +add this track to the playlist korean osts +what s the weather faraway from here on sep the fifteenth +find movie schedule for animated movies in the area +play a 1964 track from shahram nazeri on pandora +add my old kentucky home to fresh finds fire emoji +find heroquest ii: legacy of sorasil +book a pub that serves fries for 9 people +i want to rate the turbulent term of tyke tiler a 3 +give five out of 6 to this book +can i get the movie schedule for megaplex theatres +will it be chillier in uruguay in 213 days +i want to hear la jaula de oro by mc ren on google music +what movies are currently playing at the caribbean cinemas +i would like reservations made for masonville vermont nov 7 +add anthony hamilton to my list women of hip hop +rate this album three stars +whats the closest movie house showing home room +i want to add robin hood and queen katherine to my playlist entitled genuine r&b +fine movie times for animated movies in the neighborhood +i would like to rate the book the three impostors 2 to 6 stars +what s the temperature today in griffin ne +play a new ballad by valy on iheart +how can i watch the television show tinker bell and the legend of the neverbeast +rate the making of a teacher a two +i want to give the unpleasantness at the bellona club 5 points +book me a table for 8 at a restaurant for seven pm +find chained heat +rate 5 out of 6 stars to this album +book a reservation for seven people at fraser mansion in il +i give the following album two out of 6 stars +will it rain on sep 25th in east tawakoni +play tomorrow +what s the weather forecast for belknap +book a table in a haines borough restaurant for nine that is within walking distance +give four out of 6 points to current album +play a seventies tom thacker ballad +play thirties on lastfm +what is the weather like in hebbronville venezuela +add song to orgánica +add nina hagen to essential folk +play some mf doom from the sixties on pandora +rate the warrior prophet 3 of 6 stars +book a spot for robyn martinez maude and i at a steakhouse not far from their place +what is the weather going to be at dinner time in the lake le-aqua-na state recreation area +play the album cara de dios +play me a seventies song +book a reservation for a pub with internet for 2 people +show me the album andrews university seminary studies +i need a table at light horse tavern in city of the dalles nh for kathleen brianna and i +play hasan saltik from 2004 +will there be rainfall the day after tomorrow far from rodna national park +book the kegs drive-in in 37 weeks in saudi arabia +add this tune to the duetos playlist +add jonny buckland to my playlist weekly buzz +find spirit of the bush +book reservations at a restaurant with vickie and caitlin on february the second 2018 +weather for my current location tomorrow +what is the weather in nd the city of evangeline +will it be hotter in pecan grove +play slacker tunes by smog from movement in 2015 +show movie times at sunrise +what will the weather be in a month from now at my current location +add nitti to my family favorites playlist +when is red shirts showing at dickinson theatres +add this annabella lwin track to indie alternativa +i want to watch wide-eyed and ignorant +play the ashley tisdale discography tv show +book a table for 1 on november the first 2022 +i need seats for 10 at a highly rated restaurant +find a reservation in hesston nc at a new restaurant +i d like to book 4 seats at a restaurant +add this artist to lo más dance playlist +how will the weather be on may 9 in wyoming +what s the weather close-by triumph +book a reservation for eight people in north dakota +can you please look up the game the islanders +play some 1982 movement music on slacker +the current book i m reading should be rated zero out of 6 +what time is in old new mexico showing today +play a top five linda strawberry ep +please find me the magic hour saga +i want to see return to yesterday +put the artist michael todd in my afternoon train ride list +show the creativity of where what when +find the schedule for for the unnaturals at 13 +is the weather temperate in millinocket +play a good john maher record with netflix +what time is the sea chase playing +where is puthri playing +add this song to my cleaning the house playlist +will it get hotter in zenith ct +play me the trailer for gainesville daily register +find pat garrett y billy the kid +rate the honourable jim a three +find long walk to forever a novel +i m looking for a novel called the adventures of lolo ii +i need to book a restaurant that has wifi far from tx for me and my parents +at 4 am book a bar in the spa in shamrock for eight +rate this current textbook 0 points +find a loews cineplex with films +play me the soundtrack ready +add a bill deasy track to the conexiones playlist +add song to my club hits +i would like this artist on drum & breaks +which movie theatre nearest me is showing animated movies starting now +find the envoy of lucifer show +what s the weather like in saint regis falls nd +what is the forecast for january twenty-eighth in kentmore park +what is the current position forecast for starting on july 22 +book a diner place or me and my best friend on holy saturday capital of united arab emirates where they serve pepperoni dishes +find a painting called thunder in the sky +grab a table at a restaurant in minnesota that serves ice cream cake +show me the book the republican brain +i want to eat at the bar saint vincent and the grenadines at thursday for five people +add joey fatone to my spotlight on country 2016 playlist +what is the forecast for bonner starting oct 24th 2025 for argentina +book a table for 3 in macao +show the movie schedule +show me the book pokémon: the johto journeys +can the artist big mama thornton be put onto my trabajo relax playlist +please get me the british journal of dermatology game +what is the colder forecast for nationaal park bidoup núi bà in a week +rate the scoop 4 of 6 stars +i want movie times for fox theatres +tell me when it ll be sunny in ralls marshall islands +edit classic road trip songs put on sammy cahn +give this textbook a four +add dave carpenter to my acoustic blues playlist +show schedule for loved by thousands +when does of stars and men play +what is the forecast in wild river state park +this essay is five stars for sure +find animated movies movie schedule in the neighborhood +play 2006 chant music +when is the blood stain playing at the movie house +add tune to my instrumental funk playlist +give the current chronicle three points +rate the strange death of tory england 1 stars +rate this chronicle 3 stars +is dead fish playing at the movie house +what s the weather this month in mozambique +i need a reservation for 3 at clinton street baking company & restaurant +please play me some satire music +get me reservations for an indoor honduras restaurant +is unsettled land playing at the movie theatre +what s the weather in mountain center +what time does the maze start at cineplex odeon corporation +the current book deserves a rating of only one +add the 3rd world to my focus now +please find me the youth against fascism television show +what time could i see a mile in his shoes +i want to hear a 1976 symphony by jam master jay +can you put dj kay slay onto the 2010 decade playlist +what will the weather be like in 16 weeks at the ivory coast +is there a storm in maliau-basin-conservation-area now +is it going to be warmer in cinnaminson north carolina at 06:59 am +can you play a top song from a chyi chin concerto +what s the weather like in el salvador on wed +i want to book the best manadonese restaurant for six at 21:49 that is distant from my baby s work +what cinema is playing the strongest instinct now +i want to book a table at a nearby restaurant in andorra for me and my kids +how s the weather looking in pheba +is it snowy in demotte ms +what will the weather be like on september the eighteenth in puerto rico +book a stuffed peppers serving bakery for 9 at woodsfield vi +what time is showcase cinemas playing straight is the way +add tune to soft rock playlist +what time does johnny got his gun play +make me a reservation for a party of six at the k club on feb 7th +add another song to the country playlist +add beverley knight to my mellow beats playlist +rate this album 2 points +how will the weather be at 9 am in anguilla +what will the weather be in umatilla malta +add bedroom jams to album +show me the advocate +in seven hours from now will it rain at my current place +give upon some midnights clear chronicle four out of 6 for a rating +tell me if it ll be freezing here in 21 seconds +i need some ambient music +show creative song called holidays on the river yarra +play the song waar is de zon on slacker +i d like to see the trailer for history and theory +will you please pull up movie schedules for me +show me the schedule of outlaw of gor at nearest movie house at 5 a m +can i get the cineplex odeon corporation showings for small town story +show the man from london video game +play chant from the nineties with last fm +give this novel 5 stars +what is the gearhart forecast +in 1 hour and 1 minute find a cinema nearest for films +find cluster computing a game +this novel should get zero points for how intrepid it is +give 5 points to current novel +rate the current novel a zero +add some fujimoto yae to my women of rock list +will it be snowy in crouch french polynesia +give two points out of 6 to this novel +i want seats for 4 at a sichuan food restaurant in indonesia +rate the archivist three out of 6 stars +fine movie times for loews cineplex entertainment +play the album a kiss before you go by bt +is it hot in neighboring algeria +find a reservation for eight at rhodes twenty four in gu +rate the current textbook 1 of 6 +what is the weather forecast for here +are there any animated movies playing at the mann theatres +where to buy book bright ambush +show me the closest movie house playing animated movies please +i m looking for paris match +book a table in eastern european restaurant in macedonia +tell me what films are around here +find movie times for films close by +make me a reservation at the restaurant at meadowood for a party of 7 in armenia +please add this album to the playlist titled hip hop 2017 new school +find a soundtrack called fast as you +put sungmin into my summer playlist +find a painting called chettathi +i d like a table for my teenager and i at the washington d c jewish community center +i m looking for you to get me jack of shadows +book a bar with a pool in mountain iron +i d like to hear one of eric clapton s most popular melody on pandora +give this novel two points +rate the book giants of the frost two out of 6 points +play the greatest 1972 album by wes dakus +put dj green lantern on my targeted playlist +what animated movies are playing nearby right now +what is the forecast for around putnam lake +what is the weather in twenty three minutes in nv +will weather conditions be stormy here from 6/15/2025 onward +check which cinema currently runs when the last sword is drawn +find starcross +show me the lowest price for the game sinatra reprise: the very good years +find me a saga by reproductions +book a table for 10 at a restaurant in federated states of micronesia +please check the weather forecast here +play roland alphonso tunes that are most popular +play the latest 1973 album by peter derose +give 99 coffins 0 stars out of 6 +when is em4jay playing at the movie theatre +want to find a creative work called the prayer +play a concerto top ten sort by lloyd +will there be a depression here on october 26 +book a table at a restaurant which serves sushis next week +play popular eighties record +the chronicle of the emperor wears no clothes was too naive and simple i d give it 1 out of 6 stars +book a table in oh the city of bock for party of ten for tonight +book a joint for feb the seventh in oklahoma within walking distance for six that is highly rated +where can i find appalachian journey +play punk essentials on google music +how is the weather in oh +search for a picture of darker than black +what is the british virgin islands forecast for next november +play some rui da silva +find me the big sean discography soundtrack +add a randy travis song to deep dark indie folk +i want to hear some freestyle music +i want to make a reservation at the conflict kitchen for one +i need a table for me violet and maude at a restaurant in ne +what is the forecast for march the twelfth faraway from pine mountain state resort park +i give the elegant universe five out of 6 stars +book a spot at a restaurant with trattoria in otho de +show the latest animated movies movie times for the nearest movie house +play angelo amorevoli +where can i watch mabel’s dramatic career at twenty two o clock +is it snowy in ocean shores +book a spot for ten in upper marlboro pr +find the movie schedule for great escape theatres +play seasons in the sun by rosco gordon on iheart +i want to give the nightmare fair five stars and a rating of 6 +show me the nearest movie house showing moron 5 and the crying lady +do you know if it will be chilly today in puerto rico +freud: a life for our time deserves a solid 4 +add tune to my folk music at the gaslight café +find a game called a very special christmas 7 +can i get the movie schedules for loews cineplex in six hours seventeen minutes and eighteen seconds +can you help me find the author author trailer +weather on september 14 in crofton ukraine +add tune to women of pop playlist +include jesper kyd in the grime instrumentals playlist +how cold will it be in palau around fourteen o clock +add annette artani to the playlist titled all out 90s +add genocide to electronic bliss +make me a reservation in ne at a distant resturant that is a pizzeria +please book a joint type restaurant room with spa facility to accommodate 8 members +where is project a part ii playing +play brian clifton off groove shark +find the closest movie theatre with animated movies +put this song on my indiespensables playlist +play some dj qbert +i need movie times for films in the neighbourhood +what time is the riders of the whistling skull playing at magic johnson theatres +find a novel called chemistry - an european journal +play some nineties music on zvooq +play some sad songs from the fifties +add this song to noreen s fresh finds six strings +i would like reservations for giodi s in piper az +play goldie hill s record on google music +rate the previous essay 5 out of 6 +add elastic love to this is stormzy +show movie schedules for animated movies playing close by now +i wish to hear the playlist estado de ánimo on last fm +play music on spotify +i would give basic battle skills a rating of four +can you give me the forecast for keytesville for 12 minutes from now +what is the forecast for orienta for hotter weather +please locate sad love story novel for me +i need to find best of the west rides again +i want to hear a top ten soundtrack from 1984 by shinehead +what will the weathr be in akin jamaica +find movie times +what will the weather be like in the bahamas eleven years and a half from now +play eighties +open spotify and play a couple of celtic songs +add embryo to lessie s hands up +what is the movie schedules +add this tune to my playlist guest list mashable +i d like to eat at the original spanish kitchen in north carolina +restaurant in west virginia for my son and i +i d like to see snowball express +the book the chymical wedding is only worth 3 points +what is the depression forecast for in five years in altyn-emel-nationalpark +find movies at the nearest cinema +add undressed to my country icon playlist +in a week make a reservation for a table of 7 in district of columbia +i d like to watch abbott and costello meet the keystone kops at amco entertainment at 04:08:11 am +what will it feel like in the current place in july +where can i see animated movies in the neighborhood +play the greatest james yorkston song +book a spot at a crown burgers that is close by west compton +i give the knife of dreams saga a 0 of 6 +search for comedy underground with dave attell +i want to see animated movie in the neighbourhood +i m looking for an album called the orchestrion project +book a best restaurant in wrigley +put kan on my indie rock road trip +add hello my lover goodbye to my deathcore playlist +play glenn yarbrough tunes +i want to read the book the lion sleeps tonight +book a reservation for irene and rosella at the room in the elephant in israel +find a painting called break down +book a bar that serves stracciatella in north dakota for four at four am +play music on netflix by don kikas +what time is sundown: the vampire in retreat showing +rate this album 4 points +rate this album 0 points +add a mina caputo album to my after hours party +play an masaki aiba tune +show me the schedule of american primitive in santikos theatres +add monsters this is prince playlist +find plitt theatres now showing poverty and nobility +rate dick sand a captain at fifteen a two out of 6 +give this album three out of 6 points +can i get the movie times for in the neighbourhood movies +play some psychadelic music +play stereo by jonathan davis on deezer +book reservations at a restaurant that serves puglia for jan 24th +is there a snowstorm coming in dana at 4 pm +this essay should get 1 of the points +look up the gun soundtrack +what time is kickboxer showing at cobb theatres +i want to hear music off my indie festival playlist +book a table for 8 right now for a restaurant in meadow vale +play me the greatest howard levy song +please use pandora to play a record from 1993 +what will the weather be like in nickelsville +i m looking for the saga lifelong ambitions +find the schedule for heart beats +is it temperate in the current location now +i want to hear music from carman from the 1966 album +is liberator playing at the imax corporation at 11 +what s the weather forecast for pointe-heath ecological reserve at midnight +add tune to nusic +add etta james to my anochecer urbano playlist +is transcending fear at malco theatres +show me the movie black summer +play some music from the thirties +i m looking for a local cafeteria that has wifi accesss for a party of 4 +will it be warmer in amnicon falls state park +please use itunes to play something from 1986 +book a spot for me and sonja at a popular pizzeria +find animated movies close by with a movie schedule +what s the weather forecast for mansfield +is it colder in paraguay this morning +add amir khan to my playlist acoustic blues +play the top caleigh peters +i d like to get a restaurant booked on mar fourteenth in md +add all together now to my playlist the road to punk rock +show me the album apache axis2 +is it going to be hot in chrisman +open netflix and find a movie with the song heartful +i need a table for six at a bar that serves varenyky +rate my current album 5 points +wuill it be cloudy in dickson city illinois +i wanna listen to a the top-twenty track of denniz pop in pandora +what film to see at arclight hollywood +find the picture nur mit dir – a walk to remember +i d like to watch abbott and costello meet captain kidd at the nearest cinema +give the book buzz about bees a 2 star rating out of 6 +what animated movies are at the closest movie theatre +play the latest melody from cliff edwards on deezer +rate the current essay one out of 6 +give 0 out of 6 points to current book +rate the philosophic thought of ayn rand three of 6 stars +find remedial chaos theory a soundtrack +book a fried fish serving restaurant for one at 20 hours from now +find me the showtimes for how to commit marriage +find a movie called no more sadface +find a soundtrack called the book of folly +find the song the fourth man +what animated movie are at the theater in the neighborhood +give this novel a two star rating +put this song on my ntc high intensity training tracks playlist +rate this album three out of 6 +i want to book a restaurant within walking distance of my neighborhood +rate the current essay book four out of 6 points +add artist to showstopper being mary jane +add this track to krystal s piano 100 +add the fire and the wind to my digster future hits playlist +add a song to my playlist independent music monday +where is the closest cinema that features animated movies +i m looking to book a seat at a bakery that serves coleslaw at 19:44:58 +how will the weather be this summer in new york +this current book only nets 3 out of 6 points +give the judas tree a zero +what s the weather forecast for next week at my current position +find movie schedules for me +i need a pub with a smoking room in ucolo reserved +what is the forcast now in kansas +find a painting called beyond the neighbourhood +rate current saga one point out of 6 +can i get the movie times for films in the neighborhood +show me animated movies that are playig at great escape theatres +i want to find the adventures of lomax +play twenties chant from lagaylia frazier on itunes +i would like to book a table at a delicatessen in punjabi for me angela and vilma +what time is last exit to brooklyn playing at movie house +i d like to take a party of five today to a place in colorado +i rate cold tom four points and a best value of 6 +book for lobster newberg this week in malaysia at a restaurant for four +i d like to watch broadway nights at megaplex theatres +play fourties chant music on last fm +get soundtrack of comprehensive knowledge archive network +play a record from 1950 +add glory in the highest a christmas record in my playlist cleaning +play concerto from 1951 +play me something by funtwo +give this textbook a four +give this essay one star out of 6 +book a table for a party of 7 next year in id +what are the movie times for films playing nearby +add this track to my gold school playlist +what is the forecast for here at 8 am +add this track to my love hurts playlist +play some fifties music by origa +whats the closest cinema showing swamp water +play the seamus heaney collected poems song +in twenty three hours and 1 second my daughter and i want to eat at a restaurant +play a 1994 tune by lena horne +i give this series a value of one and a best rating of 6 +rate the book the outlaws of sherwood two stars +i d like to hear songs from iheart +rate this book three out of 6 +what is the forecasted humidity in ghana for epiphany +find the transformers: generations video game +i want to hear the latest twenties album from kyle riabko +give 1 points to current textbook +lets eat at newport creamery in carnot +whats the forecast for redby +i would give this novel four stars +the current album deserves 0 stars +rate this book one for this stars judging +where is ennarukil nee irunthal playing +shawn lane should be moved to my cena con amigos playlist +rate this book 3 out of 6 +can you play a song from the newest movement by prince on lastfm +show me the movie schedule in the neighbourhood movies +i want to see the television show the muppet christmas carol +add agua y sal in classic jazz funk +put the orange and the green on los 40 radio éxitos +is it overcast in ziwa rhino sanctuary +book a spot at a highly rated afghan restaurant +can you add john scofield newest tune the selektor to the playlist +i want more francis healy in the rockin vibes playlist +reserve a table for my bf and i at montreal pool room in indiahoma +what animated movies are playing at fox theatres +is it forecast to be temperate here +play the top chant music from 2014 +book reservations at a restaurant for eight people in new jersey +is it overcast close-by in illinois +rate this book one stars +i would like to book a food truck with mughlai cuisine in somalia +play the newest ep from the sixties +rate current book 2 of 6 +play music by ryan malcolm from sympathy for the devil on pandora +what is the forecast on 12/9/2039 at florida caverns state park +where can i purchase papers in regional science the album +i need a table for 8 people at a restaurant in district of columbia +what animated movies are playing at imax corporation +play me some music youtube +add a jang nara track to the hip hop gaming playlist +what s the weather going to be like in a week at big walnut creek nature preserve +i d like to book a place to eat in ny +find a tv show called studies in logic +i am giving this current textbook 4 stars +what films are showing at the closest movie theatre +can you make reservations for a party of eight in iowa +rate this current saga one points +i want to eat supper at a lesotho place +give me showtimes for films in the neighbourhood +can you play an ep by tatjana iwanowna bulanowa +gve 2 points to the stinky cheese man and other fairly stupid tales +play christian gangsta rap +play a top-10 ballad from 1995 +play new melody by kenji ito on itunes +find a video game called the yellow claw +find soundtrack titled the house of the yellow carpet +where can i see the show latin for lovers +add robert nighthawk to novedades pop +i d rate glaring through oblivion a zero of 6 +please book a coffeehouse restaurant type room to accommodate gretchen trisha and amber which serves pastelaria dish +will it be freezing in new ringgold nebraska +i give one clear call zero out of 6 points +find journeyman +what s the weather forecast for connecticut +glory season deserves a perfect 5 points +find fanatic +rate merlin effect a 0 +tell me if it ll be freezing in 5 years in rockholds norfolk island +play iheart tunes by neil finn +play music from the year 1964 +where can i find the video game called izuna 2: the unemployed ninja returns +a sport and a pastime is a solid 5 out of 6 points +reserve a table for two at a restaurant which serves creole around here in myanmar +add reggaeton classics in playlist jennie jennie +play the it could only happen with you album by lawrence +i d like to watch movies now right nearby +can you pull up the sanford herald +find dickinson theatres showing from bondage to freedom +i need a table somewhere in culver city wa +what movies are scheduled at the nearest movie theatre +find back to boomtown: classic rats hits a soundtrack +is the expected weather temperate here in 1 month +i would like to see the closest cinema playing films +i rate the book you only live twice two points +play some rock music on youtube +add paula abdul to classic acoustic playlist +play a soundtrack from 1954 +play oliver cheatham s symphony from the thirties +find dyskografia nick cave and the bad seeds +i d like to watch movies close by +can i get the showtimes for animated movie in the neighbourhood +please find me the book step into my groove +add this infernus tune do marsha s de camino a clase +rate shadows alive 3 out of 6 points +is it cold in windhorst +book a restaurant in myanmar for 4 +add artist matt noveskey to journey +go to bioruby +find kerasotes theatres with movie times +will it be hot in the cayman islands on november 12th 2035 +what is the weather in port vue +play vivian stanshall from 1962 +what is the forecast for farmerville in cape verde +book a table for doris and i in new tulsa +add current album to my pop gaming playlist +give four stars to what the day owes the night +what is the read all about it picture +add this piece to my spotify orchestra cello playlist: colors of the wind +play some music from roberto carlos +please look up the novel heroes of annihilated empires +what s the weather forecast in nationalpark banc d’arguin +play music from 1959 by lenny leblanc on pandora +i want this chronicle to get a rating of 4 +i d like to watch bound for glory at the closest movie theatre at 21:41:08 +what animated movies are at fox theatres +book me a reservation for an osteria campanian on jun the 7th 2022 +can you give this textbook a 2 out of 6 +show me the movie times for animated movies in the area +i d like to hear helen baylor +show me the movie schedule for movies around here +tell me if there will be hail at tea time in nordland +add naseer shamma to piano chill +where do i play the video game the wild geese +rate the pig scrolls one of 6 points +what s the weather in niagara +rate this album 0 points +book a restaurant in swaziland in 1 hour +is it warm at seven am in greenland +play most popular from nil burak on slacker +i give the following textbook three points +rate the current textbook 3 of 6 +show me it might as well rain until september +find me the jquery mobile tv show +i think memorial day should have a rating value of 3 and a best rating of 6 +what is the weather now in james city +restaurant scandinavian in grenada +what is the best restaurant in kentucky for ten at 0 am +give the current novel a rating of 5 out of 6 +play magic sam from the thirties +add the album to the metalcore playlist +what is the weather in steward +put sarah blasko onto my the metalsucks playlist +book a reservation for seven people at a highly rated restaurant that serves moroccan food in east greenville +play me a song from 1972 by sweet emma barrett +find the movie schedule for the cineplex odeon corporation +add this artist to reggae classics playlist +play clay aiken s the bonny hind on groove shark +book a spot for 6 in pilot mound palau on feb the twenty-fourth +what is the forecast for this current position for chilly temps +add the artist leann rimes to the women of indie playlist +find the movie schedule for fox theatres at supper time +will it snow in haigler bosnia and herzegovina +i want to hear a silvia night ep from the sixties +incorporate nao kawakita into the epic classical playlist +please call and reserve seating for march 6 at a diner in kyrgyzstan +i am giving this book called the wide window one out of 6 stars +i d like to see the picture chrome dreams +add this artist to sunshine reggae +list movie schedules +give me a list of films at amc theatres +antoinette and i want to eat at an oyster bar that serves pizzette in south duxbury me +play anything from the twenties +reserve me seating midday at bear hotel + what is the nearest cinema playing the hour of temptation +what is the price for the album praise the lord and pass the ammunition +i give jonathan livingston le goéland 2 of 6 points +i give the alchemyst: the secrets of the immortal nicholas flamel 2 out of 6 stars +show the monkey soundtrack +play the best chant of 1975 +show the second civil war saga +rate this awful book called cold with 0 out of 6 points +rate my current textbook three out of 6 +play some dance music +when is game in the sand playing at the movie house +please get me the very best of chicago: only the beginning +rate this novel one of 6 +forecast for vi +book a table for me and my step uncle in malta at a cafeteria +what will the weather be in palm bay pa +i d give a man called ove a 1 +i give a zero rating for this essay +add an album in my playlist in the name of blues +is there a lot of sun in qatar +add the private collection onto my cena elegante playlist please +book a irish serving brasserie in az +is prophecy playing at malco theatres +play the most popular grace slick song that has a symphony sound +rate leap into darkness 1 points +add this artist to my this is miguel bosé playlist +what animated movies are showing in the neighbourhood +rate blood and gold saga 0 points +rate a thousand lies series a 3 +play the last mile album +my idea of fun is a book that should get 2 stars +what time is the taking of pelham 1 2 3 playing at the movie theatre +add artist leonard cohen to my indie brazuca +find the movie schedule +this novel gets 1 star +open my music playlist on youtube +i want to take christy louise and alexandra to eat at 17:38:04 anywhere in ne +i want to hear ding dong bell on groove shark +i need to book the beardslee castle in albania for me cassie and lesley +play pandora tracks by akhtar sadmani +i would rate this textbook 5 points and a rating value of 6 +what s the movie schedule at national amusements +this chronicle rates a one for first contact +on itunes play the latest anna yesipova ep +put conway twitty in the this is tchaikovsky playlist +please rate the current textbook with 5 stars out o 6 +play track real talk +show cold weather forecast in five hours and 1 minute in hokendauqua mongolia +add a tune to the calm vibes playlist +is the sun coming out today in lacassine national wildlife refuge +show me the album clarke +the comics we loved gets 1 out of 6 points +rate the zenith angle one out of 6 points +need a table at the goof in croatia for a party of three +i need to see cristo in india +is it forecast to be hot in greenland this winter +play gothic music +i need to book a theme restaurant this month in chile +play breathtaking music +input this album onto my all things post list +me and my father in law want go eat gratin at a restaurant +is it freezing close to dc +rate this album 1 +find movie schedules for loews cineplex +i want to read the novel love is in control +find an outdoor facility for midday in datil at a pub for six +i am giving this current book under the series section one stars +show me then we came to the end +can you find the novel journal of social work +play teri meri by josh white +add artist to acoustic soul +find the labyrinthe game +rate the last saga 3 +what s the forecast for my current spot +what time is the cobbler playing at the closest movie theatre +shoe the movie showings for the closest cinema showing international movies +rate my current book 3 out of 6 +please look up the song twist of shadows +i want to hear de eerste keer from paul caiafa off of google music +please tell me the current and local movie times +i want to rate the saga the italian two to 6 points +what films are showing at national amusements +the cool world gets 4 points +rate the current textbook a 5 +what movies are showing at the nearest movie house +give 2 out of 6 points to current book +what is the weather forecast in 11 seconds for frederick douglass national historic site +book a table in greece for 4 +find the picture their finest hour +play ballad music by jeff lynne +i need a reservation for 2 within walking distance of hoyt st +is it warm in vietnam +weather in nationalpark nevado tres cruces on mar 4th 2020 +rate the current textbook 2 stars +play the song culture and psychology +book a restaurant in mcmurray on august seventeenth for marjorie vasquez edith and martina +i give this series a one out of 6 +for this novel i give a rating of 4 out of 6 +play me the last 1980 record by brenda kahn +what is the weather forecast for maryland +weather for burr +find the movie schedule +i would like to book a restaurant in singapore for nine in 19 hours and 1 second +i think this book should have a rating value of 1 and a best rating of 6 +add tune to this is trey songz +add without your love to my showstopper being mary jane list +will there be a lot of wind in west fargo gu +rate the australian ugliness 3 points +i want to take me and my crew to the smoking room restaurant +what is forecast in keyes summit in new mexico at 3 pm +show creativity in cross currents +add however much i booze to my playlist called atmospheric black metal +i want lay down your arms in the indie español playlist +add jalal zolfonun to my nature noise +play melody music from 1988 +tell me if it will hail in kyrgyzstan +rate the city of lost souls one of 6 points +play me some music on deezer +rate religion and dharma saga 1 points +play prints in the stone by helen baylor +i need reservations in nd in the city of briarwood for me and my colleagues +add the trey gunn tune to my french n heavy playlist +can i use lastfm to listen to twilight time by dj khalil +i need a bakery that serves beef manhattan at midnight for nine +this is a 6 rating for the album down to one +book a spot for seven in 8 seconds from now +make a table reservation at the top-rated brasserie in cotton center +please look for orion you came and you took all my marbles +find a photograph of time loves a hero +play deezer +what movie theatre playing animated movies is the closest +play fifties from sirusho harutyunyan +play fais les backs by sarah geronimo on youtube +add track to fresh finds +i need a reservation for nine at 03:44 am in wi +rate my current textbook 0 out of 6 +can i get the movie schedules in the neighbourhood for the newest films +play lily rosemary and the jack of hearts by chris goss +what s the weather in paulette yemen +tell me the weather forecast for my current spot 1 minute from now +show the movie schedules with animated movies around here +find movie times +play some music from 1985 by rolf harris +find the album just for laughs +will it be warm in the current place next spring +show creativity of what is dead may never die +rate battle hymn of china five of 6 points +can i get showtimes for films in the neighborhood +book osteria restaurant for 1 person in mi +will it be rainy in malta +give after having spent a night among horses 0 out of 6 +i would rate this book chronicle 3 out of 5 stars +can you play maggie mae on netflix +i want to book at a pub with parking in cuba +find the nearest movie house for the mystery of picasso +add heat of the night to my novedades viernes sudamérica playlist +show movie schedule of films in the area +what system is bloodhounds of broadway the game for +hows the weather supposed to be on april eleventh close by lyons ferry park +will there be a blizzard in chapel point state park or in the same area +the last essay is a 2 out of 6 +play dhafer youssef top-twenty on netflix +when is that forward center died at dawn playing at the closest cinema +add this album to my us latin top 50 palylist +can you add something by vikki thorn to my lo mejor de los 80 s playlist +i d like to watch monk comes down the mountain +is it supposed to get colder here on 12/28/2019 +give 5 out of 6 points to short trips: a universe of terrors +tell me what movies are showing at seven am at the closest movie house +tv series for the thirty nine steps +where can i find the album the adventures of lolo ii +add the tune to the indie workout playlist +play music from 2007 +in eight years and a half from now i d like a reservation at a top-rated bar +find a tv show called ace of spades +book a stuffed ham serving pizzeria in independence corner +add a bum note and a bead of sweat to my stress relief playlist +find a painting called the book of folly +what time is the bride’s journey playing at star theatres +play the cherry-tree carol by edwin mccain +play my funtime playlist on lastfm +book me an indoor pub in jersey +reserve a table for nine people at a caribbean restaurant in white creek utah +book a reservation for a restaurant serving burger in malaysia +i want to read the book between a rock and a hard place +play some 2002 music +find mother earth a tv show +read the book journal of the bombay natural history society +estelle should be on my spring playlist +this textbook only gets two out of 6 stars +rate this current essay a zero +i want to play the game show me the wonder +whats the movie schedules for animated movies close by +is it nice in pw +find half a sixpence photograph +i need movie times for movies in the area +add el noi de la mare to the new waltz playlist +will be warm in hallwood kosovo +play the lousy dance trailer +please include emily remler in indie bluegrass +add the “chirping” crickets to my mellowed out gaming playlist +find the tyrant +can you tell me what the weather is doing in north epworth guam +rate the knife that killed me a three +will it be warm at mountainair +play i believe from chico buarque off of iheart +tell me the current forecast for switzerland +show me the movie schedules for animated movies around here +show of from south africa to south carolina +add alexandra govere to my anochecer urbano playlist +what will the weather be in angle cape verde at midnight +please play some black metal music +what s the weather forecast for here on jul 23 +play a sixties song by classified +play opera music on google music +book a table for 7 at a churrascaria that is highly rated +find a brunch time cinema nearest with the president is coming +i d like to eat in montana on 10/22/2030 +add bright and breezy to my this is gucci mane playlist +rate the previous essay four of 6 points +i want to eat louisiana fried chicken in mccoll ia +find saison 7 de sons of anarchy +i want to hear that track from 1991 +play instrumental pop +what is the cold forecast for our current position +add welcome to the cruel world to my reggae classics playlist +when religion becomes evil is only worth 1 stars +add gary valenciano to the power gaming playlist +i want to book a highly rated fast food restaurant now +show weather forecast in kenya +i need a book called student demonstration time +play a record from 2005 by ruslana lyschytschko +play ramakadha by karl davydov please +open deezer and search for scott miller and play some of his new songs +how hot will be there in kanwar lake bird sanctuary tomorrow +find manthra mothiram at century theatres +find the saison 7 de how i met your mother show +put this kan mikami tune on fresh finds cyclone +i d like to watch movies at the closest movie theatre +find the work compiled fragments 1997-2003 +find a photograph called free the universe +please add a tune by kaori utatsuki to my korean osts playlist +add kisaki to family road trip playlist +what time is too young to marry showing +play steve harris false gestures for a devious public album +add toi to my timeless love songs playlist +tell me the weather forecast thirteen seconds from now in ukraine +add the go find to sólo para dos +will it hail in 1 second on riceboro delaware +please look for catch a falling star +add a track in nike running tempo mix +is it windy in custar +book a brasserie for seven in west yellowstone +find the novel make peace not war +tell me when it will be warmer in woods hole oklahoma +add días felices to my todo reggaeton playlist +i need a cambodian brasserie restaurant that is top-rated +what will the weather be in mascoutah tanzania at 09:04:38 am +will the weather be colder in naguabo four minutes from now +how hot is it in pesotum +find films scheudle in the neighborhood at 2 +put this whole album on the playlist called old school metal +the young lion saga gets a solid 4 points out of 6 +find me the movie schedule for arclight hollywood +can you give me weather details for my current spot +book a table for seven in a pub in iraq which offers gluten free food about 141 days from now +play some armik from the fourties +need to book a reservtion for a restaurant in maryland for me and my half sister +find waiting for touchdown a book +find the modern world video game +what will the weather be like in three weeks in gates michigan +play the latest thelma aoyama +what cinema is playing great guy +add to laundry playlist with this song +what will the weather be like in twenty two minutes at san pasqual battlefield state historic park +i d like to eat at a restaurant with wifi +add maggie mcgill to my night vibes +can you place a reservation for me at ariston cafe +play music by young steff +add to my playlist heavy gamer the name blaydon races +i give the following saga a 5 +find movie times +add guy warren to my bossa nova dinner playlist +add this rob campanella tune to psychedelic rock +rate a spot of bother 3 stars +find movie schedules for close by films +what will the weather be like at me current position in seventeen seconds +what s the weather in heritage hill state historical park +play a record from 2015 +i want to find the show called fresh aire 7 +please find the movie a jingle with jillian +what films are scheduled around here +is it better in holi or here +book a restaurant in geddes on march the twenty-seventh for me and my husband +rate cold comfort farm a three out of 6 total +what is the weather in gem +add this track to downtempo beats +add vintage 74 to my mother s primavera sound 2016 barcelona playlist +i want another song in the women of latin music playlist +add quicksand to my valentine s day love playlist +i need to know when sensation in morgan’s creek is playing +need a table now somewhere nearby petit manan national wildlife refuge +add this artist to my playlist named funtime +search for the game the last horror movie +rate the crocus list five out of 6 +look up the brave archer 2 +give one / 6 points to who will cry when you die +please book reservations for 3 people at a restaurant in alderwood manor +please find the tv series back to bach +rate this essay 3 of 6 points +find the show portrait of countess karoly +i need a reservation for the original house of pies with three people in plandome manor pa +add this artist to dubstep +use netflix to play in the arms of a woman playlist +i m trying to find the show chant ii +give this series three points out of 6 +what s the weather in parthenon +i think this novel should get 0 stars +i would rate this current series i m reading a two out of 6 +look up adobe brackets soundtrack +play any album from the twenties +find a popular diner that serves brazilian close by oklahoma for nine people +add jarvis cocker to my chillin on a dirt road playlist +book a restaurant in north dakota for my child and i on november seventh 2037 +i m looking to book a table at a gastropub that serves vegetarian for me and my team +book a table for six at hubbell house in ne +rate the fairy caravan 5 of 6 stars +give mason & dixon a rating of three +i want to eat panisses the nearby cafeteria in naytahwaush +add spanish castle magic to daily lift +rate the a-z guide to arranged marriage 0 of 6 +play some mike porcaro +book a table for vermicelli at a restaurant +add this artist to spain top 50 +please book me seating at the food court in hazel green for nine +what is the forecast for papua new guinea for lunch for rainfall +rate this novel a 1 of 6 for me +this current essay deserves only a three rating +put some mac wiseman in my latino caliente playlist +find the covered wagon a game +what s the weather in waretown lebanon +show me the painting called the descendants +can you make an addition to the old enough to enjoy this playlist with martin barre +play a sound track by mac dre +book a table in california for rita and brenda at hurley mountain inn on january the 11th +play 1958 by wayne petti +find a reservation far from my work location in eight hours for 8 people at union auto company +my great grandfather and i would like to get together at a taverna +can you find the trailer for the young martyr +i need to find the creative work wave +give grand conspiracy zero out of 6 points +show me god bless the child photograph +play itunes songs by gerard way +reserve a table at a top-rated restaurant for dinner in twelve hours +add tracy chapman to late night jazz +play some 1991 dave barker +add the spine surfs alone to my playlist called the funny thing about football is +will there be s snowstorm at my current location this week +add yuna ito to my cena elegante playlist +i want to dine in luray +find a book called environment and behavior +can you play under the anheuser bush by pete doherty +show movie times +check the forecast for orson for around 9 pm +play some mark tremonti from the thirties +add potje met vet to my electronic gaming playlis +add antisleep volume 04 in all out 70s playlist +i need a reservation for eight at the original soup man in northern mariana islands +i need to book a table at bridge round house in south dakota for me emily and gena +book a brasserie in cuney for seven people +add keltech to my 70s road trip playlist +play the trail of the lonesome pine on netflix +add this song to the pre-party playlist +find me the show krypto the superdog +what will the weather be in romania at 4 +play the most popular song by espen lind +what kind of weather was forecast near harmony flats nature reserve last march +book me a table at a top-rated tea house in suriname +please add john deacon to the funtime activity playlist +play the artist joe +add this song to my metal playlist +rate the costs of accidents a three +i give the beatrice letters 2 out of 6 stars +i d like to see forgetting the girl +i want to book a restaurant for 6 on january third within walking distance of northvale +is it forecast to be stormy close to nimule-nationalpark 1 hour from now +play my under the surface playlist +book a table for three people at john pearson soda works in mauritius +tell me if it ll be overcast nearby papua new guinea +rate understanding physics 5 out of 6 +please play something on last fm +give one out of 6 to a week in the woods +could you play the album b men gahō by nathaniel shilkret +play symphony by josh gracin on slacker +what movie is playing at showcase cinemas +list movie times at cinemark theatres +play music from lastfm and deezer +rate this novel one out of 6 stars +river secrets deserves a best rating of 6 but zero points +what times is the 7 faces of dr lao showing at united paramount theatres +i want to give among the enemy 4 out of 6 points +what will the weather be like in the falkland islands starting may 25 2022 +book a reservation for a trentino restaurant in kansas +book a restaurant for one in skillman +play the newest melody by cisco adler on pandora +rate the cry of the owl a four +what films are showing in the neighbourhood +book me a table for five at the top-rated morocco restaurant +rate the autobiography of alice b toklas 1 out of 6 stars +what is the sri lanka forecast for snow +play chant on groove shark from 1996 +i want to add a song by w c clark to my nerding around playlist +what s the weather in oregon +play music on my itunes +what is the weather in neighboring oh +what will it be like in the current place at midnight +book a food truck in argusville that has fish chips +add rattus at the roundhouse to my funk playlist +rate the beyond this place chronicle three of 6 +add song to my mellow beats list +play me a mario vazquez movement +add adam yauch to my spooning +i need to find the so nice soundtrack +play dj subroc on itunes +weather for nearby roselle +play a sixties track by noam pikelny on iheart +book a table for eight people at a bar that has steak sauce in half moon american samoa right now +where is the adventure of the yellow curl papers playing +the dubstep dangles dirty playlist needs digital at montreux in it +i need a reservation for a restaurant close by their hostel +make me a reservation in nh for a party of two at a restaurant close by +add so far to my retrovisor playlist +go to attack of the planet smashers +showtimes for animated movies fro goodrich quality theaters +i want to book a tea house for 4 that serves madeleine +where can i watch the television show you make me hate music +movie times at cooper foundation for sunset +i m in bowling green please book a restaurant for 1 close by +what kind of weather will be in va 12 years from now +add sirusho to the 50 clásicos playlist +play magic time by phoebus +the book as sure as the dawn gets a two out of 6 rating +please make reservations for me and my roommate somewhere in bouvet island +find a game called the guyra ghost mystery +add this alan wilson track to my this is luis fonsi playlist +will it be warm in cotati in guinea-bissau +i want to listen to a popular melody by david bazan +what is the forecast for sanibel +add el pavo dustin to viajes +put four in blue onto ultimate 00s +i need a reservation for claudine kelsey and shelley at a restaurant in palestine +book a spot for five at a brasserie on jan 7 2023 +put jazzy b on lazy chill afternoon playlist +what s the weather forecast for sweden on oct the fifth +give the current part of the series 1 points +will it be colder this saturday in nc +what time is three cuckoo clocks playing +play trace adkins music from the thirties +i want to hear a track by ryohei yamamoto on vimeo +show me the picture sex and drugs and jesus christ +i am rating this book titled the billion dollar ransom 3 stars +will it be colder 1 minute from now in jersey +can you play something off johan larsson s travelers and thieves +i need a list of places in the area that i can see animated movies in six minutes +play mea culpa by rahim shah +what is the weather forecast for laos +find welcome to the el-palacio a movie +book rosalie stewart and evelyn at a restaurant +add track to all out 70s +tell me the weather forecast faraway from tx +i want to book a pub in ms that serves festoni +what is the weather in arkansas the city of morrison +i d like to watch films at marcus corporation at twelve p m +play me some music from 1999 +where can i watch the tv series the trifecta +find a picture called cahoots +give zero star for current album +give the dark abode chronicle 2 out of 6 points +play some fourties music on zvooq +will it be hot during winter +weather for oct 16 in mo +book bullfeathers +add salil chowdhury to my 35 soul classics 1970 to 1975 playlsit +rate my current textbook four out of 6 +on dec 13 2018 i need a reservation for four in arizona +i d looking for the saga playcanvas +weather for six am in sc +book a table for 1 at a restaurant +what will the weather be in fl on 1/11/2030 +will it still be warm nineteen hours from now in pa +i want you to add a george chisholm tune to my 40 hits playlist +play the song evocation i – the arcane dominion +search for ayumi hamasaki countdown live 2007–2008 anniversary song +i want to hear steven harwell from the thirties +give portions from a wine-stained notebook: short stories and essays 0 points +find journal of the society for american music +one stars for the following album +show me the movie called people and masks part 2 +add album to feeling blue +rate the black mask 1 of 6 stars +where is the nearest movie house that is playing sirivantha +i m looking for the birth of a nation +tell me if it ll be colder next november in granite-steppe lands of buh +what s the movie schedule for b&b theatres +please find the movie schedule for animated movies playing in the neighbourhood +i m rating the skystone with three points +add dan the automator to forever country +show song schedule of shoot for the moon +play the album dance hall at louse point +find a reservation for a tea house in lorain +add all bad to the summer of love playlist +play something from my songs for you not your parents playlist +rate the war of the roses 2 out of 6 +play peja tunes +put mike mccready in the kitchen swagger playlist +rate this album one value +add ray noble to my chill vibes playlist +i rate the book rusty string quartet a 4 +i want to hear music from the lotus flower album by andy mccoy +please book me a reservation this year for a restaurant within the same area of my office +what films and movie times are close by +is the films 19 hours from now playing at landmark theatres +help me find the work graphics animation system for professionals +i want to see the happy thieves at marcus corporation can you show me movie times +look up the making of milwaukee +i want to book the commons restaurant for five on dec the eighth +is the strange case of the end of civilization as we know it playing at the movie theatre +add this tetsuya komuro track to my soulful disco playlist +rate encyclopedia of domestic animation four out of 6 stars +rate the current essay zero stars +play me a song by hank thompson from moa anbessa +use groove shark to play music from the nineties +is love coach playing at speakeasy theaters +rate the next book four stars +what films are playing at the closest movie house +rate this series one of 6 +find the schedule for the cup winner at the closest movie house +i want to hear gothic rock on lastfm +give this album four stars +show me skyfall: original motion picture soundtrack +is a man called hero playing during brunch at the cinema +play the newest ballad from chad urmston +rate this book a zero +show movie times +play white noise +find a television show called the high chaparral +i want to hear choice on last fm from the twenties +book a restaurant table at the food court in the spa sixteen hours from now +find the game blogbridge +rate wolves eat dogs 5 out of 6 points +book a restaurant in hi +add little musgrave and the lady barnard to ora s punk rock workout playlist +i want to hear dido from 1966 on youtube +is it going to be warm here for brunch +play a top-fifty 1965 album by ski +rate the current novel two points out of 6 +book a spot for nine near togo +i would rate the story of the glittering plain a zero +rate theodore boone: the accused five out of 6 points +can you play a song off the album jungle +what s the forecast for mt next week +holly and brittany need a reservation for a sardinian tea house close by co +play roy orbison tunes now +rate the postman always rings twice zero stars out of 6 +look for the journal of toxicology and environmental health soundtrack +need table for two in pleasant city +i want to book a popular fast food food place in mn for my friend and i +will it hail in 1 minute in toms river +add this song to clarice s latino caliente playlist +what s the weather forecast for delaware right now +rate the white abacus zero out of 6 points +forecast for laguna heights barbados +what is the forecast for 8/26/2022 in vermont +please play a song off the curtis lee album rough diamonds +i need to know what the weather will be like in gradyville at breakfast in the state of colorado +is it sunny in qatar +book a table in alberton for me and my mother in law at a restaurant +what movies are at the nearest movie house +when is old enough showing at the movie house +play dancing through life by ronald isley on spotify +play some seventies dj colette +for the current essay i give a total of 1 stars +where and when is unleashed – entfesselt playing +show the best of minnie riperton saga +i d like to play the album beloved rogues +book a reservation for nine at an outdoor restaurant +what is the weather forecast for east cleveland republic of the congo +what time around here can i fins animated movies +please find movie schedules +give bruce lee: the man only i knew 5 points +let me know when i can watch actrices +show the movie schedules in the neighborhood for animated movies +rate the simon & schuster encyclopedia of dinosaurs and prehistoric creatures 0 points +rate this textbook 1 of 6 +rate measuring the world one points +play a song off the best of siouxsie & the banshees by faustino oramas +please find me the work ace of spades +add track by klute to winifred s de camino a clase playlist +i d say life in the iron mills was a five +can you put this xandee song onto my chill playlist +i want to book an indoor brasserie within walking distance in me +play the newest released song from 1951 +can i see the tv show the closer i get +give 2 out of 6 points to current essay +is the skull playing at loews cineplex +play my new indie mix on google music +where is feast ii: no limit playing +i want to hear something eclectic +will it be rainy faraway in charleston lake provincial park in 13 hours +book coney island neighboring va for marina and i +play the playlist gypsy swing +rate this current novel 5 points +rate this book chronicle 1 points +find the television show birth of the cool +when is man in outer space playing at megaplex theatres +find a song called in your eyes +i d like to see the show migration +add the name not fade away to the playlist the midnight hour +lets go eat this fall at any restaurant that has parking in finland +i want to give the current saga 0 stars +add this album to digster future hits +find movie schedules for animated movies around here +rate my current essay zero out of 6 +book a table for 0 pm in fayette for rachael morris and shannon near there +book reservations at a restaurant in ne for 4 people on apr 2 2021 +find the schedule for brick +book a restaurant with a pool with alta deborah and bertha in ia +play a music theme by anna nikolajewna jessipowa +what is the current selling price of the novel the sims 3: island paradise +rate the current book a zero +add the time warp to wild & free workout +is the lady and the highwayman playing at 7 a m at dipson theatres +will it be rainy nine weeks from now close to the matlacha pass national wildlife refuge +book a brasserie for 3 +show movie schedules for fox theatres +remember the city nets five out of 6 +payette national forest is cold weather and have lunch within walking distance +play the album making evening and night by cevin key +is there going to be a depression in my current location on nov the ninth +what is the paranormal activity: ghost dimension album +find a movie called the easy way to stop smoking +what are movie times for animated movies close by +check the forecast for zena arkansas on last day of passover +will it be stormy in saint pierre and miquelon in the city of wenham +is it going to be chilly here +play the instrumental study on vimeo +book a spot for ten in morris ranch sd on nov the twenty-second 2023 +book a restaurant for ten people 1 second from now +rate she: a history of adventure a one of 6 +give 2 out of 6 to smoke in the forest +taken at the flood only gets 2 points out of 6 +i want to put sons of the sea on the pulse of americana playlist +add shelby lynne to my playlist this is luis fonsi +can you look for the creative work called no gravity +rate breakheart pass two out of 6 +add a song to the para dormir playlist +add georgetown university alma mater to my evening acoustic playlist +tell me if it ll be freezing next month in rhode island +tell me what movies are at amc theatres +where to buy video game of think fast +can you pull up the television show called electric boogaloo +is the forecast windy in nigeria on nov the 6th +i need the weather in muncie +can you book a table for a party of 6 close to dekalb av +give 5 star to the book the knight of newts +show the blackberry bush show +open groove shark and play jason mizell +i want a table for 4 at any kind of goiano bar +please inform me when i can see the abdication at a movie theatre +i would like a cafeteria at 10:41:51 am for seven +what will the weather be in croatia +make a reservation for hillary dina chavez and alexis +give this novel a rating of 1 points +i would like reservations for cliff house in seven months for six people +play the track fight on state by yuvan shankar raja +i would like to book a frozen yogurt restaurant for one +what animated movies are on the movie schedule close by +find the movie schedule +what is the weather like now in washington +what s the weather in ri +play noctámbulo pl +what is the forecast for my current place at 23 o clock +when is the pirate fairy playing at amc theaters +find a novel called testing anywhere +find a movie house with hollow reed +play me a tune by john clayton +find movie times for b&b theatres +add an album to my week end playlist +what are the movie times for malco theatres +give me the movie schedule for films in the area +play ballad music from 1958 +play classical x +play david banner on netflix +show creativity of novel lock +tell me the forecast in the same area here on robert e lee s birthday +please play something that s freak folk on google music +show creative labor notes +show the movie schedule +find the trailer for bill cosby presents the cosnarati: state of emergency +play some sixties music +show me cut the rope video game +play the song victim of changes from hawkshaw hawkins on spotify +is this film going to be at malco theatres +i want to book the black cat bar in ar +when is the naked eye playing at the closest movie theatre +rate the book now and forever 1 out of 6 points +can i get the showings for films at the nearest cinema in 1 minute +will it be colder in winnebago +search for the video game the book of heroic failures +find me haunted castle +add showcase in a suitcase to the chill out playlist +play some gospel music +get me a table for one at a popular brasserie +i need a reservation for the smoking room at a fast food place for 8 people +play the song drifting on a reed by bobby g +where can i watch the mark in a cinema +look for the editor & publisher tv series +book a restaurant for a party of 7 in paraguay on saturday +play rob dougan on youtube +find the photograph move any mountain +does pacific theatres have animated movies starting in 1 minute +what will the weather be like in fourteen hours in eastville +play some nineties eliza carthy +i would give the book lavender and old lace a rating of three +rate this book five of 6 points +show me the photograph a woman from the street +play paul ortiz music from 1990 +i give the journal of a sad hermaphrodite a 0 out of 6 points +rate the man from the ussr and other plays a 0 +where can i find the painting rss tracking +book on feb the twenty-sixth 2026 in tracyton for two at a cafe +can you find me the work frisbee: the life and death of a hippie preacher +find movie times +rate lone wolf 3 points +will it snow in my current location +play some maynard james keenan songs from scenes from the big chair +will it be overcast in my current location at twelve pm +what will the weather be in four weeks around tsingy de bemaraha strict nature reserve +add let the season in to my lo-fi love +is it windy in june park +what movies are going to be screened at caribbean cinemas at fourteen o clock +i need to know the weather for san martin +add kd lang to my deep focus playlist +what is the october 19th forecast for iran +where can i buy the something borrowed saga +what s the weather in mettawa oklahoma +book a table for me and my crew scheduled for 10:47:15 pm in il +rate the book the guernsey literary and potato peel pie society a five +can yo find me the game a silence that screams +add flying to my women of rock playlist +play the top 1991 sound track +make me a reservation for a party of 6 at a pub at five o clock in arizona that serves waffles in the city of hat creek +will there be fog tonight at beamer memorial conservation area +i d rate this book 1 of 6 stars +tell me if it will be hot on jun the 10th in san de fuca sweden +play a symphony from bob hardy please +how do i get the soundtrack for hearts of fencing +look for the compact forest proposal trailer +add rev-raptor to 90s indie +add ghost on the dance floor to my autumn lounge playlist +what time is tasher desh playing at the nearest movie house +weather for afghanistan in one minute +i need a table for six pm for me and my step daughter at cafe rouge +what is the weather forecast tomorrow in french ut +play me a song by steve hackett from manuel +add thomas a dorsey to my big band +i need another artist in the romántica playlist +will it be chilly in milligan college ak on law day +i need a restaurant for a party of three +play some john oates on youtube +play the greatest vimeo tunes by angelo amorevoli on soundtrack +is there a chance of hail in holiday hills +add my very best to my road trip playlist +is it going to be warm in cottageville +i want to hear music from the sixties +add the yumi matsuzawa album to my sexy as folk playlist +show me the work the catholic weekly +can you please assign two points to the white niggers of america chronicle +please find the closest cinema that s playing movies at 9 am +play music by daddy yankee +book a food truck in nisswa for 4 at 5 pm +play music from 2011 +where can i watch willy wonka & the chocolate factory +add sveta ljubav to my metal party playlist +rate dragons of a vanished moon 1 of 6 points +rate decoding reality 0 points +play the last rocko music with deezer +can i get the movie schedules for marcus corporation +what s the forecast for il around tea time +play jono el grande from the thirties +rate this essay a 1 +find a table for 7 at a joint in ok that s far from here +i give the current book two out of 6 +tell me where i can watch common law cabin +find a trailer called peggy sue +search for the exiles of time book +where can i find sebastien grainger & the mountains +i need a movie schedule for nearby animated movies +what is the movie schedule for cineplex odeon corporation +find movie schedules +add bulat schalwowitsch okudschawa to retro pop +i d like to put ryō yamazaki onto my sylvia plath playlist +play skin & bone by jess stacy on deezer +book a maharashtrian restaurant please +what time is the lottery man playing +will it snowstorm neighboring the rio grande wild and scenic river on feb the second +please let me know the weather forecast in louisiana state +put this artist in pachangueo total +play the catholic sun album +rate this album 2 of 6 +for my té para tres list add cut the world +find the mary van note show +what is the weather forecast 131 days from now in atanassow-see +can you play deezer from 2007 +make a reservation for 7 people at a gastropub on isle of man +rate this textbook 2 of 6 stars +find a table close by in the downtown area for sherri and i +add this song to my playlist named britpop etc +add the song by brian larsen to the cardio playlist +i d like a table for three at black rapids roadhouse on february 24th 2039 +book reservations at the laurelhurst theater for a party of 7 +i want to book the best steakhouse with south american cuisines in alaska +find a united paramount theatres and movie times at 4 a m +will it be stormy in charleston +get me a table at prospect of whitby in blaine hill id +i give the following part of the series one out of 6 +play the music from the playlist get lit +i want to book the clarke cooke house in uzbekistan +look for the kiss the girls game +please find me the work instrumental directions +book a restaurant in michigan for 4 people +i m trying to find the game called give me my remote +table for eight at the berghoff in sistersville in jul +what s the forecast for sai thong national park at 02:59 pm +add track 70s smash hits to my +put kurt cobain onto korean osts +list movie times at general cinema corporation +is it cold in pw +play a track by ishmon bracey on iheart +play socialism is good by terje bakken on spotify +i want to book a spot at the local food court +when is dead birds playing +i need a weather forecast for laos at one am +show the swan princess +give 1 stars to book mr ponsonby +find the closest showing of the taste of others at a cinema +add a song by mark schultz to my ultimate indie playlist +what movies are at loews cineplex +play dick marx +what movies are playing in the area +i d like to see showings for all the way home at kerasotes theatres +give me the weather forecast for the city of archie +is gods of metal playing +tell me the weather forecast for azerbaijan +rate the eighth day three stars out of 6 +book a reservation for a pub serving gateau in ms +which movies are being screened around here +assign 0 points out of 6 to the gate of worlds +give me a link to the saga called copper – justice is brutal +add ivan mane jarnowick to fusion fest +what movie theatre has a matter of wife and death +book cova in frisco city for me and therese at eight pm +find the schedule for movies at harkins theatres +the feel good indie rock playlist needs another song +please book me a restaurant reservation at first watch in douglas maine +give death on the nile a three +tell me the humidity index for elizabethville indiana +play chant music by david cook +give the current album 1 star +book a restaurant for 4 that s not far from ca +rate bestiary of dragons and giants four of 6 +i d like for you to add owen biddle to my old school death metal playlist +play some music from 1993 on itunes +can you let me know when troopers three is scheduled +will it be sunny on june 1 2021 in bathgate +i rate this essay a four of 6 +i d like to watch the tv show hola mary lou: prom night ii +will there be fog on march 3 2038 in bonaire +book the light horse tavern for 4 people +find a television show called servidor apache +find the schedule for films at the douglas theatre company +add best of uetoaya to wild country +find movie times for century theatres +play apbl98 by alden penner +find face the truth a tv show +what are the movie times of films in the neighbourhood +i give the flash series 0 out of 6 +rate the book whit a zero +add kloden drejer to my listas de éxitos playlist +when can iw atch great balls of fire - vampate di fuoco +where is the closest movie house playing films now +tell me the weather forecast for apr twenty-fourth 2028 in san diego +can you locate the novel ismol family +book a spot for 6 at a gateau restaurant +for this book i rate four points +rate the why is sex fun saga two of 6 +in the neighbourhood find movies starting in thirteen hours +rate this textbook a 5 +find home fires +what is the coulee city mt forecast +rat the current textbook a two out of 6 points +i want to book a restaurant in bosnia and herzegovina +i m looking for the show pulse 2: afterlife +play music on last fm +can you play the greatest sarah brightman song +i need to reserve a table for my baby and i at a tibetan tavern +i would rate the codebreakers a rating of 6 and a value of 2 +find a table at a joint with northern brazilian food in ga +where is the nearest movie house that is playing teaching to see +give one to this novel +show the blue meaning television show +what animated movies can i see at malco theatres +what will be the wind speed around pembina gorge state recreation area october the 27th +add the artist gougoush to the soul revived playlist +book a table for 5 at a pub during my macedonia trip that serves czech food +i want to find the very best of chicago: only the beginning +play greatest chant music from beni arashiro +what is the weather like in montchanin nv +find animated movies nearby +add artist abdel halim hafez to my conexiones playlist +i m in tuolumne city and want fast food for a party of eight +what is the weather like in phnom sankos wildlife sanctuary +make me a reservation that serves kebab at a delicatessen in ambler +can you find me the assassination of jesse james by the coward robert ford saga +book a bakery that serves souvlaki for tomorrow +give this saga a 4 +what is the weather forecast for kinbrae +show me the photograph rock you baby +take me to the top-rated taverna in sealy for trattoria next week for 5 +put this tune on guest list take +rate the current essay 5 of 6 points +play a song from helena iren michaelsen on spotify +book now at a bakery at a spa +will it be warmer at sunrise in jeffrey city +play playlist riveting +what will the weather be at noon in durbin oh +what do the movie schedules at b&b theatres look like +find a television show called tiny dancer +i want a table for eight in yakima rhode island +list all the movies playing in the area now +can you put this track onto classic jazz funk +please add chris frantz to pop rising list +show me the schedule of dead snow +what is the overcast forecast for torrey pines state beach +will the weather be warm far from niger at 15 o clock +i want to listen to the soundtrack and then there was light +i d like to watch movies at amco entertainment +rate the next essay five of 6 +i d like to eat at the best restaurant in coalton +when was the album start a fire released +play music by artist mark ashley +i want to play the game guitar heaven the greatest guitar classics of all time +what s the weather in piperton rwanda +add lisa to my playlist street dance +show movie crossgenesis +add the artist to my southern gothic playlist +what is the weather forecast for new mexico +play a sixties song +search for the dark side of the mind movie +show the minutes to midnight photograph +is it warm in califon tunisia +find movie schedule in pacific theatres +i rate the current textbook a 0 of 6 +put journey to love onto hip hop 2017 new school +i want to view the picture in old monterey +rate witchcraft and paganism in australia 1 points out of 6 +search for the painting smart money +show me the schedule for arclight hollywood for animated movies +put the broken wave on lo más dance +play the sound track by ferry corsten +tell me if it ll be humid at eighteen o clock in my current spot +play me a song from 1976 by bennie moten +give the cia and the cult of intelligence a rating of 5 +find a show called in fondo al buio +what will the weather be like in farmington canal state park trail +i give this book a 3 out of 6 +add driven to tears to the viral semanal playlist +play the top-20 rita macneil songs +book a reservation for 2 at a food truck with pool in new york +give me the movie times at warren theatres +book a table in glennie for 1 in the northern mariana islands +put sonntagskind onto the playlist called soulful disco +book a spot for seven at a bar with chicken french +please book a restaurant for party of 1 in seeley lake on july the fourteenth 2022 +i think this essay should be given four points and a best rating of 6 +what s the movie schedule for animated movies in the neighborhood +book a spot at the red onion in san marino for next week +add this ricardo villalobos track to under the surface +i am looking for the tv series strays +give the current novel i am reading a five stars rating +at 11 am will there be a snowstorm in fort pulaski national monument +i need to book a tropézienne restaurant six hours from now +what s the weather forecast at sixteen in oklahoma +find the creative work brilliant tragic +please get me stories from the english and scottish ballads show +rate fast food nation 2 points +play music by susumu hirasawa +add stephanie mcintosh to i love my 90s hip hop my playlist +book childs restaurants in bruno for 1 person on october 6th 2019 +give 0 rating to she and allan book +is it going to get hotter at the halfbreed lake national wildlife refuge +will there be a lot of wind far away from here on sep the twenty-third 2021 +rate this essay four out of 6 +add visible wings to my playlist entre los andes +will there be a snowstorm around eight pm in reed island state park +rate this essay four out of 6 points +need a resevation for a cafeteria stle restaraunt in the country of liberia for a party of 10 +will the weather in falcon heights call for rain +add tinker tailor to my playlist titled this is trey songz +add this track to anne s playlist named just smile +i d give the mystery of the 99 steps three stars out of 6 +add the album to my wild country playlist +i give 1 stars out of 6 to this current series +rate this album a one +what time does military history of african americans play +add this track to llegando a casa +can you play crossover +add this matt bachand tune to pure rock & roll +i want to see the local movie times +add la voce to my dubstep dangles dirty playlist +book a gastropub that serves pansette in skaneateles pennsylvania +add gn to night vibes +book a steakhouse with a pool for eight people +i would give things fall apart 3 stars +will there be a storm in aspinwall +add rakim y ken y to my gold edition playlist +add a rating of zero points out of 6 to the inheritance of loss +what movie house is showing sherlock holmes and the secret weapon +book me a table at a bistro that serves maple syrup for a party of 10 +i d like to reserve a spot at a bakery in guyana in feb +give 4 points to fight club +weather for cougar canyon wilderness +find the movie schedule at malco theatres +where can i listen to the soundtrack of gibraltar: britain in the sun +book a molecular gastronomy serving restaurant on march the 20th +what movies are playing at the closest cinema +is the johnstown flood playing +can you find the painting shake otis at monterey +please find pretty baby +play some music from the twenties +i want to read the novel alone at the microphone +i need a restaurant that can seat 3 in cochran that has wifi +i want to see everytime we touch which is a painting +play music by shinji miyazaki +add d roc the executioner to my this is zezé di camargo & luciano playlist +show saison 5 de game of thrones +book a restaurant for four people in wylliesburg +show weather forecast in west crossett luxembourg in fourteen minutes +play ngola ritmos top-ten songs +what time can i expect films to start at the bow tie cinemas +put live and rare into dancehall official +book me a restaurant in the northern mariana islands +i d like to eat at ten pm anywhere neighboring to our house +i m looking for the saga the hardest part +i gave the current series 0 points +showtimes for animated movies in malco theatres +add tune to my playlist ironing +book a restaurant for 9 people +rate this novel 1 points +plpay the top ten track from asia nitollano on spotify +add josefina pla to isabelle s guest list gamesradar playlist +i d like to see completely well +play songs by cheryl wheeler +i want to watch uproar in the studio at the nearest cinema +i d like showtimes for the story of wish you were here +find the tv series the farewell tour +what will the weather be here on dec 25th +find films at showcase cinemas +find a tv show called the god boy +is it overcast in brazil in within walking distance +what is the movie schedules for films in the neighborhood +will it rain today in circleville +add bad news to highway 61 playlist +can you get me a table reserved for three hundred thirty three days from now for eight people at a highly rated fast food place that serves north indian food not distant from moores mill +give me the movie schedule for cineplex odeon corporation +add jonathan arons to my indie electronics playlist +play the album the outpost +i rate a moment in time a 5 +give one out of 6 points to current series +i need to know what theatre is playing a happy coersion +please play a song by ahmad jamal +i m looking for local movie schedules +rate this series titled adolf hitler: my part in his downfall two stars +i want to see the movie schedules for animated movies around here +reserve a table in top of the mark lambertville vermont +book a restaurant that serves vezione verro one second from now +tell me the weather forecast for cape verde +what time is the secretary playing at the movie theatre +i m looking to find suryavanshi +what is the forecast this month in kosovo +i d like the weather forecast for albania +play some dance on groove shark +plya a tune by kancherla gopanna from 1951 on zvooq +play music using groove shark +i want to give this book a rating of 2 points out of 6 +what is the weather forecast for la cienega +rate the current essay a three +look for little computer people +will there be snowfall this month in ut +find a painting called screen souvenirs +play an album from the fourties +book a table at a pub in china +what is the weather doing in south carolina right now +book a spot at an osteria that has goiano in ward springs +add dr know to the playlist named i love my 90 s r&b +i would like a restaurant reservation for this year for 4 people +she me the sons of satan praise the lord picture +add always to dena s baroque 50 spotify picks playlist +is the little irish girl playing +what is temperature in benin now +add a song to my playlist black history salute +find movie times for movies in the neighbourhood +will it be sunny in occoquan bay national wildlife refuge by tea time +will it be chillier on october 17 nearby east glacier park +add ava leigh to my grime instrumentals playlist +find captain kronos - vampire hunter +i need reservations at a restaurant at 20 o clock in fm +add apathy to my electro sur playlist +will it be cloudy on sep 16 in palau +what movies are playing at amc theatres +can you put this song on the metal xplorer playlist +book a restaurant for ten people +incorporate moribund the burgermeister into the 50 shades of love playlist +what will the weather be on april 9 2037 in new brunswick botanical garden +i need the closest movie theatre playing incense for the damned +add the artist jill vidal to my sinfonía hipster playlist +find friendship way +can you add this tune to the night out playlist +what films are playing at the nearest movie house +show movie schedule for animated movies in the neighborhood +rate this novel two out of 6 +what is the tv show comfort +tell me the weather forecast for casa grande ruins national monument +rate this textbook four stars +how cold is it in cargray argentina +looking for the trailer for shaolin temple +what movie times are harkins theatres +play a melody from the nineties on google music +give me a list showtimes for the night of taneyamagahara +add a guy is a guy to the infinite indie folk playlist +i d like a table for 3 at a brasserie in hillview ne that has mineiro +what films are there playing at cobb theatres +i want to give the pilgrims of rayne three out of 6 stars +play some house music +where can i purchase the tv series the royal sessions +rate current book 0 +show me the movie schedules for any animated movies playing close by +give five points to current textbook +i need to get a restaurant reserved in sd +give this book a rating of 3 out of 6 points +play me a song by avispa music from 1965 +what films are at national amusements +book a northeastern brazilian restaurant for 10 am +will it get chillier in las lomas british virgin islands on nov the 21st +give 0 out of 6 points to this essay +rate the last opium den 0 points +add clem burke in my playlist pre-party r&b jams +can you play the wanderer and his shadow +play isaac hayes on pandora from love sweat and beer ep +i need seats for 6 at a place in ak +add track to novedades viernes sudamérica +play newest soundtrack from 2008 +check the weather forecast for sappho +play the garden of allah from wade mainer +rate the egg collecting and bird life of australia saga a one +show me the movie schedules +list movies for nearest movie house at brunch time +can you find a picture of the rambler +play me a song from movies for the blind on pandora +what s the weather forecast for devils den +i want to rate the current chronicle a two +help me find the work unite and win +book a spot for selma and molly at a steakhouse with saucisse that is close-by mcsherrystown +i want to book a food court for 5 at 1 am +book in rocky mound for four 1 hour from now +can you find the tv show so what +show the chemdex com photograph +is it going to be colder in bonnie +book tun tavern for morning in norfolk island +give 3 out of 6 stars to the submarine caper chronicle +book for one in indiana at a restaurant +rate the sunrise lands a zero +i m looking for right on track +is it going to blizzard at my current position +sort to the last song on playlist from 1983 a chant by mark oliver everett +add this tune by rafet el roman to my latin pop rising playlist +add venetian snares onto the atmospheric calm playlist +rate this book 1 of 6 points +give me the schedule for getting there: sweet 16 and licensed to drive +will there be wind in loyola +in my playlist rock gaming add mariem hassan con leyoad +book a table for 9 scheduled for april the 8th in nj +i want to book an indonesian food truck +play music using last fm +can you put live in detroit on the playlist peaceful piano +find the saga a very school gyrls holla-day +find a movie called greatest time of year +can you play an ep from the year 1958 +what is the weather like now in ak +show me movie times at mjr theatres at 02:39:23 pm +add bossa nova soul samba to my jukebox boogie rhythm & blues playlist +play some jpop on google music +i would rate this chronicle 4 stars +i want to listen to merrily we roll along by marko desantis +find a soundtrack called the alice cooper show +book a popular restaurant for two which is distant from avalon +what time is stranger in town playing at the nearest cinema +can i get the showings for mysterious crossing +add song to thrash attack +i d like to go to douglas theatre company to see in beaver valley what times will the movie be playing +i want to add a song to the sunshine reggae playlist +add another song to the cita romántica playlist +book a restaurant on martin luther king jr day with parking +find painting big ideas +book a highly rated bar in burkina for georgia and i +show thousand miles movie +will it be chillier seven weeks from now in senegal +rate the current book 3 out of 6 +book a table for 4 in california +i want to add lady maisry to my playlist lo que suena new york +i want jimmie noone on the playlist titled lo mejor de los 00 s +what s the nearest cinema showing the death of stalinism in bohemia 1 second from now +find the show titled hell on earth 2006 +i would rate the chronicle the monks of thelema a 2 +book a table for 10 people at dunbrody country house hotel in strandburg +what will the weather be at thirteen in nj +book the boon brick store for nine people +i rate the blood of others series only five points +rate seeing the big picture a zero out of 6 points +pull up the video game apothecary rx +add the essential jacksons to my perfect concentration +what is the humidity in missouri city sc +book a restasurant in pohick delaware +rate the book the world is full of divorced women 2 out of 6 stars +where to get painting of channel 4 news +play top-twenty fourties movement music by mohammad reza lotfi +is there an expected blizzard in brook tennessee today +where can i watch chaos and desire +what weather is in saint vincent and the grenadines on thursday +painting of live from the el rey theatre +play a track by alpha blondy with deezer +does wildorado have a hot temperature +assign 4 stars out of 6 to the chronicle god and man at yale +play one good reason by tommy flanagan on itunes +evolution and the theory of games gets a five out of 6 +i need a table at t-rex for nine in brunei +what will the weather be like in 1 hour in bethesda +rate this chronicle two points +tell me if there s be a depression in brazil +find the book the crowd roars +rate the seventh decade two of 6 points +give zero point to this textbook +i need the weather for 7/13/2036 in gwynedd valley +what is the movie schedules at consolidated theatres +turn on last fm to listen to chara ballad from 1988 +i want to watch the television show little things +find the ghostly swim 2 book +book me a reservation at a burger joint close-by choate on july 16th 2022 +what weather will hi have will there be hail twenty one minutes from now +will you pull up my jueves de antaño playlist +when and where is distrowatch playing +please play a song for me from 1959 +in nh will it be chillier in west york at noon +rate the overton window series a two out of 6 +which animated movies are being screened at marcus corporation +give the current saga three stars +rate hunting and gathering a two +play me the soundtrack for nothing personal +i want tanya stephens in my 35 soul classics 1970 to 1975 playlist +the sleep machine rainforest playlist needs another tune +show me a movie theatre where screamplay is playing +rate the doors of perception 3 stars +what is the philippines forecast for humid weather +find vegucated starting at zero pm +book a table for june the thirteenth 2033 in saint barthélemy for 6 at an indoor tea house +will it be warm in gilmer keeling islands +i want jean-georges for a party of 2 +let me listen to rouhollah khaleghi on deezer +when is the blue of heaven playing +what films can i see at malco theatres +book a brasserie for me and my team at four am +add concrete roots to punk español playlist +can you get me the television show called start it up +play these four walls by yummy bingham +play some alternative music on vimeo +what films are showing at three o clock at the neighborhood cinema group +will it be foggy in 1 hour and 1 minute from now in ok +please reserve a table at the food truck in wheeler for december 4th 2019 +find kb theatres with movies +the evil experiment gets zero out of 6 points +what s the weather forecast for sequoyah national wildlife refuge +add silver apples to teh sin estrés playlist +i would rate the kid from hell a value of 1 and a best rating of 6 +tell me the weather forecast for inniswold réunion +can i get the showtimes for the scarlet and the black at 12 pm +what will the weather be like here on february 22 2024 +is it hotter here on navy birthday +play the most popular sound track from the 2006 +renee sanders marlene and jewel want to go to a gastropub in the spa +find a painting called pulsions +what will be the temperature 1 minute and 8 seconds from now in green bottom wildlife management area +i rate 4 of 6 points for this textbook +rate this book titled house of dolls three out of 6 stars +play music by country dick montana +can you put falling upstairs on my playlist entitled this is thomas rhett +rate the fall-down artist 5 stars +what films are playing at the closest movie house ar elevenses +add the album to my top 100 indie tracks on spotify playlist +tell me when it will be hotter in china +play the best songs by jes brieden +rate the current essay four stars +put this tune playing into my la mejor música dance 2017 playlist +add księga urodzaju to abigail s concentración +rate this textbook a four +is there going to be any snowfall today in lebanon +find flesh and bullets +book a reservation for 7 people at the french laundry on june the 8th 2029 +they knew mr knight should get out of 6 a rating of two +i want to hear sarban s greatest hits +the horrible book the black gryphon only gets 2 out of 6 +what movies are showing at the nearest movie theatre in 8 minutes +out of 6 stars i give the chronicle three and look forward to what s next +find movie schedules for movies in the area +book a table at one o clock at a bar that has parking +search for the album frog and the birdsong +zero points for birds of south asia the ripley guide +what s the closest movie theatre that s showing dough nuts +what time is the nearest cinema playing the hopes of blind alley +find touch of eva a tv show i want to see +when can i see red hot tires +play kings of the wild frontier by andrea bocelli +please look up the around the world in eighty days movie +find a reservation for a highly rated brasserie for me and my step sister +add song to punk playlist +book a spot for 6 at a tea house in tokelau +book a tavern in colorado for two +what was the weather in my current position last october +where can i download the game miss robin hood +1 points for victory for us is to see you suffer +will it be colder in oswego 16 weeks from now +find the schedule for fear chamber +i want to hear something from post-punk revival +i m looking for the television show titled justice league +what is the weather forecast for moffett +what s the forecast for emily florida for aug 17th 2020 +rate my life as a book five out of 6 +tell me if snow is in the forecast for teterville +add time flies 1994-2009 to the jazzy romance playlist +rate the book oath of swords three for 6 +i give the tin can tree a five of 6 +rate making sense of marx 2 stars +give 3 out of 6 stars to this essay +add this artist to my morning rhythm playlist +give four out of 6 stars for this chronicle +find films in 12 hours at the nearest movie theatre +list movie times with meal +can you help me locate the game coast +book a spot in 1 second that is neighboring robin s hotel +add a kanon wakeshima track to the feeling blue playlist +what is the weather forecast for red rock lakes national wildlife refuge +i want to watch the tv show official detective +add como un tatuaje to my hits of the 70s playlist +i want to hear a fourties ballad by luciano +find the tv series the parent trap iv: hawaiian honeymoon +find warren theatres films +find a tv show called the fighting men +find a show called chompa toung +show movie schedule in the neighbourhood films at five hours from now +add jack be nimble to my reggae bombastic list +please add something by steve freund to my this is luis fonsi playlist +find stained glass windows +i d like a table for two at a place in west whittier nevada on indigenous people s day +add jeff burrows album to my country hits playlist +i would like to book a restaurant for 9 on dec 13 +add rodriguez artist to my mujeres y hombres y fiesta playlist +what s the weather for mccracken in niger +find the photograph the air is on fire: soundscape +add koichi sugiyama to whm +will there be fog in fairwood +play some eighties movement music +give two points to wild blood +find the novel called loyalty +play music by francis healy +add shake your rump to my concentración indie rock playlist +what s the weather in belize close to ten pm +where is all night long 3 playing 1 hour from now +is it going to be snowy in ochopee massachusetts +include in my dreams in the this is new edition playlist +what is the current place forecast +please show me the closest movie house playing wild on the beach in 1 minute +i want to watch looney tunes platinum collection: volume 1 at a movie theatre +is it chilly in alaska +can super turnt up get added to my emotron playlist +find the rewind the film tv show +what are movie times for movies playing in the neighborhood +find the picture louder than bombs +rate the vanishing thieves 4 out of 6 +find the novel what we did on our holiday +add album to my massive soca hits +when is one sunday morning scheduled to be played +play if you go +i give 4 of 6 stars for the saga a severe mercy +can you book me a table for 9 in de +what s the forecast for the weather at eight am in oxford +please put this artist into my lo mejor de radio 3 playlist +find next of kin +what is the weather in mascotte +show movie times at kerasotes theatres +play music off itunes +what is the johnson creek forecast for chilly weather +add dean martin track to metal xplorer playlist +book for six on jan 18 2029 +rate the current textbook zero out of 6 points +include hohenfriedberger marsch to my novedades pop list +what is the movie schedule for films nearby +book a stracciatella provider coffeehouse for 10 +can you add psycho to canciones que lo van a petar +play odessa by maartin allcock +i would like reservations to a popular pub in burkina for 10 people +play music from alison sudol +play music by don reno +play the last 1957 movement +is it going to be humid faraway from here around dinner time +find a painting called songs from tsongas +find movie schedules for amc theaters +play the greatest melody from paul wright on pandora +what is the weather of pine city +i think that this novel should get 2 points and a rating of 6 +play some music from the last album of 1988 on lastfm +play ebony bones on itunes +i think the dictionary of new zealand biography deserves 2 points +show creative album heredity +add album to my french n heavy list +add pete shelley to is it new wave +i want to play the game the carny +find seduced by madness a trailer +will there be a storm faraway from chapman ranch +add song to this is philip glass +what s the forecast for wendell +give 5 points to the white hotel +what was the weather last february in william a switzer provincial park +go to cali fire and add refrain to my playlist +where is nichiren to mōko daishūrai playing +add inconfundible to stomp & holler +book at tavern on the green for in 1 minute in co +use pandora to play korean osts +reserve me a table a bar that serves african food for thirteen o clock for 1 in moravian falls +play some contemporary christian on groove shark +please get me the crime and punishment in suburbia trailer +find the movie schedule for animated movies close by +can you give me the forecast for 11 in bradner ia +is blood is not fresh water playing at this movie theatre at 2 am +is it freezing near medley +play kaori mochida s most popular music on google music +what is the 11 pm forecast for here and far +where can i view the photograph the phantom horse +play my mellow beats playlist please +play the playlist hardstyle baby +search for big ideas painting +please tell me the movie times +find the gamble +what is the weather nearby bermuda a week from now +ply best 1973 sound track +find the schedule for for corn at eleven a m at loews cineplex entertainment +what is the forecast now in duson +i d like to see the picture teleform +find information about the album flipper city +add shooter jennings to the all out 70s playlist +will it be windy in tequesta +give 0 out of 6 points to current textbook +what animated movies are playing at the douglas theatre company +look for the trailer of guitar heaven: santana performs the greatest guitar classics of all time +please make reservations for three at a kosher taverna nearby our secondary residence +play music from hide +can you locate the saga for the ringo sheena discography +are there any animated movies playing at the closest cinema +put this song by rayvon on my all out 80s playlist +book a pizza serving tavern for me and my brother +i give emile or on education five points +find the real story with gretchen carlson +show famous classic tales television show +what is the forecast for temperate conditions in thailand in lopeno +how much sun will there be at 07:03:43 pm in jones chapel +what is the weather forecast for my current spot on jan third 2036 +will it be cold in allardt aruba +rate the current book series 4 out of 6 +book a table for 2 at a highly rated restaurant within walking distance of taverna ok +find a novel called a perfect day +mars probes gets a 1 rating +play the newest sound track from the thirties +book a table for my granddaughter and i at the restaurant +book the crown at whitebrook in the solomon islands for dec the twenty-third 2029 +add to my mac n cheese playlist with tsūzetsu +find the television show called tactics +when is his english wife showing at the neighborhood cinema group +add another tune to kristine s laundry playlist +play a top-five song by pete candoli +rate the current essay 1 of 6 +play top-50 peter frampton songs +add tune by leonard cohen to road trip +what is the forecast for in eighteen minutes here for colder temps +i need a reservation for apr the sixteenth 2027 in cazenovia ca +put sita on bettie s global funk playlist +book a churrascaria restaurant for 2 which serves mezes +find a highly rated brasserie restaurant in liberia and book a table for 5 +will the weather be temperate 188 days from now in zimbabwe +play the theme music from 1963 by yuki koyanagi +play music from lastfm +please play some music from 1996 +find afternoon movie times for movies in the neighborhood +find the passion of michel foucault novel +i want to give the saga in praise of the stepmother 2 out of 6 points +book a spot for six at a restaurant that serves fish and chips +include badmeaningood volume4 in jaime s animal stories playlist +what films are playing at pacific theatres +i want to add club mix to the playlist with the title 50 clásicos +please make a reservation at ten at a bakery which serves burrito +rate the current series a one +rate 12 great classics of science fiction zero out of 6 points +add the song to my we everywhere playlist +book red crown tourist court now for ten not far from tin city +will it be colder here one minute from now +show the schedule of movie unborn but forgotten +i want to give this novel zero +what animated movies are playing at the closest movie house +find movie times +i feel like this essay deserves four stars +is it going to be colder in louisiana +play pop +book me a restaurant for me geneva and wilda for now in blacksville +find the living room tapes a tv series +make me a reservation in colorado at nine am at national cash register building +play some gotye +play the heinz strobl ep from 2016 on groove shark +when is harassed being played at plitt theatres +how will be the weather in cotopaxi national park at breakfast time +rate the current book one of 6 points +what s the weather in organ pipe cactus national monument +get me a highly rated restaurant in nigeria +listen to vertexguy track +i give the next essay 4 out of 6 points +i need a photograph of days of wine and roses and other tv requests +what films are playing at great escape theatres +what time are the animated movies playing at mann theatres +play used to love her by dara +please add 80s classic hits asking for it to my playlist +i want to give this current novel 4 points +what s the forecast for maltio strict nature reserve +the mystery of the brass bound trunk deserves only a 1 star rating +i need another artist in the new indie mix playlist +rate the at the villa rose series 3 of 6 +book something for darlene tessa and maxine at a restaurant for 09:58:27 +find harry potter and the deathly hallows – part 2 +can you tell me the movie schedule for general cinema corporation +give 0 stars to this textbook +find the schedule for project shadowchaser ii at the cinema in eighteen hours +pull up the tv show 40 seasons: the best of skid row +i want to play a game called scotland tonight +book a spot at a soul food food truck in cawker city +add a tune to skylar diggins training mix +book a taverna for a party of 10 +will it be cloudy in one minute in jungo mh +find the movie schedule +give love in the time of foreclosure 4 of 6 +is it going to get hotter in my current position +i want the complete global albums collection +when are animated movies playing at goodrich quality theaters +rate nothing lasts forever a value of 3 +tell me when howling ii: your sister is a werewolf is playing +play the top 5 by akira the don +add bilal to winter +book a table for one at a highly rated bistro +add artist to my working day +add hanging on to my just dance by aftercluv playlist +find movie times at national amusements +i want glam added to the ntc gym strong playlist +can you help me find tears from a willow +add tune this is puccini to my playlist +show the singles collection volume 4 +give 0 out of 6 points to the paper men +play some good amber gristak on lastfm +will there be hail in kaffir +tell me the weather forecast for croatia now +weather forcast for current location now +play fifties movement songs by fabio on last fm +use itunes to play dancing playlist +find a soundtrack called the spanish jade +book a spot for seven at a japanese joint in grandview heights +play frankie laine +rate break no bones series a 1 of 6 +what time is truth about kerry playing at movie house +is it going to be nicer next week in hamel belize +open pandora and play music from the fifties +i want to hear the top 5 jamie lidell songs +rate human capital supply chain four of 6 points +what is love in a mist +book for jessie dale wright and lupe at a bistro on feb 20 2040 +show the creativity of saga the dissociatives +book a caucasian serving steakhouse for 4 in saint pierre and miquelon +use service vimeo to play music from the artist mick track now we are 5 +play the view from the afternoon by malese jow on last fm +rate this saga 4 out of 6 stars +need a creative work with the title unholy confessions +book for crepes at a restaurant in sint maarten +play the news virginian song +add this song to my playlist under funky jams +i give the following textbook 3 points +add to anacreon in heaven into the playlist girls night +what will the weather be in worthington springs +will it be colder in noblesville east timor at 3 pm +please book a restaurant for nine members on august 25 in dc +play the top ten by andrea del rosario +book a spot at a crab restaurant +will it rain here +what will the weather be like four seconds from now in south dakota +rate a battle of nerves three stars out of 6 +can you get me seating for 5 at a highly rated restaurant in wisconsin +i am giving the book after henry a rating of 0 out of 6 stars +search for polish assault +give 5 out of 6 to this book +play a song from 1994 +book a highly rated bar in curacao for one +rate pastwatch: the redemption of christopher columbus chronicle zero points +book me a reservation for ad hoc in brazil for a party of 7 +movie schedule at speakeasy theaters +give enemies a love story 4 points out of 6 +add blag dahlia to pura vida +what is the song the beast from 20 +please book a bar type goiano room accommodate for 2 members 1 second from now in pr +the points given are five for dust and shadow +find me a table at a european bar for six in the neighboring downtown area +put this track on soul bpm my playlist +find a saga called shame on you +i need to book a restaurant for 6 people +rate the current album 3 points +put artist hridaynath mangeshkar onto my night out playlist +show that little band of gold +please put this artist on my indie mim playlist +make me a reservation at a popular place that serves udupi at a restaurant +i give this textbook a four +what is the weather forecast here one minute from now +where is the creative work seven pillars of wisdom +play murder the mountains by mana on netflix +rate the sacred fire series 5 points +is the man who won playing at 6 p m +what will the humidity be in beroun on aug 26 +can you put the little grey mother who waits all alone into uncharted 4 nathan drake +find the burn the sky down album +what will the weather be like in louisiana will it be colder then now +will it be raining one hundred thirty days from now ion gobles canada +hot weather forecast for pilar réunion +book a restaurant for 2 that has internet +is there a freezing forecast for minto nicaragua +find a reservation for six at a top-rated brasserie +add erik santos in my playlist metal xplorer +give me the showtime for bobby yeah playing at the cinema +add on with the show to my beast mode playlist +in google music play the top singles released in 1972 +rate the current album a 2 +book helianthushof in hurffville nj +find me the movie schedules +open youtube and play renaldo lapuz record from the eighties +give me the weather forecast in boma for next summer +what s the weather here +find plitt theatres showing animated movies +when is robotix playing +rate this novel five points +find beavis and butt-head +will it be cold at 1 am in boon +let me know when the maiden danced to death will be screened at a cinema +give this album a three +play 1970 trunes +will it be chilly at boggs mountain demonstration state forest +i d like to find the days of glory saga +play some stephen jones on youtube +give highways in hiding a 5 out of 6 points +i want if i could be with you added to mellow dinner +rate getting it wrong from the beginning a value of 4 +where can i buy a photograph called feel the love +add this artist to this is rosana +i d like to eat salads at a restaurant +play me the track mama liked the roses +find me the rise and fall of the great lakes saga +find five points called the origins of virtue +put an album by mohammad reza shadjarian in my chillin on a dirt road playlist +please search cardin in australia saga +i need to book a restaurant for five in 1 minute that serves chichi in east prairie +give three out of 6 points to this textbook +rate this textbook a 4 +what films are at imax corporation at 11 p m +give 0 out of 6 stars to this album +show weather forecast for lewis center +can i put johnny burke onto my lo que suena los angeles playlist +ad i should have known better to this is bb king +add puzzles like you in my playlist reggae +rate doctor no one of 6 +please play every woman in me +add name house of gold to the de manhattan con amor playlist +play igor nikolayev music from the fourties +play me a song by stephen jones +play some christian rock +i d like a table at the san francisco brewing company in puerto rico at noon +tell me if there will be a depression today in kiribati +play a top twenty symphony of 2010 +add banana republic to my this is puccini playlist +i d like to see the current showtimes for his kind of woman +what s the weather forecast for my current spot +play show of cissy houston +book a spot for 3 at supper time in il +will dick tracy e il gas misterioso start twenty one hours from now +play the energic itunes +play some music on itunes +give life: a natural history of the first four billion years of life on earth 1 points out of 6 +book a reservation for a gastropub serving liver and onions +please find the schedule for jappeloup at bow tie cinemas +will it be hot in west union malaysia +add this album by don reno to my playlist named indiespain +find the inspector for me +play a track by titiyo +play the top song by amon amarth on groove shark +show creativity of the force behind the power +play the best ballad by the rascals +rate current book 0 stars +find the real dirt on farmer john a saga +i need to find the creative work prince hours +what are the movie schedules +book in one hour within walking distance of a restaurant downtown +what theaters are showing a lonely place to die – todesfalle highlands starting at 14:40 +will it be stormy in distant holly river state park +give this book four stars as a rating review +play zvooq latest track by peter appleyard +add halfway between here and there to my canadian country playlist +what is the idledale forecast +play an alla pougatcheva ballad on pandora +will it be hotter in ct at 6 am +what s the forecast for lake ilo national wildlife refuge +rate this textbook 2 points +can i see the album swat force +show me the nearest movies at movie theatre for twenty one o clock +what are the movie times for dickinson theatres +include stefanie in pre-party r&b jams +play me a song by kevin cadogan +is it going to be cold at 4 o clock far from here +find a movie theatre showing the tailor of panama +book a table for three at a restaurant in louisiana +at ten am i want to reserve a spot for 9 people to eat in monaco +play the album by paul barker playing the greatest from 1978 +set me up with a table at a bar with salade for 5 +what is the weather forecast for winger +find a show called the crowd roars +play the music of filipp bedrossowitsch kirkorow s theme +play the top-5 sort of ballad music from 2012 +where can i find on the marble cliffs +find films in cinemark theatres +what time is mulawin: the movie showing at the nearest movie house +i think this essay is only good for one stars +find a photograph called accion newspaper +show me the movie schedules for movies playing nearby +play miyavi s music from seventies on google music +please book me a table for 6 people at top of the mark in raleigh hills kentucky +make a reservation for 8 at a diner that serves haystack +find a tv show called full house +what will the weather be here at 07:08:00 am +showings for animated movies in the area +play fifties music on deezer +fine movie times +will it be warmer at lunch in prentice armenia +i would like to book a donut serving delicatessen in cuba for 5 on april eleventh +i need a reservation for red square on aug the 9th +i d like seats for one at a restaurant in 1 hour at a place in la madera that has parking +in morgan mill will it be sunny +where can i purchase the twenty chickens for a saddle saga +find me the young doctors in love tv show +show creativity in the red saga +play tenerife sea by daniel salomon on lastfm +find the schedule for the kentuckians +play music from 1976 on deezer +play dj scratch s eighties music on iheart +this track should go on my evening chill playlist +i want to see the novel the green +give 2 stars to mulligan stew series +play music by damien rice +can you find the movie accidentally in love +please get me infernal devices game +find an album called thursday night baseball +find a tv series called all time greatest movie songs +rate my current album 3 stars +wish to hear music from the year 1996 +proceed with music from 2003 +check the weather forecast for biscay +what are the movie times for united paramount theatres +is it going to be foggy at two am in barberville +need the saga called the black lamp +is it going to be chillier in new mexico this spring +book a table somewhere in dominica for 2 minutes from now +when will wi be temperate +for the curious incident of the dog in the nightdress i rate it 2 of 6 points +i need a reservation for arcadian court on june the fifth 2035 +i need a forecast for zachary +what is the currituck national wildlife refuge forecast for chilly conditions +find a soundtrack called the outpost +find movie times for alamo drafthouse cinema at 10:37 p m +play harel skaat +rate the longest day with zero stars out of 6 +show chillier conditions next week in camp bird +what time are movies showing around here +give this textbook a five +i am rating this book titled a history of warfare under the war series 1 out of 6 stars +i want to add kiara to my digster future hits playlist +add 9am in dallas to my classical music for smart kids +find a television show called happy trails +add this artist to piano chill +i need a party of 4 to get a table reserved at a pub with southeastern cuisine +find a reservation for a highly rated steakhouse in china for a party of five at 05:51:52 +can you get me a reservation at wwe the world around av u +find movie times +find the schedule for chronicle of my mother at the nearest cinema in 1 minute and 8 seconds +search for the hills have eyes: the beginning tv show +show me the movie schedule +play robert stoddard from 1988 +mark the current textbook a 1 from the total of 6 +i want to hear the new movement from richard harvey +play the most popular sort by ep by brooke fraser +book at dutchess manor in portugal for 6 +play dj drama from the 1976 +how s the forecast for chad on september 28 2034 +can i have the forecast for bear rocks lake wildlife management area +i wish to listen to some instrumental music +show the schedule of movie the statue +add monster monster to my throwback thursday playlist +add a gate through bloodstained mirrors to feelin good playlist +make a reservation at a tavern which serves clam cake for a party of 8 in western sahara +book a table on 6/14/2035 at a bakery within walking distance of equatorial guinea that serves paella +i want to book a restaurant for a year from now in maine +show me movie times +find the album smoke and mirrors +book me a reservation at a highly rated tavern in hornersville +please put an album by joseph meyer on my pop goes the 80s playlist +what s the weather in paris +find the movie times now +give the current chronicle a three +book a restaurant this year in manning +book the coon chicken inn in baker city for 4 people +i would rate this essay four stars +add tatico henriquez in my playlist called bleeps & bloops +i want to book a reservation within the same area of amelia court house for 4 +find the schedule for the voice in the fog at night at the closest movie house +play good music by general woo on deezer +what s the weather forecast for neighboring delft national park on aug the 8th 2028 +find the movie schedule for 12:53 am +can i hear a tune from vladimir vysotski +when is the bleeding house playing at amco entertainment +play some joeri basjmet +find tv series of noroi - the curse +this track should get added to spain top 50 +give a mile beyond the moon five points +i would like to book thomas hynes house for 6 in minnesota +book a restaurant for marcella erma and leanne rivera +where can i purchase the tv series liar game - the final stage +play my trapeo playlist +what s the weather forecast for tomorrow around sankertown +play me the show house of stairs +find me the photograph the late music +play music form the fourties with slacker +add sam moore to lo mejor de los 00 s +play some space music on google music +i need a reservation for a party of ten in algeria +what is the fiji forecast for warm temps +book a meal for four in dc +play a ballad by giorgio moroder +is it going to hail in niger +add this tune to morning commute +find me the movie times +i need movie times at fox theatres around zero pm +play some sam moore +what is the forecast for bad branch falls state nature preserve for in 1 hour and 14 seconds +make this essay two out 6 stars +play music off netflix +what times will animated movies be showing nearby +i want to hear aki nawaz play the song fair annie +do an image search for the picture perfect storm: disasters that changed the world +when is ode to billy joe playing at the closest movie house +will it rain in barberville +what is the weather forecast for manassa +add la jaula de oro to my evening commute playlist +add this david cole track to my totally stress free +find the movie schedules for cobb theatres +show creative game elements of life: remixed +my brother in law and i would like to go to guinea-bissau for food +i gave the current chronicle a 3 of 6 +want a work called walk the river +book the best halal restaurant in slovakia for brigitte taylor katelyn and natalie on jun 2 +put another tune into my dancehall official playlist +book a restaurant this year in pagosa junction for a romanian stle cusine for a party of two +add tune to my playlist eletro br +what s the weather forecast ten years from now in mount victory macao +what is the forecast here for september 16 +find seven am movies at dipson theatres +give this book titled othappu zero points +rate the current album 4 of 6 stars +find the tv show hot air +i am giving this current novel 4 out of 6 stars +add entre um coco e um adeus to taylor s this is john williams playlist +what films are showing in the neighbourhood +what is the forecast for cold temps in west virginia next autumn +give the current essay 5 out of 6 points +find a nearby movie schedule for movies +what cinema is the railway children +provide me the movie schedules +find back for good a novel i want to read +book a popular brasserie in roads end +play me a bluegrass song +when is the next showing of star wars: the clone wars +what is the weather looking like in prosser on feb the 18th +what is the weather looking like for december the eleventh 2034 in md +look for the saga called death in paradise +book a reservation for five people at a restaurant with pool in benkelman mi in apr +add this song to cleaning +check the weather forecast for the current position +play furusato on google music +book a table for seven people at a restaurant which has internet +find chant down babylon: the island anthology +play music from paul landers +can you give me the forecast for osgood +what will the weather be in bernie id +which cinema is playing das ende – assault on precinct 13 +find the flying ace +book a restaurant for nine in south sudan +give mistborn: the well of ascension four out of 6 +add happy holidays to my playlist called it s ok to like jazz +what films are at the closest movie theatre +find movies in the neighbourhood with movie times +rate this novel 5 out of 6 stars +find the watcher at united paramount theatres +the previous textbook is a 3 +where is boo to you too winnie the pooh playing +give the englishman of the bones 2 stars out of 6 +add xsuie in your favorite coffeehouse +please provide the rainbow mars series a zero out of 6 points +play a chant from 1978 +what s the weather in south hill +what is the loco weather forecast +i would rate coming through slaughter a four out of 6 +pull up mafia: the city of lost heaven +add norma jean to my pure rock & roll playlist +i am giving this current textbook zero out of 6 stars +what is the weather starting at 11:47:52 for south africa +find the closest cinema playing little red monkey +rate the desert column 3 out of 6 +find a trailer called just say noël +play some nineties chant music from nicoleta nicola +add see me now to my enamorándose playlist +find the nearest movie house with pirates of the 20th century +play a paul davis melody +i d like to eat at an outdoor restaurant +what is the temperate in beltsville +what movies are playing at the nearest cinema +play the top-twenty margaret becker songs with google music +rate this novel a 4 +show me happiness was free +book a restaurant for me valarie and caroline in 56 weeks in soldier pond +will it be cold in carnot or +i would give this chronicle 0 stars +i d like to watch movies at the nearest movie house +is the suicide shop playing at southern theatres +what is the forecast for here and now +i give this essay 0 of 6 stars +find me the movie with the title of twitches +play me track september gouden roos by artist daedelus +what are the movie schedules for the caribbean cinemas +please play some music for me on netflix +will there be a storm six weeks from now in albania +will it get windy this week-end in selva jedediah smith +i need a schedule for the cinema that is showing the shiralee +i need a reservation for a party of three maybe a gastropub that sells steak +add atticus ross to the playlist electrosafari +will you show me a schedule for movies around here +book an outdoor restaurant +is it going to be chillier in saint augustine wy on may 3rd +what is the weather in deeth +book a restaurant for me and my mother in law in montserrat +how can i see the tv series mothstorm +what is it like on 7/10/2023 in the current place +sort eighties ep from the last +include dschiwan gasparjan in beth s rare groove playlist +show me the trailer a self made hero +book spot at a balinese joint +find animated movies at the nearest movie theatre +find me the show girl soundtrack +add beijing huanying ni to my workday lounge playlist +book a restaurant reservation for my gf and i within walking distance of sondra s university +weather for notasulga at elevenses +can you get me a table at a chicken and waffles joint in new mexico +add hopeful to my this is enrique iglesias +let s listen to the most popular marty friedman songs on zvooq +add sweet black angel to my diarios de bicicleta playlist +find animated movies at the nearest movie theatre +rate this book 3 of 6 points +play listen to the mocking bird by billy martin on youtube +please book a restaurant for nine members +add a track by bt to my independent music monday playlist +plau me the song the french chef +at thirteen hundred hours what will the weather be on ghana +play ep from quasimoto from the nineties +play music from youtube +play music on deezer by imogen heap +will it get colder in alaska +can you find me the work titled a little curious +book a table at a brasserie far from my livonia av +i want to book a restaurant in barbados that serves creole +what is the weather like right now in the same area as georgia +add track to rapcaviar +what is the expected weather forecast for beckley +what s on the movie schedules at amco entertainment +add lari white song to my soulful disco playlist +i have four people needing a restaurant reservation +play calico skies by john feinstein with netflix +add hello i must be going to the power ballads playlist +can you tell me the weather conditions for patricia +add an album by jenifer to my travelling playlist +is jack the ripper playing in one hour at the nearest movie house +find a trailer for pesterminator: the western exterminator +i need a table for a party of 2 at co-operative block building in old glory +play music on the playlist urban hits +play melody music from the thirties +i want this album on my indie alternativa playlist +what s the movie schedules for magic johnson theatres +play a fairouz tune on deezer +book a table for sep the second 2020 at a highly rated place for me and my baby at a joint serving cambodian +add an artist to my playlist this is verdi +give the following essay one stars +what s the weather forecast for 8 hours from now in cape verde +is it supposed to be windy in me on june the 14th 2024 +rate anarchy state and utopia saga a 5 +find the song tholireyi gadichindi +what is the forecast for 15:04 in georgia for overcast conditions in valley view +insert rock me up song to my list +rate this series one out of 6 +play the track goodbye alexander goodbye honey boy from ehsaan noorani +the current album gets three out of 6 points +where can i find lonely hearts +add falcon to the top tracks in metal playlist +rate how to eat fried worms two stars +play paul riley on youtube +give drift: the unmooring of american military power 0 out of 6 points +add mike mantler to playlist girls night +add be yourself tonight to i love my 90s hip hop +show me the album til the morning +show me the picture the afternoon +where can i see the show twentysomething +add the name the 3rd world to the playlist rock me up +how much humidity is there in ut +can you tell me what time the fickle is playing at the closest cinema +where can i buy a barometer clock +rate the following series a one out of 6 +list movie schedule +rate the current saga zero of 6 stars +book a table at carter house inn in saint bonaventure alaska +play té para tres +is it currently cold in elsmore luxembourg +add this song by george melly to my 90 s baby makers playlist +play some 1962 theme music +put this track on operación bikini +is it supposed to snow in nv +to the stars: the autobiography of george takei gets four out of 6 stars +play luis alfonzo larrain from 1995 +what cinema is health warning playing in eleven hours +show the forecast for two years from now in lake telemark sudan +book a restaurant for six in mp +what movies are at malco theatres +what time can i see the conflicts of life +what s the weather forecast for haigler +is it chillier in mint hill fm +will there be hail around khao phanom bencha national park +book a restaurant in ca for my parents and i on oct the seventeenth +show me the movie schedule +give one out o 6 stars to this chronicle +can i get the movie schedule for the bow tie cinemas +is it hot here +can i get the showtimes for films at dickinson theatres +play alfredo zitarrosa on spotify +add the name kids in the street to the plylist new indie mix +i want to put this artist in mellowed out gaming +i would give the lady of the rivers 0 stars +is judgment day: the john list story playing at megaplex theatres +will it be chilly at 4 in druid hills american samoa +find me the river of love saga +play a concerto that was most popular in 1958 by mickey hart +show me the show live at the fillmore east +play the busco un pueblo album +book a table at a diner which serves thousand island dressing in ivory coast +book a restaurant in san juan capistrano for 6 people at ten am +play piano 100 +find wish you were here a movie +add tune to my the southern highway chronicles playlist +find a cinema closest with animated movies +add kirk hammett to calm down +find a movie schedule +give zero out of 6 points to the false peace +rate my current novel 3 out of 6 +play the top-twenty songs by the kleptones on spotify +find me the tv show ask a woman who knows +play the top hits of 2016 +is tomorrow at seven being played at douglas theatre company +book a reservation for a taverna at sunrise in kaanapali +rate the race a two +find phinally phamous +play march of the soviet tankmen from gloria gaither +book a table for me naomi and elisabeth at a brasserie with wifi +give two out of 6 stars saga called the big question +i need to book a highly rated restaurant in coronado +please find me a novel called the caledonian-record +find journal of the european economic association a movie i want to see +play a top twenty symphony by bumble bee slim +i give the caxtons chronicle 1 out of 6 stars +add this tune by nokio the n tity to my this is bb king playlist +show movie schedules +show me the tv show have a nice day +play the graduate faculty philosophy journal album +book a reservation for seven people at a bar in kentucky +play me the trailer for chasing after shadows living with the ghosts +therese clara and i want to go to the tennessee ridge +i want to rate the medici seal two out of 6 points +show me movie times at my local theater +give 4 stars to the current essay +book a reservation for me and my wife at the middle east in guernsey +play me a twenties song +how temperate is it in lopeno thailand +what s the weather in andorra +show me the films close by and the movie times for today +play music from the twenties +is a short film about killing at north american cinemas +can you help me search the album titled playmaker football +what time is exploits of a young don juan playing +rate this textbook 4 out of 6 stars +play the top fifty record from alan jardine +can you put a song by rick astley on my hot 50 playlist +book a masala bar on march 6 2034 +will it be warmer 1 minute from now at farmington canal state park trail +where is the nearest cinema playing rainbow eyes that starts in one minute +find half a truth +book a spot in town in the same area as me +check the movie timings for cracked nuts at southern theatres +forecast for antelope island and other spots within the same area +add tony mcguinness to my playlist i love my 90s hip hop +add tune to blues +find me the nearest movie theatre that s showing the spell of the yukon +what is the weather forecast for maryland +add sheila to enamorándose +the zen focus playlist needs david franj in it +i m looking for the show called the origin of the milky way +find an album called stumble stop repeat +play a top song by carson parks on groove shark +show weather forecast in east tawakoni italy at four pm +what is the weather forecast for nassau bay uzbekistan +i want a table for eight at gu +rate the current novel five of 6 +add this marilyn manson tune to latin party anthems +find the album future of the past +rate the doomsters four out of 6 stars +show creativity of night of the hunter +what is the weather here at 7 am +play annet artani soundtrack on slacker +find valley of the dolls +i want to hear the fear the boom and bust song from haruka shimotsuki off of spotify +rate the last series one of 6 stars +find me the martin morning saga +i need to book a table for three at a restaurant in south sudan +play me a nineties song by joseph genaro +go to the movie welcome to tokyo +play a song by juanes on last fm +i would rate the spoiler 0 stars +listen to acapella +add kurious jorge to my synth pop +show me movie times for southern theatres +dawn of the emperors: thyatis and alphatia deserves a rating value of 1 +add great grape to my playlist named novedades pop +i d like to watch the trailer for dungeons & dragons: chronicles of mystara +rate this saga 0 stars +what is the forecast for lesotho for starting this fall +play anything from the top-50 jeff irwin record off of itunes +find movie schedules with animated movies close by +i give the budayeen nights saga five out of 6 points +play the 2014 album from la lupe +show me the landing at low tide painting +i give the previous album one out of 6 points +find the movie times for films in the area +what will it be like feb the twentieth in colorado +what is the local movie schedule +3 out of 6 for the last album +find movie schedules +rate the documents in the case series two of 6 +i want to book a table for two at a close by bar in kuwait +rate incomplete nature three of 6 stars +what s the weather forecast for spain +add a song by szahram nazeri to my playlist called this is jennifer lopez +will it get chillier in furano-ashibetsu prefectural natural park +play dave joyal +what is the blizzard forecast for 12:06 in ms +add this artist to my sinfonía hipster +play me some grunge music +give me the weather forecast in zimbabwe +weather for james m robb – colorado river state park +show creative work or miami vice theme +play me some badass women on groove shark +book the best close-by bar in union city +i m looking for the hit album the politics of dancing +add a song by masayoshi yamazaki to my this is los fabulosos cadillacs playlist +what is the forecast for petersville oh +let me know what animated movies are playing around here +book a spot at the top-rated pub in garner +find me the memorial +list movie times playing animated movies nearby +i have a party of 7 in east timor +book a reservation for 5 people next week at the pump room chicago +book a spot for vicki and i at a restaurant in puerto rico +add metal church to my playlist named stress relief +will it be freezing in the city of sardis +i m looking to bring shawn marguerite and della to a place to eat at near rwanda +show movie times +book a restaurant for 7 in mn +in the neighborhood find movie times for movies +rate the watsons four of 6 stars +i would give this current novel two points or a rating of 6 +what is the thursday forecast for akers new hampshire +can you play the change is made on netflix +find cut the rope +i want to give this current saga 6 points and a rating value of 1 +play some music from 1989 by sanjeev abhyankar +rate this novel four of 6 +is you will meet a tall dark stranger at bow tie cinemas +what is the amc theaters movie schedule +rate current textbook 5 out of 6 +show the nearest movie house with the expendables starting 1 minute from now +find the painting sleeping in your hand +i d like to see level headed +what time is cold prey 3 playing at cinema +can you give me a forecast for weather at night in my current position +give the fox and the hound a 1 +i d like to watch miss congeniality +what are the movie schedules for movies playing in the neighborhood +i want toi hear some pop punk perfection ������ off of deezer +find the branded woman +book a restaurant in town not far from here for me and my mother in law +show me the photograph of minutes to midnight +will there be a blizzard in ar +play the cabin fever 2: spring fever saga +find a video game called batman: the return of bruce wayne +i want this song on the playlist called chill vibes +what is the weather forecast in 13 seconds in grand traverse bay bottomland preserve +play some chant music from 2008 +give this current textbook zero out of 6 points +put another artist in my opera 100 spotify picks playlist +when will it be chillier than now in south paris in ct +find some close by movies +add keke wyatt to my evening commute playlist +how do i see the tv series to see the invisible man +play a track from 2004 +book a table for 10 people at harry’s bar benin +find the trailer for real men cry +show me the current movie times +i m looking for a job in inversion +what s the weather two months from now in arletta malawi +find a photograph of adventure time: the secret of the nameless kingdom +what will the weather be one hour from now in as +find the cerebellum book +what s the weather at four pm in honduras +can you help me find the we no who u r game +find the photograph among the living +are there any movies playing around here +what will the weather be in hillview +play the monkeys have no tails in zamboanga on google music +play the latest ep by joel hastings on itunes +i d like to see the novel an inquiry into the good +play some 50 shades of love +play the case of the whitechapel vampire tv series +reserve a table for 1 person in wi +rate this book saga 3 out of 6 stars +forecast for conrad +i need info on the video game iron fist +book a table for three at a middle eastern gastropub +rate american tabloid a 0 +what time is tom y jerry showing at alamo drafthouse cinema +i want to hear symphony songs from rebecca cartwright on last fm +what are the movie schedules for speakeasy theaters +in the neighbourhood find 11 p m movie schedules for movies +book a reservation for six for a tyrolean oyster bar +i want to move this album to the selektor playlist +look for summer with monika +add brian larsen to my digster sleep +what is the nearest movie house playing george washington slept here +book a spot in mi +when was the tv show crazysexycool taken off air +play some fifties music by chris brown +will it be sunny in eyota hawaii on february seventh 2025 +can you put some monifah on my disco fever playlist +rate company for gertrude 4 of 6 +play something from the twenties +i would give half a life 3 out of 6 +give me the weather forecast for here +i want to add something by jarvis cocker to my rock español playlist +play the music of aphex twin s good album +list movie schedule +in the neighbourhood find movies +find movie schedules for imax corporation +please find the novel good doctor +rate the white goddess 2 of 6 +tell me the weather forecast for 10/21/2024 in metamora +find me the song 2 fast 2 furious +play a melody from elmer bernstein +find movie schedules +get me a table at a bar which has a spa +i d like to hear infinite indie folk on slacker +can you put freddie freeloader on the playlist instrumental madness +i want to give this book zero +give the god machine two of 6 points +find a video game called new york 911 +show creativity of southtown +i would rate the door to december 3 points and a best rating of 6 +add song by ian mcdonald to an instrumental sunday +book a popular tuscan restaurant for 7 people in west richfield +rate this novel a 4 +add album to my i love my 90 s r&b +where can i watch the television show called fangs of the arctic +what s the closest cinema showing animated movies +is it windy in nauru +add anti ep to esenciales +is cloudy in lyncourt +add armen movsessian to this is skepta playlist +find the movie schedule +show me tears on my pillow +show me the trailer for live phish volume 12 +book a restaurant for 2 in cross timbers district of columbia +find the schedule for salt of the black earth at the closest movie house +put this tune by ross the boss onto nação reggae +please find a restaurant in sierraville wyoming that has room for 6 +weather for coaldale arkansas +book a mexican brasserie close by woodcliff lake for a party of 7 on april 25 2026 +play nineties +show me the trailer for the glades +book a reservation for me and my step sister in nebraska in two seconds +can you help me find scholarmate +i need to book a table at a bar in micronesia for tia madeline and estela +can you find a creative work called a saintly switch +please tell me the movie schedules +book me a table for one at blue ribbon barbecue +add outside the dream syndicate to millicent s fresh electronic playlist +what is the forecast for 9 seconds from now close by here +i want to listen to some saori atsumi from the twenties on deezer +what is the nearest movie house playing the miracle rider +list movies in the neighbourhood +what time does a king in new york play in malco theatres +give one out of 6 star to a girl is a half-formed thing chronicle +for adaptive coloration in animals i give 4 points +i want 4813 added to my rhythm and blues playlist +play a top track by janamanchi seshadri sarma +find a photograph called sleeping with the enemy +i want the movie schedules for movies around here +rate this textbook a 2 +i need a table right now for four in me +please book a table for 10 at a faraway top-rated brasserie in malaysia on oct the thirteenth +what s the movie schedule for films in the neighbourhood +add if you were mine to classic punk playlist +when is hefner: unauthorized showing at magic johnson theatres +i want to add a track to my evening groove playlist +find start time in 12 seconds for national bomb +rate the current textbook 4 out of 6 points +play the mister music man by gene de paul +find me a bar in eagle pass vermont that serves noodle dishes that will take reservations for 2/21/2021 +give the current textbook four stars +check the weather forecast for chisholm kentucky +will there be a blizzard at 2 am in my current place +play the movie post inferno soundtrack +when is have sword will travel playing at the closest movie theatre +i want to book a restaurant with a pool for five in conehatta +where is the tv show bomberman land touch 2 +find all about aubrey +i d like to rate my beloved world two points +how warm will it be in 10 minutes +is it going to be hot in lexington-fayette +what movies are playing nearby +show me the movies at the closest cinema +what is the temperature in western sahara or within the same area three seconds from now +i want to add this tune by wheesung to my queen list +book me a table at a romanian brasserie in rixford +rate the hard life 0 stars +rate goodbye mr chips one stars +book a close by brasserie in nc +give four stars out of 6 to current book +what animated movies are playing at pacific theatres +give 1 out of 6 points for collected works +what are the movie schedules for kerasotes theatres +book a table for nine pm at a pub in ma +book a restaurant for monique stewart arlene and jami +rate the current novel 5 of 6 +rate with kitchener in the soudan 2 stars out of 6 +she me that movie schedule +rate this current saga 3 out of 6 points +play some prabha atre +play remains of the day +use groove shark to play music from the eighties +rate the current essay 0 +add this artist to my grandes unplugged playlist +play make the cowboy robots cry by sabin rai on vimeo +play a chant by sonsee +play some movement from 1959 on deezer +play some krzysztof penderecki on last fm +give the book the adventures of james bond junior 003½ 2 points for a rating +i m looking for movie times search movies close by that start at 11:12 +find a soundtrack called top gear australia +what animated movies are showing in the neighborhood +show animated movie at century theatres +find i could fall in love +i give the next novel two stars +is it going to be warm today at saint martin in port orford +play tom baxter tracks +recite the movie schedule +add this karina album to my folk pop playlist +add olympia 1959 to from the delta to chicago +add animal stories to maryanne s by per yngve ohlin +add the artist tom cochrane to new york groove +book of two for the road +where can ifind you know me a saga +add love story wa totsuzen ni to the martin garrix show playlist +what is the six o clock forecast for west selmont in montserrat +what s the weather at eleven pm in craig mountain wildlife management area +play a good 1952 symphony +is there a blizzard coming to el verano +can you tell me the weather forecast for denmark +what animated movies are showing in the neighborhood +rate the current book 2 points +when is the third eye showing at dickinson theatres +will you add pat kirtley to my covered in punk playlist +i give the english spy a rating of 1 and a best rating of 6 +look for all that matters +what s the weather in dazey +show the movie schedule for animated movies in the neighbourhood +book a bistro in new zealand in 119 and a half days +tell me the weather forecast in greensburg +find tortured man +rate the scoop 5 out of 6 points +i gave chart throb 4 of 6 stars +rate the tom thomson mystery 1 stars +i d like to see local movie times +rate the descendants two points +find le profil amina tv series +book a churrascaria restaurant that serves chips for five people +i want to book a spot at a bar in henniker north dakota +rate the stone key a 5 +book a bar for 6 that has stuffed ham and isn t too faraway from canarsie - rockaway parkway on bennington battle day +find the most important people a television show +what is the weather forecast faraway from ri seven months from now +rate dna repair and mutagenesis four stars +book me a restaurant in guadeloupe +is it supposed to be colder at lunch time in schuyler venezuela +john ross house restaurant in town and close-by +book a spot for nine in lavalette guam +add this track by del tha funkee homosapien to the playlist songs for you not your parents +add singing in the trees to rena s lo mejor de radio 3 playlist +this horrible textbook deserves a 0 rating +rate the current saga a five +find the movie ircle +find movie schedules +what animated movies are showing in the neighborhood +where is the nearest movie theatre i can go watch films today +add jamaica say you will to my metal +play grabsteinland i by doctor fink on slacker radio +rate the hollow man 5 points +is the wash playing at the cinema in one minute +add sammy hagar to ultra metal +find city of light +reserve a smoking room at the restaurant +play the track titled faget +bombshells saga download +add satisfied to my rockin vibes playlist +i want the movie schedule for animated movies in the area +find and book a restaurant that serves dumplings +what s the weather here +rate recovery road a three +what is the southern shops forecast for warm temps +add this album to my spotify orchestra cello playlist +rate a conspiracy of paper 4 of 6 +at 7 pm what will the weather be in iceland +add tune to classical intimate dinner +show the movie schedule and movies around here +forecast for switzer +weather in selinsgrove +play tanti auguri a te from bruce gilbert +show the show the son of tarzan +play the song two suns in the sunset by airi suzuki +i want to hear a good album from toni cottura +find animated movie at landmark theatres +book a table for 2 at the mustard seed agate +what s the closest movie house showing animated movies +i need a table for four at ten pm in dodge park +put this tune on my get your mind right playlist +weather for park narodowy kushiro-shitsugen +where can i watch the trailer for home economics +add all the years to concentración +show gd&top painting +show me the movie times for animated movies that are in theaters close by +i need to book a table for 6 people at montreal pool room in croatia +i need a table for 4 at a place not far from palau +add hound dog taylor to the miami 2017 guest list playlist +what is the weather forecast for kaaawa +find whosoever shall offend at showcase cinemas +add this tune to my rockabilly mania +show creative painting people & love +book me a restaurant in freshwater bay for ava and i in alaska +i want food in zaleski +i need a reservation for orthodox good friday +give hornblower in the west indies 0 / 6 points +put li yuchun s album onto the kickass metal playlist +play top-five concerto music from 1992 +add marching band to miami 2017 guest list +what animated movies can i see at amc theatres +tell me if it ll be rainy here on dec the 25th 2033 +what animated movies are in the neighbourhood +what is the weather forecast for north carolina +rate this book a zero +book a table at south street diner close to your teenager s college +is there a storm here +what is the closest movie house playing house of the dead 2 +what time is sontha ooru playing +what movie times are there at arclight hollywood +show me movie schedule +how can i watch the television show straight shooter +at 0 am what will the weather be here +play the next ep by video game pianist on netflix +play while the gate is open +give this book chronicle four stars +please give me the movie schedule for pacific theatres +book a reservation for restaurant in texas +find movie times for films in the area +add a track to my playlist funk outta here +book me a reservation for fatty crew in 13 weeks in haskell +which films are playing in the neighbourhood +play a soundtrack by sarah geronimo on google music +when is eye of the spider playing at regal entertainment group +add women of metal to odetta holmes +rate eleanor rigby a 3 +find me a coffeehouse for nine in indiana that has access to a pool +give the current album on my playlist a rating of three +rate the country blues 3 out of 6 stars +i want to watch the movie godslayer +add fabri fibra to the birth of cool +can i listen to music from the easy listening genre +play in the arms of god on zvooq by nimal mendis +find the broken +congress has warmer weather +find a painting called smash crusher +find the ultimate gift a television show +can i hear the song american high +i need to hear some r&b music off of iheart +the far side of the world chronicle deserves three out of 6 points +what is the weather forecast in pinson south dakota +can you add an album to my are & be playlist +find the killing fields +rate this essay 4 out of 6 stars +can you play something from the fourties preferably a symphony +add to playlist i love my neo soul the name national treasure book of secrets +book a restaurant in gate city for 5 people +tell me if there will be wind in ne +show me when and where i can see song of summer +what time is hitman city playing +i would like to see a schedule for movies at the nearest movie house +add this track to the sunshine reggae playlist +the book the geoff ryman bibliography should have a rating of three to 6 points +rate current novel 3 stars +give the case of jennie brice 4 stars out of 6 +find try me out for me +what movies are playing at the alamo drafthouse cinema +add claudine longet to my ultimate 00s palylist +show the taste +find the trailer for hotel on the corner of bitter and sweet +i want to book a restaurant in glenarden south dakota for two people +will there be any cloud in delaware on 1/11/2040 +i want to book a restaurant near wyoming for 5 people +show creativity of soundtrack iheartradio countdown +rate this current album 0 +i would like to book a restaurant in the same area as tremont av for nadine sherrie and i on 3/21/2018 +rate this album zero of 6 +what is the forecast for next may in zambia +is rio belongs to us playing at the movie house closest to me +book a reservation for 2 at fashion cafe in diwali +show me the book it might as well be spring +evangeline and petra cooper want to go to a restaurant in 9 years +a novel of this quality deserves your rating of four points +give four points to this novel +what will the weather be this month in wesley hills +show me the schedule of movie the da vinci code +where can i find the movie schedule +what s the weather going to be like here in one minute +play elkie brooks seventies sound track +rate this novel 4 out of 6 +add this tune to my this is luis fonsi playlist +add marianne faithfull to june s hillary clinton s women s history month playlist +check the weather for around nine in south georgia and the south sandwich islands +rate this book a zero +i need a table at a close by restaurnt in hackney for ten +what is the weather like in colorado +how much hotter will it be once close to namibia +a shawnna to the warm hearts feel good playlist +can you find me the my father my king game +help me find the work titled singstar take that +find movie times +where can i find the movie schedules +how will the weather be at 8 am in ct +book a table at the montreal pool room in north carolina for 7 am +look for the album called the tale of mr jeremy fisher +use spotify to play who was in my room last night +play a popular melody by lindsay lohan on youtube +whats the weather forecast in nicaragua +i want to watch the trailer to worms 2: armageddon +add george baker to hiphop hot 50 +rate the current novel a one +i d like to listen to iheart radio s chill out playlist please +add this track to my epic wall of sound playlist +what is the temperature at eifel national park +add track to this is zezé di camargo & luciano +what is the weather forecast for waipio acres +is it overcast in bermuda +add another track to my women of latin music playlist +is race gurram playing +rate the current novel a 0 out of 6 points +what s the weather in kiahsville in the cayman islands +what theater is playing haunted honeymoon +will it be chilly in liberty city bhutan +find the nearest place at four o clock with a movie house showing wow the kid gang of bandits +i want to watch the original recordings +play vic ruggiero music from 2007 +can i get the newest listings for movies at harkins theatres +will it be hotter today in holtwood +play music by rodney whitaker +look for the high noon tv show +add this track to the evening commute playlist +what s the weather forecast in melcher-dallas +use lastfm to play attack of the planet smashers +will it be colder in vermont +is it going to be warmer 165 days from now at nairobi national park +add artist to novedades pop +put this artist on domingo indie +when will it be warmer in white horse mauritius +what will the weather be in overton at 8 pm +lets go far to the wolseley in maine +play slow rock music +give this series 4 stars +is there fog in new york +find a tv show called frontiers in ecology and the environment +find the three little pigs television show +play some best selling rave songs +will there be a blizzard at seven in colorado +find live at memory lane +how s the weather in mowrystown +rate in enemy hands five stars out of 6 +add this tune by mopreme shakur to the party ¡fiesta playlist +add to ila s playlist a mi manera recopilatorio the name my heart stood still +rate the confidence-man 3 points +i want to find the show from where to eternity +what animated movies are in the neighbourhood +show me the caribbean blue television show +is it warm in fernandina beach slovakia +is it freezing in offerman california +play me some terror music +play my entertaining playlist +movie times at warren theatres +add a yesudas song in my piano chill playlist +rate this novel four stars +add sonntag to my assassin s creed +get me reservations for seven at a restaurant in pw that serves tourte +what will be the forecast for belarus in the future around sep the 22nd 2020 +book a bar in san marino for five +i want to book the distant downtown tribeca grill for august the twenty-third 2025 for wilda and jacklyn +want to hear a chant by nellie mckay from the year 2008 +add this tune to my it s a southern thing playlist +add your loving flame to my palylist rock +put another track in my electronica & dance playlist +weather 1 minute from now in camden point zambia +play salmonella dub dvd by mario rubalcaba on vimeo +give five stars to the songlines +find the painting strong enough +i want some fusil contra fusil added to my dance hits playlist +find a trailer called sheriff of tombstone +book a reservation for 6 at a restaurant in deersville +play the new retro playlist on netflix +what weather is predicted for loyalhanna +play the playlist spring +does netflix have music released in 1991 by you yokoyama +look for the tv series the stars at saint andrea +add tune to reggae infusions +add song by charlie hunter to rumba y más +where is the nearest movie theatre that is playing the king maker +what is the mt forecast for 22 +what time is are movies at the closest movie theatre +i want ohear the 1996 soundtrack from deezer +book a southeastern restaurant in heard island and mcdonald islands +will it be foggy at sunset in red devil +play me the most popular arthur johnston song +i need the weather at eleven am in argentina +play music from 2010 by jason donovan +what movies are in the neighbourhood +award blood tables 2 points +book a highly rated food court for 2 people on jul 4th +show me the closest movie house that plays that night in rio +will it be colder in åland +find me the television show a city sleeps +tell me the weather forecast for alexander sd +give a zero rating to may we borrow your husband +can book a pizzeria that will serve a cupcake +when will it be temperate in lansford +can i get todays showtimes for le flic de beverly hills 2 +what is the pw forecast for jul 9 in robert +find the movie schedule for arclight hollywood +look for the trailer to hickory daily record +add a track to the emo forever playlist +show me the schedule of movie times +put the artist pat monahan onto the emily dickinson playlist +find amanda palmer goes down under +rate the british edda zero points +show me the heart specialist +what will the weather be in mattawan saint barthélemy +where can i watch the tv show terrorists: the kids they sentenced +search for the saga of return of the bastards +play circus farm by deana carter +i want to hear something by joe dolce on google music +i want to hear music by madeleine peyroux from 1991 on youtube +is it freezing far from here on 12/5/2032 +what is the closest movie theatre that is playing animated movies +show acta mathematicae applicatae sinica tv show +need to find a creative work with the title sometimes the blues is just a passing bird +i would like to book a goan restaurant for 8 +what time is the face in the moonlight showing +add this song to my us latin top 50 playlist +play some synthpop +give one points to current book +is dummy playing at two a m +find close by movie schedule movies +play andy williams sings rodgers and hammerstein by elica todorova +add tune to african heat +play masashi hamauzu s newest symphony on itunes +play some acapella music +where to get painting of the man in the white suit +where can i view the tv series of w i t c h +what will the weather be like on january 16 2030 in rainbow falls state park +add this album to my playlist named café libros +play entre raices y antenas by lynn & wade llp +what are the movies scheduled to play at general cinema corporation +please add a track by david freiberg to my workout playlist +for this series i give the rating of four of 6 stars +where can i watch the trailer of the national treasures - the complete singles +will there be hail on 7/16/2032 in the dominican republic +what time is crush and blush playing at kerasotes theatres +give two out of 6 points to current album +play something off my new boots playlist +play that stubborn kinda fellow by michael amott +what is the weather forecast for ridge farm new york +rate illness as metaphor 5 of 6 +book a restaurant far from kokomo this fall +add histoire de melody nelson to my 90 s baby makers playlist +play drum & bass music +play an album from the fourties new first +rate the current textbook 4 of 6 points +put kim kibum in my the martin garrix show playlist +book a table for cherie and josephine in indonesia +find the trailer for the spooky sisters +please look up amrithavaahini +in the neighbourhood find a movie schedule for animated movies +tell me the weather forecast for here in seven years +find the album until the whole world hears +rate this textbook two of 6 stars +rate this current book five +book a spot for wilma gay and i at the gowanus yacht club in montenegro +i d like to hear don airey s gonna raise hell +book a restaurant in clawson ms for one +is it chillier in hong kong than it is here +play 30 greatest hits +will there be a cloud in kiribati +add this track to my lo que suena new york playlist +i want to hear some acid punk music +find regal entertainment group animated movies +i want to listen to a concerto from timour moutsouraev +find a table for 8 somewhere in bonaire in 345 days +reserve a table for teresa and elnora at a fast food joint which serves fish and chips +what is the tv show this is halloween +i want to eat at a bar in saudi arabia that serves cannelloni +play the thirties soundtrack by ghader abdollahzadeh on youtube +give me the current showtimes for tarass boulba +add xenomania to operación bikini please +weather for here right now +book a joint restaurant for four with an outdoor area within the same area as borough de denali +add this album to my all out 70s playlist +i m rating the skystone with three points +add from the ashes to my rock gaming playlist +i want to add indestructible to my playlist a mis niños de 30 +put this album on my dubstep dangles dirty playlist +is it cloudy in georgia +book a spot for three at a bakery in grand portage +can you get me the maldeamores saga +add another tune to my lo mejor del rock de españa playlist +show weather forcast for ms on jan the 9th 2034 +what time can i see mojave phone booth +give the first chronicles of druss the legend a zero +play alone again from mike viola +play symphony music from the fourties with google music +add an album to women of hip hop +play talking to the universe on itunes +what is the movie schedules for movies in the neighbourhood +play the top fifty soundtrack from the twenties +forecast for willits christmas island twenty three minutes from now +is there supposed to be snowfall at zero o clock at parc national alerce andino or anywhere distant +give 3 out of 6 points to the secrets of love +play some sixties music on slacker +add bryan gregory to the playlist emily dickinson +find the schedule for vanishing of the bees at a movie house +add mike mogis onto my crate diggers anonymous playlist +play me some music by prince alla from the twenties +show me the movie schedule for movies opening today close by +find kebab connection +look up the park album +i d like to go to a restaurant in french polynesia +find the trailer for live at hull +what s the weather 1 minute from now in mount nimba strict nature reserve +show the movie schedule +i want to book the best pub for 6 in new mexico +i d like to see the movie schedule for movies in the area +what will the weather be faraway from here 308 days from now +i d like to watch the trailer for as tears go by +play matt uelmen songs from 1965 on slacker +find a movie schedule +i want seating for five near the pool at the pub +edit aux cord privileges playlist by putting this tune on it +rate what is called thinking 0 stars +add come on feel the lemonheads to my salsa classics playlist +the previous book is five out of 6 stars +find the nearest movie theatre for animated movies +play tooh by eric bazilian on google music +rate the pagan christ zero points out of 6 +can you book reservations for jeanne and charlotte at a diner in mayotte +one stars out of 6 is my rating for the giaour +add track to my global top 50 +find a television show called milagros: girl from away +play sound of love from papa mali +put an album by max richter into my this is rosana playlist +need to book a table in ludden +find a table for five at harveys in de berry id on april the 10th +shoe me the forecast for bonaire this fall +play keep your right up song +what movies are starting at eight pm in the area +add this song by deron miller to my party on fridays playlist +rate paradise news 2 out of 6 +is these girls at the cinema +what s the snowfall at noon in in +is there a snowstorm in the forecast for el cenizo +i want to add something by the artist nadine to my workday – pop playlist +find a show called ichibyōgoto ni love for you +looking for novel build engine +want to find a photograph called the nine maidens +book a eggo serving brasserie for ten +book in bolivia a brasserie for tourte food +find a movie house with ulterior motive that is closest +hows the weather looking for kendall green maryland +find the another ticket game +find the schedule for for films at star theatres +when can i watch prince daewon at movie house +add the artist to the 90 s baby makers playlist +where can i watch key to the city +find me the picture called bugs bunny nips the nips +find a novel called episodi di sons of anarchy +rate they came from the sea 1 of 6 points +book me a reservation for a bar that serves lobster roll in or +i need movie times for movies playing in the area +i want a table for 4 in florida +look up the show cissy houston +play a seventies soundtrack by steve walsh on groove shark +play 2003 ben burnley on spotify +rate the current book 3 out of 6 stars +find the photograph underneath the tree +play a mike osborne song +show me the movie purple heart diary +will the weather be stormy in aurora +rate this current book album four stars +play some fifties tunes by mike mccready +play the best sort by jan robbe on pandora +what s the forecast for harper me +add nicole mitchell to my soul revived list +put this track from the edge on my funk soul disco playlist +i need to reserve two seats to eat at in salina alabama +is there a snowstorm coming to ukraine +play some seventies track from top rie tomosaka +add album to my fairy tales +can i have the movie schedules +what s the weather going to be in yemen in one minute +add rating of 5 to this novel +what s the weather going to be in parkers prairie va at 07:08:02 am +rate gates of fire a 2 +show me interesting times: the secret of my success +rate first man: the life of neil a armstrong three of 6 +what is the storm forecast for now in jordan +find the crucible of man: something wicked part 2 +i d like to hear some trip-hop +i want to book a restaurant for supper in kellerton for 2 +give two out of 6 points to beyond a boundary +find animated movies in the neighborhood +what s the weather next week in standard city +add album to metal overload playlist +play a fifties album on itunes +rate this textbook 4 stars +show me the forecast for 6 years from now in westlake village in guinea +national lampoon tenth anniversary anthology 1970–1980 is a 4 out of 6 read +i want to send music to ann s lists from sir john winston ono lennon put it on her infinite indie folk list +rate the other wind 2 of 6 +find the movie schedules +add this wayne raney tune to my this is kudai +play the last song by goldie +add armistead burwell smith iv to blues masters +where can i purchase the video game the blue generation +put another track in the keep calm playlist +search for innocence from hell +rate this novel a 1 out of 6 +will there be a snowstorm this weekend in bear river arizona +i d like to see walk on the wild side: the best of lou reed +tell me the weather forecast for ri +restaurant in elberta for alma deana and olga at 18:49:20 that serves tsipouro +add tune to genuine r&b +i gave the hand of zei series three of 6 stars +rate the current textbook a 0 out of 6 +book me a restaurant +play video game manifesto of nevermore +find a book called the echo chamber +play the latest ep from lobby loyde on netflix +play me the show cheaper by the dozen 2 +rate my current book five points out of 6 +i am giving the current book two stars +play a sixties song by george sanger +rate a tale of love and darkness 0 points +play a morton downey record with slacker +rate the braindead megaphone series zero out of 6 points +book a table for jasmine jeannie and leta +rate the current saga a 4 +add space cowboy to my the funny thing about football is playlist +what time is adam at six a m playing +where is the nearest movie theatre that is playing honeysuckle rose +show weather forecast close-by ms in 48 and a half weeks +find a cinema closest with animated movies +rate therapy a zero +i d like to listen to the soundtrack in the air +add song to marta s endorphin rush playlist +find a photograph called shout it out +book a spot at a coffeehouse in new york with wifi at 8 pm +what movie theatre is playing sherlock holmes and dr watson fifteen hours and one minute from now +find something crucial a book +find movie titled triumph of the spirit +i d rate the chronicle called the art of loving 3 points out of 6 +i want to give this album 3 points +rate the current chronicle a one +rate the current textbook with 2 points out of 6 +add track by monster bobby to peace playlist +play some fourties music on spotify +book a reservation for bettye and lakeisha jimenez at a bar +find a movie theatre with intersections that is nearest +i gave perchance to dream 4 of 6 points +when is for one night playing at loews cineplex entertainment +i would rate this novel 2 points and a best rating of 6 +rate the current essay 4 stars +add future to this is al green +use the service lastfm to play artist keren peles from the most popular symphony +book a restaurant around thompson +what movies will be showing around here +add r u still in 2 it to the under the surface playlist +i m looking to reserve a table at a pasta restaurant in serbia +is the start time 15:16:52 for movies in the neighborhood +search for movie turn back the clock +when is our story showing next at north american cinemas +is it cloudy in vermont on 06:30:26 pm +where can i find the soundtrack for steamboat bill +add banking violence and the inner life today to my retro gaming playlist +forecast for addo-elefanten-nationalpark +please look up the immortals television show +find a movie house with colic: the movie that is nearest +find a book called screwed +add written in red to my cleaning the house playlist +i would give the living dead in dallas chronicle zero points +there is cloud in genola south sudan +what are the movie times for animated movies nearby +is it cold ever in farristown tanzania +play me an ep from 2005 +i m giving this book series four points +find landing on water +give the street five points +add global underground 006 sydney to my best metal of the new millennium +add the artist tomohisa yamashita to the conexiones playlist +what s the weather in the marshall islands in sixteen hours +add the album to my latin pop rising playlist +rate the current essay three points +play music from 1977 +where can i find the novel meast +i give the book the silence of the lambs a rating of zero of a possiable 6 +rate my current novel four out of 6 stars +book a reservation for 4 at a bar serving corn relish +find a show called friday download +will it be stormy not far from id on 10/2/2021 +my current textbook should have a rating value of 5 and a best rating of 6 +rate the current book five of 6 +add the album to my heavy gamer playlist +play zvooq +where can i buy a copy of the picture called turn against this land +i want to go to that popular ethiopian restaurant +rate the twinkie squad chronicle four of 6 +add manuelita la tortuga to my nuestros 80 playlist +show the caveman television show +what films are showing in the neighborhood +give four out of 6 points to current novel +play a ballad form 2014 by double on google music +book a table for 04:45 pm at a restaurant in washington +what will the weather be like here next week +find a cineplex odeon corporation showing movies +add this song to my canción del día playlist +add omoide wa okkusenman to an instrumental sunday +what are the movietimes for films in the neighbourhood +play the baldur’s gate ii: throne of bhaal saga +which movie theatre is playing the good guys and the bad guys +rate this is how you die chronicle a one +i need a weather update now for manhattan project national historical park +add this song to my esenciales playlist +get me a table at the hand & flowers for sixteen hours +play yusef lateef songs from the fifties +find earth moving +play music by sarah connor +me bobbie and colette want to go to the peak lookout in felicity +i want to book a pub in juniper for 8 that serves bûche de noël +go ahead and add blowfly to my this is schubert list +can you tell me the forecast for east falmouth hungary +i give the rating of 1 of 6 stars for this novel +forecast for israel +play some deezer oldies music +is the tv show the prodigal wife on today +play some matthew sweet music from around 1996 on spotify +show creativity of the game everything at once +play any song from 2006 +play some nastya kamenskih on zvooq +i want a table for seven at twenty three o clock in angola +i need to book a restaurant with a smoking room in al +i want to take my parents and i to eat some romagna at a brasserie in north dakota +please play casino boogie +where to get the movie fear of a black hat +what time is 楽園追放 -expelled from paradise- +what is the weather forecast for three in whitewood rhode island +list to the most popular muireann nic amhlaoibh song +i need seats for five at a place five and a half months from now +give the current book zero of 6 +hocus bogus gets a 2 of 6 +play 25 to life by paul riley on deezer +will it hail in rush valley denmark on 6/21/2035 +use youtube to play music from dorothy ashby from the year 2002 +book a reservation for one at an italian taverna for two pm in hutchings north dakota +i want to find parking next to a restaurant for 10 +play elliot easton s album beautiful +add a tune in women of classical +what time is phera playing +please get me rough and ready saga +find the game selling blue elephants +book a restaurant for seven +show me the album three songs about lenin +play something by daisy voisin on google music +i only give blood work two stars +this month will the sun be scorching in la +book a pub for eight people in the pitcairn islands +please get me the national medical journal of india game +i want to hear the album suites & sweets +will it be temperate in hybla valley tajikistan +what films are showing at cooper foundation +find the innocent when you dream saga +i want to hear some music from spotify +please give me the movie schedule +play goa music on google music +add geminism to power workout list +when will hard time romance be showing at the cinema +add venedig im regen to this is maxwell +weather in tioga colorado +will you play a ballad from mahalaxmi iyer +find me the soundtrack called enter the chicken +what s the weather like today in plankinton +what movies are showing at the showcase cinemas +rate this textbook 5 points out of 6 +what time is bhoomi geetha playing at the movie theatre +rate to your scattered bodies go a 1 out of 6 +show me a photograph called the daily slovak news +put frank portman in my playlist good music +in apr i d like to eat at a pub manack montana with 4 people +i d like to eat with a party of 8 in hitchita or +can you find my island home tv series +play a popular gurdas maan track +give me the showtimes for animated movies at the nearest cinema +find wish you were here +add back at the velvet lounge to my cleaning playlist +show movie schedules at amc theaters +i d like a bar with hawaiian food in nd +find nearby films with movie schedules +give zero points to high profile +play my electro sur playlist +play any song from 2001 +add ian north to my autumn lounge playlist +rate this essay 2 points +i need a table for 4 at the brass rail +give memoirs of a fox-hunting man a rating of 4 out of 6 +what is the nearest cinema playing patiala house +can i hear a symphony from the seventies on youtube +when is city of angels playing +book a reservation for a top-rated lebanese fast food place +i would rate this current essay a 0 +what is the weather forecast for june the third in rileyville co +rate this album a 3 +will it be hotter in my current place in six weeks from now +i d like to watch mission to mir +fine a movie called right here right now +what is the forecasted weather for ninaview +can you find me the game super scription of data +is the matinee idol 06:30 cinema sold out +rate seeing with the eyes of love 5 points +put ron grainer on my disco fever playlist +what will the weather be in bayside on sep 21 2034 +find the nearest movie theatre that plays sea racketeers +please give me information on when prisoner of zenda will be shown +what s the weather like in serbia +please look up the television show noel hill & tony linnane +give the current book four stars +give me slovakia s weather forecast for eight am +rate this novel three out of 6 stars +what are the movie times +i want a table for four for 2 years from now +can you play me a track from the nineties +add tune to my relax & unwind playlist +put johnny wakelin on my té para tres lis +i want to listen to lastfm play a drop of the hard stuff by joi chua +i d give the mandaean book of john 4 points +book a restaurant 2 months from now for seven people in new caledonia +rate the current essay four out of 6 +rate this saga two out of 6 points +rate the current textbook 3 out of 6 +will it be warm in jenners panama on august the sixteenth +show me the movie sonic triple trouble +add the track by apostolos nikolaidis to the this is luis fonsi playlist +what is the schedule for the fox and the child in cinema +i need a dinner reservation in three months for a restaurant in hills and dales +rate the text book new finnish grammar a four out of 6 +book a highly rated place for my momy and i for mughlai food at a restaurant +what is the forecast for close to texas +add this raffaele riefoli tune to deathcore +find shanghaï express +will it be warm 1 week from now in dc +add this tune to rock save the queen +add chrome reflection to my throwback thursday playlist +rate this textbook a three +i want to hear something from the nineties by alissa musto on groove shark +book a top-rated osteria seven weeks from now +show me the movie haunted spooks +i need a table in one hour from now at somewhere not far from la +give one point to compendium of analytical nomenclature +find me the novel london has fallen +restaurant near in town uses in two years +show creative book named pencil thin mustache +can you play some synthpop music on youtube +what is the poland forecast for next january +play music on groove shark +play the music of tupac shakur +book for five in georgia at the coffee bean & tea leaf +play my madrugando playlist on groove shark +will there be a blizzard in neighboring niobrara valley preserve +i want to hear richard falomir s best song on pandora +add out of the air to my a mis niños de 30 playlist +can you add a eviatar banai album to my tgif playlist +include pat smear on guest list engadget +give this current essay a 3 out of 6 +what time is high schools playing +play short walk on a long pier on slacker +what s the weather forecast for wisconsin +what time is unholy women playing +put artist emre aydin on happy birthday playlist +what is the movie schedule for animated movies playing close by +can you find the television show manifesto of nevermore +find history of north dakota a tv series +play some music from victor kunonga +put this artist on instrumental study playlist +find the show the sword of the lictor +what will the weather be in in +please make a restaurant reservation for somewhere in mondovi connecticut +let me hear an ep from the thirties era of music +where is shake your powder puff playing +where to buy book charlie countryman deve morire +book a restaurant in goshenville pr for october 16 2038 +play the top-10 chant by caetano veloso on pandora +play top-ten eighties song +i d like to hear music from 1951 preferably a soundtrack +make me a reservation at taverna in a smoking room +book reservations at a faraway restaurant in newtown at meal time +book a highly rated coffeehouse for four people +book a reservation at a restaurant with me matilda and deana +play some avantgarde music on netflix +i want to listen to my spain top 50 playlist on groove shark +what animated movies are at dipson theatres +book the fashion café for elevenses +what movies are currently at star theatres +play me the best charles neidich song +use deezer to play music by kimberley walsh +please book a uncommon grounds coffeehouse restaurant +play my still got the blues playlist +play a record from 1982 +find half cut tea +book a spot at a highly rated pub in woodston +what is the weather forecast for garrison +give 1 out of 6 points to revolution world +give five out of 6 stars to current essay +find animated movies at caribbean cinemas +look up the adventure of the blue carbuncle +list movies at imax corporation +show the animated movies playing at consolidated theatres +want to know the hot weather situation in netherlands december 4 +rate this album five out of 6 stars +can you please find me d r e a m +what is the temperature for montserrat on sep the fourth 2024 +can you find me reservations for this morning at a restaurant that serves stracciatella +book a reservation for 8 at a restaurant that serves chicken fried bacon in aruba +what is the forecast for this fall in lesotho +i need a reservation for four minutes from now for 3 people in the falkland islands +rate the breaking point a three +give conan the buccaneer 5 of 6 points +play a sound track from 1952 +me and robin need reservations for somewhere in palau +add the current artist to my sxsw latin +use deezer to play top five moya brennan +find the digital champ: battle boxing +what s the weather here in 52 and a half weeks +i would like to book a restaurant in lebanon +find the coffin +book the best cafe on jan 18th 2035 +show weather forecast nearby elk city state park +listen to ballad songs from the twenties +what animated movies are at pacific theatres +will it be overcast in luxembourg in fourteen seconds +find a reservation at sunset at a gastropub for 2 people +will it be nice here and in the same area +when will the blonde ambition be playing +will it be warmer at 2 pm at the ak-suu complex nature reserve +add the name x forza e x amore to the playlist musica española 2017 +will there be sun in the manassas national battlefield park +play songs by naomi schemer +is it going to be hot here in 8 years +which films are playing at the closest cinema +play some techno +i want to see some movies in a b&b theatres +book a restaurant in indiana for me violet and dianne +give zero points out of 6 to the devil in a forest +book the electric banana in ewen for crystal and brittney +book a pub for two on jan first 2037 +add this peter iwers album to my ntc gym strong +give the spirit house a 4 out of 6 +what s the weather forecast for 3 hours from now at christmas island +i give a rating of four to this textbook +rate this book a four +play a new song from the seventies +play me a 1957 ep +open vimeo and play lee mellor good songs +can you help me find a picture called olympia 1974 +add the artist w g snuffy walden to my billboard latin music awards finalists playlist +rate shadow of night a 1 +i want to watch fist of the north star 1 minute from now +can i rate the current textbook three to 6 stars +play the song domino by luca turilli +book a spot for me and my great grandfather at a brasserie with a pool at 7 am +add a tune to this is wagner +will it be nice now in norway +find an album called preminchi choodu +show me the only the strong survive photograph +will it be chilly around kingsley common on jan 9 +find me third man on the mountain at a cinema +i want to go see a troll in central park +play oliver on pandora +play 1952 yusef lateef on netflix +add a track to the el mejor pop en español playlist +i want to hear some of david gilmour s music from 1973 +i need a reservation for january 9 at a restaurant that serves souvlaki nearby cypress av for a party of 1 +rate the book of three a five +rate the book the nightmare lands 0 out of 6 stars +play gary chapman music from the fifties +give this essay 4 points +which is the nearest cinema showing a cooler climate that starts now +book a restaurant 163 days from now +will it be freezing in new preston venezuela +what is the weather forecast in spaulding morocco +book in ukraine at a highly rated restaurant +add dimitri fampas s song to my focus now +book a spot at a pub with tatar in cambodia +i would give the northern reaches a rating of one +find time for the thirty nine steps +will there be a blizzard in saudi arabia around 2 o clock +find all jets are gonna fall today saga +play me music by whip with zvooq +add tune to my this is john williams playlist +please get me the aion show +what s the weather like in boca raton ia +find the movie times for north american cinemas +find me royal astronomy +i need a restaurant now for a party of ten +rate the current essay 4 out of 6 +where is they always return at dawn playing +i need to book a restaurant that serves sundanese in bonaire for 7 +play me some max martin on lastfm +show creativity of saga frontier marshal +find movie schedules for arclight hollywood +in wynnedale ak will it blizzard +add volver to my pop gaming playlist +add funtwo to disco fever track +is a tree grows in brooklyn playing in one hour +what is the weather forecast in country club heights +book a restaurant faraway from rwanda for two +book a reservation for my parents and i at red crown tourist court in slovakia +book a spot for me tiffany and sondra at a top-rated restaurant in ms with udupi +add repent replenish repeat to classical moments in movies +add the outlaw blues to the playlist with the title top 100 country tracks on spotify +i d like to know what films are scheduled at alamo drafthouse cinema +rate the citadel 1 out of 6 points +what is the weather like in antonito +find saga hamilton c shell +rate secrets and lies 2 of 6 stars +i d like to play the album clarke +what is the weather like in long beach united kingdom +play some noise music on netflix +add how to sos 48 2016 playlist +add omnipresent to verano +is it chilly in henrieville oman +i need a reservation for 4 in illinois +find the nearest movie house that s showing movies +add intelligence and sacrifice to skatepark punks +try to find the picture advances in ecological research +book a spot at a pub that has trottole for their meal +show movie the skeptic – das teuflische haus +is it going to be windy five minutes from now in nj +book a table for mamie and maria at a south tyrolean restaurant within walking distance from fisk av-69th st +find the movie schedule for the douglas theatre company +rate the first death 1 stars +rate the empty throne a 4 +play the best music from klaus badelt +i d like a new england added to classical moments in movies +book a spot for my kids and i at a restaurant with frybread +give zero points to current album +i need to book a table for 4 +where is the tv show am universum +book a table for iris ina and heidi around 9 pm +rate dead boys a 0 +find death is called engelchen at neighborhood cinema group +i want to put goldy mcjohn on my rock party playlist +what is the nearest cinema playing the oak +i want to read the book the minotaur +this current essay deserves 0 stars +make me a reservation for july the tenth at the nosh bar for a party of two +find trailer of jazz impressions of the u s a +play the best music by arthur johnston +put something by noah wuv bernardo on my humor playlist +reserve a table for two for jun 13th in a neighboring bistro which serves mongolian food in northway +rate the book chronicle the obama nation a 4 +i want to go see a simple noodle story in seventeen seconds at goodrich quality theaters +i need to book a table at the star inn that s within walking distance from my place in ashland +how will snowfall be here in 2/21/2022 +rate this book 5 stars out of 6 +i d like to watch the freckled fish at 00:47:43 at magic johnson theatres +ad artist to sxsw latin my playlist +find the movie schedule for b&b theatres +add a track by big sha to my this is miranda lambert playlist +i give the history of the saracens a three or 6 points +what time is cabin fever: spring fever playing + restaurant that is brasserie for 8 and has wifi +play iheart +play the most popular stuff by tina dico +rate this chronicle 0 +go to the television show nothing without you +give the body artist a 5 +book the bobcat bite +add nightmares that surface from shallow sleep to michael s rock solid playlist +look for the creative work called white sugar +i need a reservation for four at a restaurant +is it forecast to be cold in wisconsin +want to eat at diners of allentown pennsylvania on purim +show me ncaa college football 2k3 +play track ai se eu te pego on google music from artist maestro +play the greatest record by joe purdy on google music +put this yury chernavsky tune on my alternative route playlist +i d give with lee in virginia a story of the american civil war chronicle 4 of 6 +will it get colder in camp san saba latvia in one minute and eight seconds +add fabrice morvan to folk for kids +book the cityzen for six people +give the story of the last thought a five +i need to hear some music from spotify +i want to hear the album insult to injury by narayana tirtha +add julian taylor to my latin dance cardio list +add when ice met cream to this is alejandro fernández playlist +play the what i need to do soundtrack +four out of 6 stars for special assignments +play the most popular soundtrack by elena paparizou on youtube +i need to book a restaurant for eight nearby limerick one year from now that serves jerky +rate the current novel 5 stars +what time is just around the corner playing +book a table at a bar in moody for deloris ester and petra alvarez +add this track to latin jazz +i d like to watch films at the closest movie theatre +i want to book a table for a party of 4 at a taverna next spring +play music by don cherry +rate renewable electricity and the grid one stars out of 6 +add madman to trap land playlist +give me the schedule for what a wonderful place at cinemark theatres +book a reservation for a restaurant in wadsworth with parking +find a cinema nearest showing twilight of shadows at breakfast time +play supernaut by armand van helden +book an outdoor restaurant in md at 11 pm for 8 +will there be a blizzard in woodmere +asiate restaurant in sturgeon for 7 +what movie schedule are in the area for animated movies +what films are playing at 1 pm at showcase cinemas +play elysium from ryan cayabyab +rate this chronicle a 0 +where can i find the ricky skaggs discography +book a spot at colony +add rmx works from cyber trance presents ayu trance 3 to judy s sophisticated dinner playlist +get me a reservation at a brasserie that serves jain in pinto +please search the songs for the deaf video game +find a reservation for a tavern that serves pizzas for a party of 6 +what s the weather supposed to be like in elmer city +i d like to book the best restaurant in as +play music from my relentless playlist +i give song of solomon a rating of one +i need the book titled lullaby of broadway +movie schedule for animated movies in the neighborhood +can you add don moye to my pop playlist +play some fun-punk +what films are playing at the nearest movie theatre +i d like to see movie schedules for animated movies around here +rate 3 out of 6 points to darkworld detective +rate this book three points out of 6 +what pacific theatres are playing animated movies +play the ricky wilson album spectral dusk +can you find the novel stoneage romeos +show the trailer of rugrats go wild +rate the current essay a one +will it be warm in kipp rhode island one hour and 9 seconds from now +rate the life and loves of a she-devil two stars +i d give the jewel in the crown saga four of 6 stars +i want to send music to ann s lists from sir john winston ono lennon put it on her infinite indie folk list +book a top-rated restaurant in milton-freewater +where can i listen to the song the imposter +book a spot for six at a restaurant in nj +play christina milian latest music +i d like to add this whole album to the selektor +i need fast food for nine within the same area as bowers that has a pool nearby on 4/17/2033 +add track to my peaceful piano +find the fields of sacrifice movie +add ojuelegba to trabajo ritmos dance +will there be a cloud in the sky in 175 days from now in golconda in vt +book a distant restaurant that serves blini on 103rd st for 6 people +what is the forecast for here one second from now +the current novel in this series gets zero points from me +add anson hu to my conexiones list +play me a mel draisey tune from the fourties with vimeo +book me a lunch at boreas for a party of 8 +add ronski speed to sweet soul chillout +can you play a chant by butch trucks on spotify +show song black heart white soul +play the top maynard james keenan +add megon mcdonough indie songs for slackers to my playlist artist +play music by odd nosdam +is thenaruvi playing at the douglas theatre company in one hour +add nib to fay s brooklyn beat playlist +give three stars out of 6 in current essay +give 5 out of 6 stars to creatures of light and darkness +incorporate time warp into my fairy tales playlist +play my de camino playlist +play any nineties music +find un weekend da bamboccioni +play a top-ten chant by kelly groucutt from 1964 +is it chilly in curacao +add artist to ina s 2010s smash hits +will there be hail in 8 minutes in iroquois ma +play a cohesive playlist for me +what s the weather forecast close by sligo +book a spot at a restaurant faraway from 138th st +play movement music by monk boudreaux on youtube +please show me the picture history repeating +is the kiss playing +find me a table for two at seven somewhere in australia +book a food truck for greek food for 7 +assign 5 stars to lincoln at gettysburg +rate the wild boy series 3 out of 6 stars +play sweet shanghai devil by teddy diaz +find the movie schedules for animated movies in the neighbourhood +book a pub with a pool in white heath south carolina +what will it feel like on oct 21 in ky +add this track to my tropical morning playlist +add don and sherri to my meditate to sounds of nature playlist +i would like this song added to my princesas indie playlist +add afdlin shauki to la mejor música dance 2017 +book reservations at a north indian bar for 4 people +what is the overcast forecast for midday in id +is the weather overcast here and now +what time is a ball at the anjo house playing +play a 1983 ballad on groove shark +let me get reservations at a place neighboring indonesia on august the nineteenth +the current essay only deserves one out of 6 points +book me a restaurant in henlopen acres for a party of two +i would like to book a fry sauce bar for jul 3 2019 +what is the forecast for freezing weather here +i would like to book a food truck for my friend and i +what time is do sher playing +play me a song from the sixties +me and deanna want to book a restaurant in malawi +i would like to book a restaurant neighboring lincoln beach +show the movie schedules at mjr theatres +find me a nice restaurant in mulvane +need to book a restaurnt for a party of nine on thomas jefferson s birthday +add ace hood to the this is aretha franklin playlist +add no secrets to power gaming playlist +the book choper coffee gilson should get a zero +rate this book a five +book a reservation at a restaurant nearby their airbnb +rate gray mountain a zero +rate this novel zero out of 6 +find a photograph called wild cats on the beach +book a table for ten people at a restaurant which serves snack +what is the weather like in roeland park guadeloupe +find a movie schedule +add this album to my de camino a clase playlist +find a saga called story of my life +play strength of street knowledge on groove shark +find a novel called best hits live: save the children speed live 2003 +book for 10 in a restaurant +rate the current novel a 3 +rate atop an underwood: early stories and other writings 0 out of 6 stars +find a movie called dorothy and the witches of oz +put a track by ricky martin into my 70s smash hits playlist +when is beneath the harvest sky playing +will there be a cloud next year in kewanee +i want a list of films that are going to be shown in the neighborhood +play some chanson music +find the schedule for movies at star theatres +play satire +give the neon bible three stars / 6 +find the valentyne suite +add an artist to my hype list +weather for september seventh 2039 in salinas river national wildlife refuge +i give hadon of ancient opar two out of 6 points +how is the weather in mount olivet +play some rockwell from around 1996 +play maggot brain by albano carrisi +show me the the defenestration of ermintrude inch tv series +book a restaurant close by downtown for nine in seven months +lets go eat in friday 43 days from now +book a table for 2 guests at a restaurant in lazy mountain ny +play record from the seventies +what s the weather looking like in reklaw at 03:19:13 pm +there is warmer at serenada +play the best song by henry rollins +will it be snowy in parnell +play mikazuki sunset +rate over the edge a three +add knocked out loaded to the spring vibes playlist +find the movie shake your spirit +add tunnel rats to my rhythm and blues playlist +book reservation at the big chill cafe in ar for 10 people +play andy white +play some music from the sixties +play heavy machinery by phil spector on zvooq +show book name straight no chase +i need to book a restaurant for seven people at elevenses seafood restaurant +show me the films currently playing at the nearest movie theatre +can i hear the song visual audio sensory theater +book a restaurant for cupcakes for ten +what time is the bride wore boots playing +use last fm to play artist kawabata makoto from their record +add kasey chambers to my political punks playlist +rate mandela: the authorised biography a one +i am rating this book called nuclear war survival skills zero stars +will it be snowy on january 26th in trentwood illinois +rate the book post office four points +play a melody by shada hassoun +book a table for 3 at a top-rated restaurant +play something from the twenties +add an album to my list clásicos de fogata +how much hotter will it be here tomorrow +i d like the weather forecast in gang mills four years from now +give the decoration of houses 1 of 6 +play genre opera +find movie times nearby for animated movies +add track to punk essentials +add artist john william boone to my life s short play fast playlist +rate the current essay 5 of 6 +add mc ren to my it s a southern thing playlist +find the loving spirit +book me a reservation for the brazen head in hecker +i would rate this chronicle zero and a best rating of 6 +play a 1983 concerto by ayaka on itunes +i want to give panther in the basement four points +i want a reservation for 11:16:07 at the fort in south carolina +is it due to rain in mh +i want to book a cafeteria in el reno that serves javanese +book a table at an indoor restaurant now +put sleeping with ghosts into my 90s indie playlist +play new music by elmore james with google music +add revolution revolución to my political punks +play the latest joan baez +showtimes for the films at santikos theatres +i need the movie kids in love at the movie house +i need to book a pub for 8 that has wifi +add harry j to my dubstep dangles dirty +rate the current album 3 of 6 stars +what s the forecast for fort payne american samoa this march twentieth +tell me the weather forecast for september 21 2030 in palau +is it chilly on oct 19th in il +add this artist to blues roots list +this current book deserves 1 points +play music off youtube +this horrible essay gets zero out of 6 stars +rate the art of struggle 3 +where is journal of geriatric psychiatry and neurology +add artist to my broken heart +does the forecast show a storm in maquoketa nh around july sixth +add bashful brother oswald to love moments +rate the current novel three points +find the movie schedule +i want watch the sun and the moon +rate this book called kings of the high frontier four points +can you tell me the weather forecast for three o clock in de +add first issue to my your favorite slaughterhouse playlist +does the yacoubian building start at 08:39 pm +rate the book the scorpio illusion a 4 +add dark days in paradise to my gym playlist +what is the weather going to be like on st patrick s day +show weather forecast in as +i am looking for the tv show titled catchphrase +give a 1 to a thousand lies +i am looking for a work called carry you home +what is the forecast next year in mcgee +i want to take nine people to a diner close to the spa +show the last tightrope dancer in armenia television show +add a track by flesh n bone to my totally alternative playlist +give me the movie schedules at showcase cinemas +tell me if the forecast will be temperate around nationalpark doi suthep-pui on 4/15/2034 +info on show natural language and linguistic theory +book a bar for six on july eighth 2023 in the same area in equatorial guinea which serves rillettes +add manos hatzidakis to lo mejor de los 00 s +find trust in the lord – live worship with don moen +where is the nearest cinema that has southside 1-1000 +find the schedule for the pearl of cleopatra +rate the current album a zero +find a video game called fare thee well: celebrating 50 years of the grateful dead +what is the movie schedule for today +show me the dresden weather forecast +play pandora christian gangsta rap +play music from the thirties +play only hope by graham bonnet +give me the weather forecast for the city of woburn +i want to find a highly rated delicatessen in childersburg de for one next february +need find the book called hollywood connection +book a table for two in oklahoma +show creativity of accident analysis & prevention +my jazz for loving couples needs more push the button +what is the forecast for wren for freezing weather +rate the book white girl bleed a lot only two points +can you please find me the biggest loser brunei: the spirit of life photograph +i d like to eat at a popular diner +show movie schedule of the big mouth +is the young guard playing at the closest cinema +use the service itunes to play melody from 1998 +give the current book 5 out of 6 points +rate the current novel one points +please put this tune on the irish folk – jigs & reels playlist +will it get hotter around elevenses in ks +find episodi di south park a trailer +add tim ryan to my grime shutdown playlist +rate the current essay three of 6 points +for the saga magic in ithkar 2 i give two stars +what s the weather in south punta gorda heights +i want to give the current novel zero points +add billy martin album to my legendary guitar solos playlist +what time does the next movie play around here +play something from 1971 by john bonham +find movies that are nearby +give one star to the indestructible man +play the last track by shavo odadjian +play some carmen mcrae from ed robertson off of itunes +i want to eat in 19 hours at nm +need a table for a party of eight one hour from now in exira sd in a pub that serves oysters rockefeller +rate phoenix: the fall & rise of videogames one points out of 6 +will it rain on jan 18th 2029 in kanopolis arkansas +what movies are playing at dipson theatres +i need a party of two reservation faraway from atlantic av-barclays ctr at a spa for fast food +i this this current essay should be rated a three +find the love and war soundtrack +book a spot for 9 at a churrascaria that serves ammonia cookie in volga +please place tim wright s track onto the queen playlist +for my playlist wild country add a great day for freedom +show force of nature +what is the forecast in lono +find the nearest movie theatre with movies +play my trabajo relax playlist +rate the current album two out of 6 +i want to add no mystery to alejandra s acoustic love playlist +find clash of the codes +book a restaurant for tortelloni for eight +add the rough guide to the music of eastern europe to my this is philip glass playlist +i want to eat somewhere that is faraway from iowa +play el cant dels ocells by vini lopez +search for television show windows live tv +for my playlist latin pop rising add aira yuhki +where can i see travelling light +what is the forecast at 12 am in sudan +what are the movie schedule for the movies in the neighborhood +i want to see the movie schedule for north american cinemas +play some seventies songs from luke haines off of youtube +show me the tivington nott +add chong nee to my spread the gospel +book a party of 4 at eddie’s attic +find a show called lipstick vogue +please find me the work earth intruders +can i give the book the saga of seven suns a four out of 6 stars +rate people of the lakes 2 of 6 +i would like to book a bistro for 7 +show creative work of through the back door +give this current essay five out of 6 stars +i want to book a churrascaria restaurant for ten people +will there be rain today in greece +book a breakfast in a restaurant for eight +show me photoscape +please add george nooks to my electronow playlist +rate six months in mexico 1 out of 6 +what aree the weather conditions not far from poneto +what movies are playing at the closest movie house +add the track by paul gray to my 2010s smash hits playlist +book a reservation for leticia melva and twila edwards at glassy junction for five pm within the same area of our secondary residence +where the sky meets the land time playing +add a tune to patrica s playlist the rhythm +schedule the food truck to be at your place in the distant future +will the sun be out close-by admiralty island national monument +add track to my cloud rap +book a bar close by with a smoking room in ma +give this saga a 5 out of 6 rating +i want a mi lu bing song in my pop dance playlist +play me a sound track by bert mccracken on zvooq +book me a restaurant at sint maarten on sun +give who 1 out of 6 stars +book a carolina style restaurant in north korea for my grandkid and i +put new page onto my latin jazz playlist +find a television show called i got a bag of my own +give this book five / 6 points +can you get me the all night long 3: the final chapter novel +add joelia savitsjeva in 88 keys +find a place for me to eat in connecticut for 9 and a half months from now +find a song called bronco billy +find my only wish in some form of creative work +play the tv show iron seed +can you add some morton feldman piano and string quartet to my global funk playlist +when can i see the crew of the dora +book a table for my granddaughter and i at the highly rated restaurant that is close by in tuvalu +i m looking to find kiss me goodbye +what time is 30 days of night playing +how is the weather far from my current place in 42 weeks +book trentino serving bar for 4 +can i get the movie times for the newest movies around here +what is the 10 pm forecast for sweet springs wyoming +for the saga leaves from the inn of the last home i give the rating of 1 +what will the eather be here next year +can you give me a local and current movie schedule +rate the current essay a four +when this evening is casa amor: exclusive for ladies playing and where +what will the weather be like in samoa at 6 pm +weather at bystrzyca valley landscape park +find time for the movie schedule +will it be cold in chatmoss albania 8 years and a half from now +play the video game the sparrow +lets hear some 2009 music +can you get me seating for a party of 5 +i want to watch the tv series krieg in chinatown +book me a bar that has chicken fried bacon in vermont +play on my own +give twas the night before christmas 0 points out of 6 +what s the weather in the u s virgin islands +find me the movie schedules at fox theatres +play something from the twenties on lastfm +when can i go see the untold story +would like a table right now for leonor mendoza imogene and lisa sanchez +what is the tal chhapar sanctuary forecast for cold weather +what s the closest movie theatre that is playing films +add dave bickler to my all out 90s playlist +play someday soon by fiona +add what child is this to dark dance floors +can i get the movie schedules for landmark theatres +search for the nations +i want to give think like a freak one stars +i want to book a table at the commons restaurant in south pekin new hampshire for a party of 10 on january the 24th +put this album in my fiesta section +i need a bar for four that serves argentinian in d iberville wy for twelve pm +book a gastropub serves waffle for 8 +i would rate this novel a 5 and a best rating of 6 +play out from under from hurricane chris +show schedule for cin cin +find national amusements showing the sea is behind +help me locate a game called the master of ballantrae +play some chanson style music +can you book a table for eight people at a spa type restaurant within walking distance of the metropolitan borough of lambeth +i need a reservation in decaturville for six people +can you play me the latest theme song by warren vache +is the start eim 23 hours twenty one minutes and one second from now for morgan – a suitable case for treatment at santikos theatres +my disco forever playlist needs an album by sawai gandharva +add the happy elf to my fresh finds fire emoji playlist +play the album killer instinkt +show me the movie times at star theatres +whats the nearest movie house showing animated movies +play some folk tunes +play asia nitollano using itunes +can i see the movie schedules +book a neighboring food truck with a spa in dallesport for 4 people +find time for films at the nearest movie theatre +i want to go to the pub with angelita susan reed and ashlee watson after us parking +give one out of 6 to encyclopedia magica chronicle +rate the current novel 3 of 6 stars +add this artist to cynthia s fresh finds +book a spot for 9 in thirty three days at ringlestone inn close to grenada +is it chillier in baconton ky +how will the weather be in new mexico around 00:09:07 am +play the 1951 ballad +show me the closest cinema playing movies +give the hover car racer chronicle two of 6 stars +please fine me ties that bind +put this artist onto political punks +add histoires sans paroles to my women of k-pop list +play eve +book a restaurant for 5 people +add stephen mcnally to confidence boost +play music from the track she came in through the bathroom window +give the snows of kilimanjaro 3 stars +find a television show called main street +this album is rated at a 0 out of a possible 6 +add this tune to my dance playlist +i d like a table for my step grandfather and i at five fifty-five in nv +what time does lilacs in the spring play at the closest movie house +book a restaurant that serves meze in roseville fl with meredith louisa and corrine +nightwork soundtrack download +i d like to see confessions of an indian teenager +play my 88 keys playlist +where can i find the tv show of the school teacher in the house +i need to hear the new kevin fowler album +i m rating the book tomorrow two out of 6 stars +what s the weather in blackman jordan +add this song to year in metal 2016 +can you get me seating at a pub in south korea that serves milk toast for supper +play eighties music on groove shark +use spotify to play music +i need to book a popular pastelaria restaurant in svalbard and jan mayen for a party of eight +what time is between tears and smiles playing +will it be cloudy not far from allenton +show the tv series the merry sisters of fate +i want to make a reservation for a group of 4 at a churrascaria type spa +i need work of father dearest +play me a popular ronnie wood soundtrack +book reservations at a nearby restaurant in montenegro for four people +what is the movie schedule at the fox theatres +play ciribiribin by sandeep khare +rate this saga 0 out of 6 +play something from the jonathon lee movement +play the song aura ii: the sacred rings +i want to make a reservation at a sushi restaurant +what is the jan 8 forecast for here +rate the art of nijinsky 5 points +rate my current novel one stars +add an album by m g sreekumar to my laidback acoustic playlist +i need a table in iron gates in one minute at the weathervane restaurant +add ronnie james dio tune to women of electronic selection +what is the movie schedule for animated movies in the area +play my femme fatale playlist on vimeo +what films are playing at the closest cinema +what movie theatre is palying the hurricane five hours from now +show me the movie schedules for the nearest movie theatre in invasion u s a +put this tune on all a cappella +rate this textbook 4 out of 6 stars +find me the karl hess: toward liberty photograph +give the current series four / 6 points +find a movie theatre with life and death +find a picture called blink of an eye +what will the weather be at ten am in fourche nv +add one and only to my once upon a time playlist +i need a table for 5 at the restaurant i ate at last oct +listen to ballad songs from 1999 +play a song from 2013 +rate eight days of luke a five +play some music by jody williams from 2001 +i am looking for the complete fillmore east concerts +another girl another planet gets only one of a possiable 6 rating +rate the current album a 3 +is there a cloud in the sky in thornville on feb fifth +i want to hear music from 1975 +what are the movie schedule at malco theatres +play a tune by mc hawking +what s it feel like in north gulfport +play fourties record +table for 6 at a bar +book a table for 1 1 second from now in adelaide +play are & be +add shawn camp to my soulful disco playlist +what s the weather forecast for winnfield georgia +need a table at a highly rated restaurant within walking distance from downtown for luisa and i +play some music on lastfm +book a brasserie restaurant in enfield north dakota for rosie and i that has tarte tatin +table for 5 am at baker’s keyboard lounge +what s the weather forecast in humphrey +give physics of the impossible four points +rate peter and the sword of mercy 3 of 6 stars +play a track from 1985 +i give the road from elephant pass four stars +forecast for 02:22 pm maldives +book reservations at a tea house with esperanza and tommie now +need to book a restaurant in pa in the city of old orchard beach +add diarios de bicicleta to my la la playlist +give the rosales saga 2 of 6 +please get me the critical condition show +show me animated movies with movie times close by +book me a restaurant in cyprus at a pub +what are the showtimes for beware the blob at plitt theatres +show me the schedule of movie interview: the documentary in loews cineplex +give me the movie times for fox theatres +the next essay gets 2 out of 6 stars +i rate this essay a two of 6 points +can you tell me what the weather is like at sam d hamilton noxubee national wildlife refuge +add 21 at 33 to the playlist called wake up everybody +what s the weather like in mountainair +where can i watch hank williams: the show he never gave +what is the wauseon forecast +tell me the weather forecast for roseburg iowa +book a table for kirsten price audra and i faraway from our location at an outdoor taverna +i need a reservation for two at a diner in venezuela +let me hear the rave tapes album from yuki koyanagi +find a photograph called cope park +rate small screen big picture a 0 out of 6 +show me born in america +i give this textbook a 5 +this current book should get four stars or a rating of 6 +is it warm in vallecito +what is going on with the weather far from my current location +i want to listen to the soundtrack adobe digital editions +find the album the peace-maker +add this tune to my fresh finds hiptronix playlist +will be it cloudy close by azerbaijan in 55 weeks +is it going to be warm here +give this textbook zero out of 6 +give the current part of the saga 4 points out of 6 +book a reservation for louisiana fried chicken this winter in taiwan +find animated movies around here +find and book me a taverna restaurant in gilluly that serves lobster newberg +book a popular food truck in kentucky +add tarkan to my madrugando playlist +book a brasserie with parking for 1 +forecast for 11 am in nauru +play some music from 1958 on deezer +will there be a blizzard next friday close in tn +find a show called the paper route +add the album to rosanna s ejercicio playlist +rate the which moped with chrome-plated handlebars at the back of the yard saga a one +find a tv show called directions home +i need a reservation for next week with a party of six +rate the current book 1 points +book a restaurant at a steakhouse around in town that serves empanada for me and my son +find me the nearest cinema that have movies starting right now +play leanne dobinson right to dream +a rating of 5 of 6 points goes to dickson mccunn trilogy +please book seating for one person at an indoor restaurant that serves breakfast in nicholasville tennessee +book a restaurant in everson nevada that serves conchiglie for two people +play a melody by hagigat rzayeva +i rate the current saga 0 points and a best rating of 6 +book a restaurant in papua new guinea for me and my daughters +i want to hear some the roches +please open pandora for me +book an outdoor place for 11/1/2033 in town within walking distance of a brasserie for nine +play me a ballad by dres on groove shark +please put the artist matt mckenna in my this is shakira playlist +i need seating for ten people at a bar that serves czech cuisine +i m wondering when i can see hurry sundown +find me the tv show the first bite +what s the weather in mayotte +rate an act of terror 2 stars +when is girls just want to have fun playing at the movie house +want to see the trailer for the prefect +book me a table at the restaurant at meadowood within the same area in kentucky +weather forecast of lakebay +can i get the showtimes for the closest cinema showing i’m a cyborg but that’s ok +i want to book an oyster bar for five people +find the trailer for hit the ice +play brenda kahn s rushall station +for the book the conduct of major maxim i give a five of 6 rating +play a 1974 sound track on vimeo +find the schedule for movies at southern theatres +i want to eat ice cream at a brasserie with me and my mother in law +book a reservation for four at the best brasserie in venezuela +add an album in guitar hero live playlist +let me get reservations for a party of three at a bar with a pool +find the tv series from the top +book the crown at whitebrook in ri for 2 people +add this song to country coffeehouse +book a reservation for one at a highly rated restaurant in datil +play theme music from 2011 +find loved ones for me +give the crisis one / 6 points +play some seventies music on netflix +play thelma aoyama s latest concerto +play any chanson +add contact to my nu metal playlist +what will the weather be in port costa fm will it be foggy +weather in cairngorms-nationalpark close from freezing +play the galway races on netflix +play there must be more to life than this +show me the soundtrack the phoenix +put limey onto my this is astor piazzolla list +rate the current novel 5 of 6 points +rate this novel a four +what s the weather going to be like in angola twenty minutes from now +book a spot for 9 at dinner in the sky in sc +can you please find the notebook of trigorin game +rate the current book zero of 6 points +plkay some sixties movement songs from itunes +is the passion of anna playing four seconds from now at the cinema +i d like to see the river of stars tv series +add the tune by misato watanabe to the trapeo playlist +include when i paint my masterpiece in my acoustic spring playlist +find the movie times for animated movies around here +find returned to your mind +what is the weather here +add lunacy to my chill out playlist +check the weather for faroe islands +add this tune to retrowave outrun +find a cinema for the tenderfoot nearest me +can you get me the rakuen tsuihou: expelled from paradise television show +find the game saturday review +i need a restaurant that can accommodate a party of ten in avant +will it be sunny in my current place at 6 am +please pull up the trailer for stares and whispers +rate voyages by starlight a value of 0 +please find me the platinum box ii song +play a 1978 track on slacker +give ma list of films at harkins theatres +weather for five am in osyka bhutan +what time is the queen of moulin rouge playing +add the keep your receipt ep to my digster reggae playlist +find me a table for 1 at a restaurant with a pool at 3 am in hitchcock fl +what is the movie schedule for the pacific theatres +show creativity of a catholic education +i d like to see the movie the ooze +go to the tv series love berry +add classic punk by chab +find the movie schedule for amco entertainment 1 minute from now +what is the weather in taiwan +where the the housemaid playing and when +add lene lovich to my track radar latino +please give me the movie schedules +rate the current essay 3 out of 6 points +find a reservation for three at a top-rated restaurant +please play music from itunes +can you rate this novel as a four +put this album on r&b movement +show creative photograph island in the sea +add top 100 indie tracks on spotify to my track +can i have the movie schedules +add house afterwork to my the cave canem demos +give the current novel 5 points +show creativity of book future of the past +ad this track by isobel campbell to my folk for kids list +find a picture of music hole +what will the weather be like at 3 am in trinidad and tobago +add this tune to this is nicky jam +add trina to latoya s hillary clinton s women s history month playlist +what is the nearest movie theatre playing kate y leopold +find television show on windows live tv +play a trailer for give it all +i want to give the current textbook 2 out of 6 +find me animated movies at amco entertainment tomorrow +will a blizzard hit torrey pines state natural reserve on jun sixteenth +give beauty is in the street three out of 6 stars +i d like to eat at the best southeastern brazilian restaurant with five people +will it get chillier in north creek forest +is the forecast chillier in 1 hour in mali +add radhae unakku kobam aagathadi to my women of metal playlist +play a new song from 1976 +find the novel a hat in time +pull up the movie toy and help yourself +find the schedule for idols of clay at a movie house +give the council of dads 1 out of 6 stars +i want an indoor restaurant for a party of five in columbus junction +what is the weather like in wallis and futuna +will it be cloudy in guadeloupe next year +play songs by gamble rogers +i d like a restaurant on 6/1/2027 for 5 people in iowa city +find the sarah the teen princess game +i want to listen to the album magical girl lyrical nanoha strikers +add geschwisterliebe to my string theory playlist +will it be warmer in poplar bluff +add hey johnnie cope are ye waking yet to year in metal 2016 playlist +put the frl menke song in my comedy top tracks +4 points for four upbuilding discourses 1844 +book me a reservation for 6 at a highly rated pub +search for video game the sky is crying +rate the current series 1 points +rate this essay 3 out of 6 points +please add the singer valery kipelov to the perfect concentration list +book a table for my great grandfather and i at a place in booker ak +add this track to clásicos del hip hop español +stacy watson and adriana want to go to the best osteria in hallowell minnesota this afternoon +what time is the daring dobermans playing +play courting the squall on slacker +please add secrets of the alibi to the playlist called keep calm +is there a blizzard coming tomorrow in methuen uganda +i need a reservation for a restaurant now with a party of 9 in hilt +play the seventies album on last fm +the book organization of behavior deserves two points +what s the weather forecast in the same area of me on apr 20 +forecast for morse shores kansas +find movie schedules +what s the weather forecast for seychelles +find the soundtrack titled this side of paradise +play a movement from top-20 1983 by baruch chait +book for sherry and concepcion in nunam iqua at the best restaurant +play expresión from mickey finn +book a restaurant on san jacinto day in anderson for me and my colleagues +play the most popular chant song by hossein alizadeh from around 2009 +please look up the power and love movie +what animated movies are at cobb theatres +find the hopeless romantic photograph +rate the glory season three stars +find what movies are showing at the nearest movie house +what movies are close by +play still life 1 +play something by holly cole on lastfm +which films are playing close by +show me a forecast for malaysia +what is the forecast for hot temps in kuwait in augusta springs +what is the movie schedule near me +put this album by mike tramp on deathcore +what time is company men showing +i give this essay three of 6 stars +what s the weather forecast for baker city +when is the stain playing at loews cineplex +book a spot for 3 at a bar in antarctica +is it hot in wind ridge guam +give this book one star out of 6 stars +find the news at seven-thirty photograph +book restaurant for party of 7 at a pub in ford heights +what time is death nurse showing +please get me exploring the reef tv show +play inside the eye by twinkie clark +add a song to ultimate indie +rate heath ledger: his beautiful life and mysterious death 1 stars +play eighties music by kaira kwong on google music +will there be a blizzard in oregon +tell me the weather forecast for niue +what is the movie schedule for animated movies playing in the neighborhood +find the movie schedule for animated movies in the neighbourhood +lets go to a bistro in sd +i would like to book a tea house at 08:05 +add raisins secs et amandes to this is new edition +book a spot in netherlands antilles +what is the weather in shenandoah heights montenegro +what s the weather close to cambodia at 05:44:13 +i want to hear eighties music by noko on deezer +play a movement from the nineties +what is the movie schedule for any films playing close by at sunset +play anything from hiromitsu agatsuma off iheart +give the current novel 4 of 6 stars +rate this series 0 of 6 stars +give the current series a one +can you find the soundtrack for fast food nation +play steven reineke greatest soundtrack on youtube +what are the movie schedules +i would like to hear a song by tim reynolds +find the schedule for films at cobb theatres +will it get windy close by here +rate this book titled the silver chalice a 1 +add frank beard to my latin pop classics playlist +rate the principle of hope 1 out of 6 stars +i need to book a reservation in searsport at eleven am +what s the weather forecast for tn on december seventh 2026 +take me a top-rated restaurant for nine close to westfield delaware +what is the cheapest online price for the instincts saga +add big generator to my country icon playlist +find movies at amco entertainment starting in 8 seconds from now +give me the movie schedule at santikos theatres +book a table at t-rex distant from halsey st +give miso soup a rating of one points +go to your heart belongs to me +play 1958 music on iheart +find the steady as she goes saga +will it be warmer at 15 o clock in deepwater bonaire +book a eastern european cuisine restaurant in midday for four in meers mp +what time is achilles and the tortoise showing +search for a photograph of road hogs +i want to add sin rencor to my playlist entitled te quiero +book a spot for one at the wolseley at elevenses +play fey s album diamond head on zvooq +tell me if it ll be humid in ga one minute from now +show me the movie schedule for neighborhood cinema group + book a restaurant in el salvador for 10 people +will it be overcast during meal time in nh +when is the blood of others playing +play some ven a mi +play regulate…g funk era by artist iouri bachmet on groove shark +what is the foreast for my current location +will it be hotter in pruntytown rhode island +i rate this essay 5 of 6 points +can you play some weird music from the noise genre +can i get the the showtimes for the jade faced assassin cinema +play the home is where the music is tv series +i want to add aprite le finestre to my playlist entitled this is earth wind & fire +show creative trailer of the sword of the lord +play pura vida +is there going to be any rainfall close to windber in 365 days +i need the weather in nd in three hundred fifty one days +where do i see the trailer for live dates +when will the honor of an outlaw be showing +weather for noon in ca +show the movie schedules at kb theatres +play some laurie anderson +i d like to eat at a taverna that serves chili con carne for a party of 10 +i m looking for the song called standing for something +will it feel nice here or within the same area +add track to afternoon train ride +please fine me worms clan wars +add gregg bissonette to my us latin top 50 playlist +when is one by one playing +i rate the book creature in the teacher 3 stars +find a saga called night life +will it be overcast at lunch time in saint vincent and the grenadines +what is the weather like at emma wood state beach +book the middle east restaurant in in for noon +find the album titled spasmolytic +play me a fifties song +can i get the movie schedules for landmark theatres +play contigo en la distancia +what are the weather conditions in patagonia south africa +play the music of melody of 1997 in itunes +warmer condition in haiti south otselic +look for global clubbing: the netherlands +is there a storm in new mexico in fort sumner +please put this song by nas in my hype playlist +what time is sontha ooru playing +add song to my pop brasil +play cherry pink by trapp mendoza on iheart +find a book called the polish bride +i want to rate nathaniel fludd beastologist 1 out of 6 +how much snow will we get this week in massachusetts +add a tune by alex gaudino to my the new waltz playlist +i d rate days of blood and starlight a 4 +tell me what the weather is here +rate the plot to save socrates one stars +i want a table for 2 at a restaurant late at night +give four out of 6 star to this novel +what s the forecast for ks for jan first +make me a reservation for a party of 2 +play a tune from 2000 by bronislau kaper +book me a restaurant that is close for four people in enid +play always pop punk +what is the forecast for hot temps at bowman bay wildlife sanctuary +i would like an outdoor cafeteria for 3 +book a restaurant neighboring il for me rachelle and wilda +make me a reservation for a party of eight in ledoux +add this artist to my garage jams +book a table for two for this autumn +add impossible is nothing to spa treatment +i have a party of 8 and we want to go to a restaurant that serves croquembouche +rate this current album one stars +what s the nearest movie house showing women who fall by the wayside +what is the forecast for harrison–crawford state forest +can i watch the sound of war in thirteen minutes at the nearest cinema +give me the weather forecast for somiedo natural park +find the schedule for wenn lucy springt now at a movie theatre +on april the twenty-seventh 2022 i d like to make reservations at a spanish diner +what movie times +what s the weather forecast for here +find the novel the last of sheila +i want to eat a highly rated breakfast restaurant +please look up two more years soundtrack +play a top five jonny buckland symphony from around 1989 +find the movie you must first learn to draw the real +find blood and bones +what s the forecast far from here in turks and caicos islands +open lastfm and start playing whatever +please show me the movie schedule for today +please book reservations at a restaurant that serves empanada party for three with betty and dolly +show me the movie schedules for santikos theatres +play the top-twenty tune by masaharu fukuyama on slacker +find movie schedules in mjr theatres +put a l lloyd on gaming anthems +i m looking for movie schedule for films playing in the neighborhood +add no more sorrow to ultra metal +find a soundtrack called the woman warrior +play me a song from the twenties by randy bachman +play barry manilow from the twenties +search for the painting hess: a biography +book a table at the vortex bar & grill on alaska day in the state of rhode island +find me a table for four somewhere +what is the weather forecast in 2 seconds for south carolina +i d like to eat at an oyster bar with a pool +what will the weather be like may the 10th in rocky boy wi +i want to rate the obama syndrome zero of 6 +what cinema is showing ice station zebra at 07:25 p m +rate i capture the castle 0 points +add of rivers and religion to my sexy as folk playlist +how windy is it in anderson lake state fish and wildlife area +play the gary chaw album +play an eighties track +add this roy orbison song onto women of comedy +add a song to in residence metal hammer episode 6 +please book a restaurant in village green ca +what does it feel like in east cove national wildlife refuge +can i get a restaurant reserved in luquillo district of columbia +add robin trower to the medieval 50 spotify picks playlist +i want to rate pontypool changes everything a zero out of 6 points +what s the weather in gabon +give the current essay a 1 +i need chapter one of the show get it for me please +give the current album 2 out of 6 points +play something by chris knight +i need a fast food restaurant that will seat two in a smoking room +please add this song to my llegando a casa palylist +rate this essay a four +i need a reservation for maid-rite sandwich shop in home gardens +play the last chris douglas on slacker +please book a table for four at a restaurant in tn +what local movie house is playing beat the drum +play me a 2015 soundtrack on netflix +turn on last fm +what is the weather like in texas +will it be freezing close to my current location +play a top 50 tune from the twenties by willi williams +book a table for 8 in china 16 hours ten minutes and one second from now +add brad kane to the pumping iron soundtrack +this essay deserves 0 stars +book a spot at an indoor gastropub in ny +rate my current essay 1 out of 6 stars +i want to hear box of rain by skeets mcdonald +give 3 star to this essay +please search for all the lovers trailer +the book the gardens of the moon deserves only 1 stars +give power of faerûn two of 6 +search for the show the caretaker +can you add through the darkness they march to my once upon a time playlist +i want to rate this novel three out of 6 +please find the song house of wedlock +can i have the movie schedule for right now +play sunshine reggae on youtube +play cheerful playlist +add live from aragon ballroom to trapeo +find the movie times for films in the neighbourhood +when is sins of the fathers playing +give the current textbook 1 out of 6 stars +play zvooq southern gothic +please play a song from the thirties by peter murphy on last fm +i d like to book a restaurant that serves pôchouse in rocksprings +closest movie theatre with no time for sergeants +weather for apr the thirteenth in djibouti +find the movie schedule +the revolution script should have a rating value of three and a best rating of 6 +i want to know what movies are showing at the nearest movie house +book me a table for 4 in a restaurant in united kingdom +include love love love in the dinner music playlist +find the game a russian beauty and other stories +play shoo on iheart from greatest record +play music from 2015 +is it hotter close by waubay +tell me the weather forecast for my current spot +find a tv series called the golden hits of sandie shaw +play a song by fats waller +play my jazz brasileiro playlist +i think the turbulent term of tyke tiler is a rating of 3 +add track to my las canciones más lindas del mundo playlist +add lil armstrong to my adrenaline workout playlist +play songs by sammy fain +book the great house at sonning distant from gun hill rd +show creativity of the album saga +show creativity of diamonds in the rough +find confusion bay +call for a table of 3 at the tavern on the green in south farmingdale +my timeless love songs playlist should include viderunt omnes +what is the warm forecast for newburyport new caledonia +i want to be main deli steak house near hendley +find attack surface analyzer a painting +please shoe me the movie schedule for today +add this artist to my classic punk playlist +book a table for 2 at the seward community cafe within the same area in shabbona +find a photograph called the dickinsonian +i give the logic of sense a zero +show a family torn apart tv show +what movie theatre is showing titanic: the legend goes on +where is the closest movie theatre playing yo robot +is it chilly anywhere faraway from my current place +rate this current essay 4 out of 6 stars +is flow: for love of water playing at southern theatres at 2 am +show me the song 15 storeys high +i need reservations for a party of 8 within the same area at 01:48:35 at a restaurant in armenia that serves tuscan cuisine +what movies are playing in the neighborhood +where can i locate the show the return of mr moto +show me horton and the kwuggerbug and more lost stories +i d like to move the artist named matt walker to the playlist grandes unplugged +list animated movies at the nearest cinema +i want to play the video game miss castaway and the island girls +please book a restaurant for ten members near downtown at 20:38 +put artist harry burleigh on classical new releases spotify picks +find the carrousel saga +add this extended play to women s lit playlist +i want to book a restaurant now in ludlow for eight +movie schedules for neighborhood cinema group +i would rate this book a value of 3 and a best rating of 6 +please rate think like a freak 3 points out of 6 +play some amber kuo from the eighties on spotify +add chér to the still got the blues playlist +play humour +weather for jun ninth 2033 in san pierre romania +rate this current essay 1 out of 6 points +give zero out of 6 stars to smart girls get what they want book +the following essay is a two +play a movement fromthe eighties by nobuo uematsu +give me a link to the a little something for us tempunauts soundtrack +add tunnel of love to ethel s metal crash course palylist +play some glenn stetson music on spotify +play one way ticket by ray kennedy +book a spot distant from the neighborhood on the week-end +rate timeline of science fiction 4 out of 6 +rate darth maul: shadow hunter one out 6 stars +play me a 1974 tune on slacker +find at this point in time +i d like to listen to the song the natural farmer +i want to put land of the dead into my big daddy s booze & blues playlist +play me leonid soybelman on vimeo +book a cafeteria for 5 in turkmenistan +can you find the book beatmania iidx 10th style +play suite sudarmoricaine by afi on itunes +what time is the ladies diplomat playing +play the song gangsta by siavash ghomayshi +book a spot for one at a food court in riddlesburg +rate the gutting of couffignal one points +what s the weather in springside nature reserve at four pm +show more questions than answers trailer +find three in the attic +where is winterheart’s guild +this chronicle is rated 4 points better than previous +need to see if there will be fog +this saga is definitely worth 4 stars +find a tv series called when harry tries to marry +i need a table for one +rate the grisly wife three points out of 6 +will it be overcast in 1 minute within walking distance of oh +look for the nightmare on providence street saga +add peter banks to verano forever list +add el valle del jarama to my working day playlist +add this tune to the spinnin records top 100 list +rate the current textbook one stars +rate licence renewed a 4 +looking for liberalism and the limits of justice +add tune to morning rhythm playlist +book a spot for ten tomorrow at a popular vegan restaurant that is close to alabama +play soldier boy from melody gardot +what will the weather be ten minutes from now in canada +can you play music from 2003 on netflix +where can i find information on brats in battalions +is it going to be stormy in austin creek state recreation area at 09:42 +tell me what the weather will look like here at 01:50 +i need a reservation for five at a top-rated english restaurant in elma +can you tell me the movies playing at united paramount theatres +show me the animated movies starting at 10:56:18 a m at the nearest movie house +give this album three out of 6 points +will there be sun ten minutes from now in uintah +add janie jones to my indie pop +read the novel on-line encyclopedia of integer sequences +rate this series five out of 6 +find the now we are six saga +add the album to the psychedelic rock playlist +play the música da série de filmes o hobbit album by alex otaola +find a game called the oh in ohio +was the weather colder last august at stunt ranch santa monica mountains reserve +find the photograph hearts burst into fire +add little pattie track in nu metal +find and book a table in wv +what is the release date for the dvd called wild is the wind +play something on my classic jazz funk playlist on zvooq +give two points to one virgin too many +add another album to my keep calm playlist +book a pub for pepperoni near their house and not far +buy cannabis painting +play 1951 tunes +book any popular puglia serving oyster bar for 10 in jemez springs +add barbara to the metal xplorer playlist +play me a patrick cowley ballad +out of a possible 6 stars i give the princes and the treasure a five +book a gratin serving tea house in bushkill +book for 8 am in massachusetts for 1 +read the open ecology journal +tell me if there will be a snowstorm on sep the second 2028 in olpe +book a table at serendipity 3 in veyo for now +where is the nearest movie house that is playing sirivantha +add m-cabi to the playlist named pre-party r&b jams +add this song onto my playlist entitled chill out +give me the local movie times +play eighties track +where can i buy a used copy of the game called i lie around +find blood moon: year of the wolf a movie +find a soundtrack called i still believe in you +find the game gormenghast +i want you to add must b 21 to acoustic covers the mash ups +add totally stress free by bobby lord to my playlist +what is the movie schedule for movies in the neighbourhood +i need to book a table for five at the crooked house of windsor +play escapada +find the blood red sandman +what movies are playing in the area +reserve a table for 7 at a cafeteria in lafe city +rate book of the dead three stars +play the track the wizard and i +what is fantasy zone ii: the tears of opa-opa +i need to book a table at a fast food spot that serves slinger in pr +show the bean and the boys painting +please play different slanguages by fred labour +when will the flower and the angry waves be showing +rate my current novel one out of 6 points +give five stars to the general saga +find the schedule for blood orgy of the leather girls at a movie house +play music from the artist irma pane +i want to see movie times at neighborhood cinema group +add blue feather to the nature noise playlist +i need to get seats for me and my ex wife to eat in egypt +play music by ian haugland +give four star to current novel +find wintersong game +what will the temperature be at midnight in ne +i rate the variation of animals and plants under domestication a value of 0 +play some acapella music on iheart +where is the nearest movie house that is showing the kingfisher caper +find a picture called how much wood would a woodchuck chuck +add cake to bake to lo que suena new york +give one rank to this album +book a spot for 2 at a restaurant in pw +show movie schedules close by movies +add the tune to my house afterwork playlist +play songs by wise +go to the movie the best of pirates of the mississippi +play seven steps to heaven by wikluh sky +what is the weather forecast in ulen on mar 2nd 2035 +place this tune in workout remix +what time is high tide at noon showing +book a restaurant for 4 of us +play fereydoun farrokhzad best track +make dinner reservation for 3 people on june 23rd 2040 in blodgett +forecast for econfina +i need a place that serves smelt for a party of 4 preferably a taverna +can i rate the book my life in france not one but 6 stars +book reservation for 2 people tomorrow in whitewater +find google news +i need the forecast for hot in barbados may city in 1 year +i want to hear a nineties track by stat quo on deezer +what is the movie schedules for animated movies in the neighbourhood +please add moon river to my metalcore playlist +play music by helen ward +give this essay 1 out of 6 +who published the novel jamesedition +rate this chronicle 0 stars +play elizeth cardoso to my nothing but a party r&b playlist +add welcome to the cruel world to my reggae classics +when is bless the child playing at the movie theatre +play a new tune by louis silvers +i m in mi and want to eat somwhere nearby midday +i rate observations one points +play the top five songs by isaac hayes +the get going playlist needs another song +show he who fears the wolf creative photograph +rate the current book 0 of 6 +find the tv series box of moon light +how is the weather going to be on child health day in trinidad and tobago +show the critic game +play classic rock on slacker +add the little house we built onto mucho rap +what s the weather forecast for austin liechtenstein +add when you come back to the jazz for loving couples playlist +put this artist on my folk for kids playlist +will there be snowfall faraway from robinson forest +can i get the showtimes for movies around here +book a spot in malin ky +open iheart and play té para tres +where can i see young goethe in love +forecast for my current location at 6 +is the country doctor on the schedule at any theater near me +add theater to my new metal tracks playlist +what is the humidity like in leoti +when will the santikos theatres be showing animated movies +can you find me the movie the countess +what s the forecase for inverness on february 5th 2031 +add fred knoblock to my lo-fi love playlist +book a pub in santa claus new jersey for the first day of sukkot +i need movie schedules +give four points to current essay +what is the weather for yemen +where can i get intel array building blocks +i would like to book at a pub on mar 8 2020 that is close to broadway-lafayette st for my daughters and i +is anti-semitism in the 21st century: the resurgence playing now +add back on the dancefloor to my bajo las estrellas playlist +show the immortal grand prix +what are the movie schedules at arclight hollywood +rate this essay two out of 6 stars +can i see the the tv series the late music +rate red nails two of 6 stars +how is the weather going to be this week in roseau ia +show the movie schedules +i want to watch the television show new astronomy +book four people at a madagascar bar +what is the chilly forecast for mustoe north carolina +find me shack out on 101 +find the schedule for a kiss before dying +book a spot for nine at the cubby bear in luxor +find book the music lovers +i need a reservation for a restaurant in bangladesh on feb the 11th 2032 +book an indonesian brasserie for seven people the day after tomorrow in hawaii +i d like to watch the holy office at cooper foundation +where can i purchase a copy of the photograph on the front page of today s jacksonville daily progress +what s the weather in hi +play the most popular ep by marcel khalife on netflix +show painting of waiting for snow in havana +play some music from the fourties +i want to give this album zero out of 6 stars +i need reservations for next autumn in belgium at a highly rated diner +open lastfm play top hits of simon webbe +find the schedule for death valley manhunt +book a table for seven in walpole +make me a reservation within walking distance in wy for 6 pm +find me the nearest movie house that is showing the saviour +what is lost land of the tiger +play me something on last fm +what s the weather forecast in the same area as la in 1 minute +play tina cousins from 1956 +will it be foggy here +will there be a blizzard in egypt on jul 3 +i want to give the coming of the terraphiles a rating of 1 +fine a movie schedule +where can i find the tv show a step away +where animated movies does north american cinemas feature +find the schedule for grand canyon trail +ad amal hijazi tune to my pura vida +play playlist funtime +reserve me a resturant for 5 at seventeen o clock +is it cloudy in choptank +play primus +will it be colder in az than tx today +show movies in united paramount theatres +i d like to play the video game time to kill +where can i get the novel flesh-colored horror +i d like to watch in high places +can you put consequences on my sos 48 2016 playlist +i want to book a restaurant for nine with wifi +play the album 21st century live by chet lam on itunes +book a tea house for 6 members with soul food +play music by nick la rocca +what time is my son shall be armenian playing at plitt theatres +please look up the beauty on the fire show +where can i find the creative works the very best of simply red +where can i stream a television show called safety ep +add song to my eletro br playlist +find the show we chase the waves +rate the current saga one stars +i want to book a restaurant close-by my teenager s airbnb at 00:55 am +which animated movies are playing at fox theatres +i want this tune on my most necessary playlist +find the schedule for evening clothes in 1 second +what will the weather be like in new glarus +what time is the message playing at loews cineplex +what s the humidity now in nh +is it going to be cold in readstown at 4 am +can you play halloween by ajinoam nini +is it going to get any hotter in kerrick +what films are being shown at the national amusements +find a movie schedule +give this album 2 / 6 +add gene clark to diann s chill out list +find the moldy peaches +i want to the latest ballad from ira losco +find the show the naked gun +can you play a sound track by sissieretta jones +for the book deception i rate it four points +rate in search of our origins two points out of 6 +how is colder in city of rocks state park around 03:43 pm +add farruko presenta los menores to my amor amor playlist +find the movie schedules for me +play myth ii: soulblighter +is it forecast to be chillier in latvia +i want to hear shooby taylor s tearing up the album charts +play a box of birds trailer +add this song to rock party +i d like to eat at a bar that serves corn relish with a party of five +play some fast fusion on spotify +rating points for castles of steel out of 6 are 5 +play a record from the year 1979 +rate this chronicle three of 6 stars +i want to see the movie schedule for kb theatres +rate this essay four stars +book a table for me and georgina at a pub in a spa +looking for the photograph the crimson climax +show me the tv series prescription for death +play tonight only by nastya kamenskih +play songs of heaven by ami koshimizu +is the weather chilly in dew de +find the song occasional wife +what painting is on the cure discography +i want to find a book called cash-cash +can you locate the work warlock 2: the exiled +will there be a blizzard in kettleman city today +can i see the show heroes of might & magic 4 +out of 6 rate this a zero for memories of the ford administration +what time is the toll of the sea playing +show me the schedule of movie thirty two short films about glenn gould in 14 minutes +what s the weather forecast for anniston +rate this current novel a 3 +rate this novel a 1 out of 6 +i d like to see the new jackals +play music on itunes from artist jessica delfino +what films are playing in the neighbourhood +what are the movie schedules for the dipson theatres +play album from maureen mcgovern +rate this current book a 4 out of 6 +add track to my gold edition playlist +what is the weather one second from now in blue ridge berryessa natural area +please book a restaurant for six members on jul 13 2036 +i d like to find the book called the years +please book me a table for next week at a top-rated restaurant +find casting crowns discography +how will the weather be in six minutes close to moosic +i d like to see the picture the collection – the collector 2 +add the current tune to my rock gaming playlist +what is the weather forecast in nine months within walking distance of ohio +put strange days onto the fusion fest playlist +add bone crusher to the chill out playlist +my indietronic playlist needs until the end of time added +play the tyranny of distance by willy mason +show me movie schedules +add arthur lee to my jazz vibes playlist +show the mickey mouse photograph +where can i find a photograph of the lieutenant of inishmore +i d like a table for six in nine weeks at a restaurant in tokelau +what is the nearest cinema showing love in mandya +when can i see salaam-e-ishq: a tribute to love at b&b theatres +tell me the weather forecast for douglas state forest +add ihsahn to hip hop 2017 new school +what is the weather like in ia in april +i d like to give a rating of 4 to this current book +find the picture titled battle spirits - shōnen toppa bashin +is there snowfall in zec mitchinamecus at 13 +what time is the grey zone playing +i want to book a highly rated pizzeria in the same area as tia s house +rate the bell curve a three +what is the meal time forecast for cayman islands +start playing something off spotify +what s the weather like in forty fort +can you play some music from 1999 +i need to add a song to my lo que suena new york playlist +i want to take four friends to the pub for some tuna casserole +me and aisha and craving cordon bleu and need to book a table at a brasserie +play something by grandmaster flash & the furious five on youtube +i want to watch ghosts of the abyss at kerasotes theatres +book a restaurant for 1 in nine weeks +what is the weather forecast for monument of lihula +what is the forecast for the distant future in sugar bush +i want to give rebbe: the life and teachings of menachem m schneerson the most influential rabbi in modern history two out of 6 points +restaurant in zambia that is close for a party of 10 +search for to heart 2 +book a reservation not far from 8th st +where and when is this is england playing +will it be windy at medicine rocks state park on may 24 +search for the picture foghat +what is the weather forecast for theodore roosevelt inaugural national historic site +book a best tavern for nine +she me the movie schedule for animated movies at the place nearby +will it hail today in west point at 11:36:48 +rate current series one +can my electro sur have this song added to it +play the newest by exuma +book a table at any restaurant for eight people +add hello central give me heaven to indie pop +please give 1 points to waiting for the mahatma +rate from a buick 8 0 out of 6 +what will the weather be like here on dec 8 2019 +find time for trouble for two in one minute at landmark theatres +i d like a table at a restaurant in ks in 5 hours from now +add track to orgullo gay +i want to add george formby jr to the family favorites playlist +book an outdoor restaurant +i want to book an osteria for 9 in gabon that serves donuts +give me the weather forecast for wisconsin dells in saint kitts and nevis on the day after tomorrow +what s the weather in singapore +find the movie times for caribbean cinemas +play the symphony by tetsuya ogawa from 1953 +what films start at eighteen at caribbean cinemas +show me my princess +know ye not agincourt gets 4 out of 6 points +book a restaurant in nebraska on january 25 2034 for me and my mommy +book me a popular restaurant reservation at a brazilian delicatessen +add roel van velzen to the night playlist +add songs in 90 s hip hop of artist +i feel that zero out of 6 points would be the rating of queen of the dawn +play me some folklore music +when is the prince who was a thief playing at the cinema +rate the mills of the kavanaughs series a one +give this textbook 0 of 6 stars +will it be windy in mission bay ak today +i would give sentenced to prism a rating of zero and a best rating of 6 +can i buy the book vacation of petrov and vasechkin online +will it be sunny in corcovado indonesia +where can i watch the sword of ali baba at two p m +play me a 1990 sound track +i want a table for 3 at a restaurant +will it snow on apr eighteenth 2029 in myanmar +find movie times for movies in the neighborhood +is there a depression going on in uganda +find me the wild boys +find me showtimes for how i unleashed world war ii +give me the movie times for fox theatres +i want to give elephants can remember 4 out of 6 points +rate steps two out of 6 points +play some music from miss platnum +movie schedule for harkins theatres +book me a table at a hungarian delicatessen in north dakota +include golden boy in pop dance +find the schedule for for close by movies +open deezer and play top 40 hits +what animated movies are at the nearest movie house +put this album into becky s infinite indie folk playlist +show the schedule of movie times +add this track to the playlist kickass metal +i gave joseph andrews a 0 out of 6 +find the movie schedule for b&b theatres +find the video game high hopes & heartbreak +how is the weather in edesville mn +book me a reservation for 10 in oman +play wolves by larry gatlin +where can i watch animated movies around here +play the greatest nicholaus arson concerto from around 2000 +add det kimer nu til julefest to my playlist technical&brutal death metal +what are the movie schedules +i need to book the best food court in within the same area as ok that serves persian food for my ex husband and i +rate this album 2 stars +i want to book a bar in bow mar new mexico +what is the nearest movie theatre playing stray cat rock: wild jumbo in 7 seconds +on deezer play fourties tunes by jona bechtolt and a ballad +give the current essay 3 +i want to book coney i-lander for 10 people +find time squared +i d like to watch the tv series called fires of life +play the last niney the observer song +look for the creative work meltdown – days of destruction +will it be windy at two pm in france +book me a table for a party of eight in germany +table for 6 at a brasserie +show weather forecast at three am in wauregan +please put maimi yajima s song onto operación bikini +will there be snowfall in zero pm in estonia +book a spot for 1 at a restaurant this evening +play falco on zvooq for good hit +add this album to my blues playlist +what s the weather forecast in guadeloupe eleven weeks from now +rate this novel 5 of 6 +add transmission to my found them first +rate this essay five stars +give the diamond chariot a 0 out of 6 +i need a popular moroccan cafeteria +i want to watch the television show champion +i am looking for a top-rated restaurant near bougatsa that can feed 3 that is close to pelham bay park +what will the weather be like nine years from now in eastport el salvador +what films are scheduled at the closest cinema +add splendido hotel to my verano forever +add this artist named trevor mcnevan to the playlist top gaming tracks +can i hear a movement by rookantha gunathilake on the vimeo service +tell me what movies are playing in the neighborhood +i m looking for a picture of fresh air +help me find the saga titled the eternal return +my party of 3 would really like to eat baba au rhum at a brasserie could you help +book a restaurant this week for joni wilda sanders and i in al +rate this book 5 stars out of 6 +i am giving the book titled the masters of solitude a rating of two out of 6 +book a spot for tommie and vera rogers in irvine at 7 am +find a reservation for 3 people +pizzeria restaurant in kellnersville hi that is outdoor for ten +rate real world four out of 6 +show me movie times at the pacific theatres for the movie the hot rock +add this artist to my throwback dance party playlist +will it be rainy this monday in le center thailand +what movies are playing at the closest cinema +what s the weather like around laos +play the album axum +rate this essay four out of 6 +what films are going to be shown at the nearest movie house +play tv show way of the samurai 2 +show me a movie schedule +play noche de chicas playlist +rate this album 2 out of 6 +i m wondering what movies will be laying around here +what is the forecast in the same area as fiji +will it be hot in keachi +add bslade to women of k-pop playlist +weather for lowden ok +add chen jiafeng to ultimate 00s +of a total possible of 6 i think the current book is a five +play a song by tim finn on last fm +play piano ballads on netflix +what does it feel like in connecticut +add the muppet show 2 to my party through the decades +find a novel called nature reviews genetics +rate this chronicle a 3 +add ian gillan to my rock party +add fra mols til skagen to my this is trey songz playlist +what is the weather in the netherlands +search for the television show called educational psychologist +find the closest films at a movie house +what is the mississippi for the week +what kind of weather will be in windy hills bermuda in ten weeks +find the movie schedule +rate the current album a five out of 6 +what will the weather conditions be in hahntown wyoming at 1 +which films are playing at the closest movie house +listen to power gaming playlist +play to be still +i need an animated movies in the area for dinner time +find the schedule for ghost world +play a 1950 album on iheart +where is the closest movie theatre playing mighty baby now +hannah lewis and chelsea want to go to a cafe in botswana on apr the seventeenth 2024 +rate the penelopiad zero out of 6 +what time can i watch son of rambow tonight at fox theatres +play latest shaggy music +will it get rainy like last march in hagerman saint vincent and the grenadines +can you give me the forecast for 10:15 in paraguay +looking for kepler scientific workflow system +add tune papa bue to éxitos españa playlist +i want to hear vegetables by pharrell williams +will it be cold in boyertown new zealand in eighteen hours +please book a room to accommodate one in 11 weeks near bahamas restaurant +check the weather for eagle harbor tanzania +play the newest phil stacey +what is the oct 10 forecast for cuyabeno wildlife reserve +can you make reservations at a restaurant that serves mashed pumpkin for six pm +add something by arnett cobb to my la mejor música para tus fiestas playlist +rate nuclear terrorism: the ultimate preventable catastrophe 5 stars +i need to find the creative work burn baby burn +my colleagues and i would like a restaurant in snow lake +tell me what animated movies are being played at the closest movie house at 01:19:00 am +play the top five cemil bey songs +book seating at a restaurant in topton +will it be cold in harveysburg wa +i want to add un jour dans notre vie to my list running to rock 170 to 190 bpm +what is the bahamas forecast for stormy weather at 07:43:21 +i m looking for the video game masterful mystery tour +put a molly mcguire album in my metal talks kreator playlist +will it be temperate here on 11/27/2023 +can you play the latest faust soundtrack from 1967 +i give a rating of 2 to the book swine not +matt monro newest album add to my chill out music +i need a reservation in pitcairn islands for any restaurant joint +add this teddy charles album to this is pavarotti my playlist +what will the weather be like in brownfield +find noon movie times at imax corporation +add novedades pop to my all out of luck list +play a 1988 soundtrack +play kool keith presents thee undatakerz by john mccrea +is it going to be hot on oct the 8th 2020 in the neighboring greenland area +can you help me find the television show women and death +please add emanuel kiriakou to my playlist llegando a casa +add album to my grandes unplugged +i need to know the weather for hamorton tn +play top tunes by joseph utsler +show andy williams sings steve allen tv show +put artist serenata onto my massive soca hits list +add artist to my endorphin rush playlist +i d like to hear a track by theo keating +play a 1969 ballad by beth nielsen chapman new first +rate the bunce 1 stars +rate the current book zero of 6 stars +what movie theatre is playing the magnificent scoundrels +play some game music +what is the weather like within walking distance of the nationalpark drawa +show me the work titled the perfect gentleman which is a song +find a trailer called hellboy: the troll witch and others +play the newest music by gladys knight +restaurant in brokaw for a cuisine russian far restaurant +what films are showing in the neighborhood +play blind company +give this novel two out of 6 stars +add cliffs of dooneen in playlist lo que suena los angeles +i have a party of 10 that would like to eat outdoor at a tavern +give four points to leven thumps and the gateway to foo +play adrian borland s music on zvooq +play a twenties track by the aj carothers on zvooq +rate the detective a 3 out of 6 +book reservations at a restaurant that serves brazilian food for 9 people +book reservation in gasconade at the best restaurant in dc +what is the weather forecast for wa on september 11 2021 +what is the movie schedule for loews cineplex entertainment +what is the bolsa chica state beach forecast for foggy conditions +add this artist to the playlist cool jazz +find the american journal of economics and sociology +i want to give select conversations with an uncle 5 stars +i need a reservation in 1 second in atlas with a party of nine +show me the movie schedule for the cooper foundation +find me the spartan: total warrior painting +is it supposed to be stormy in seagraves +what are the movie times at landmark theatres +can you add something by faultline to jannie s strength of street knowledge playlist +give me movie times for regal entertainment group +big breasts and wide hips is terrible and 1 out of 6 +play long way to go by keita tachibana +is the divine jetta at marcus corporation +book for seven at cozy dog drive in +add this album by richard hell to arlene s playlist named miami 2017 guest list +i m looking to watch savage grace at showcase cinemas at thirteen o clock +is the singing nun at regal entertainment group +what are the movie times at general cinema corporation +play crucifixion on deezer +i need a painting called brubeck plays brubeck +is it going to be windy here on nov 17 +rate current novel two stars +play verjamem track by hong junyang +what films and movie schedules are in the neighborhood +is it supposed to be sunny here +play some drum & bass +book something for my girlfriend and i at a food truck that has pizzas in brookwood on october fifteenth 2020 +i need a highly rated oyster bar in ar in a month for jeanne collins amy and i +play music by raheem devaughn +book a spot for six at a restaurant that serves fish and chips +give this album three / 6 points +give the current book 0 out of 6 points +can you find me the schooltool picture +show me the photograph of king charles +play songs from youtube +give me the movie times +rate this textbook 2 out of 6 +find just south of heaven +weather here at two pm +add there is nothing like a dame to my playlist guest list take +play me a symphony by ricky bell +stick fonseca in the songs to sing in the car playlist +find a movie called bruce lee +is the slut playing at 07:27 a m at harkins theatres +i would give this book a value of 2 and a best rating of 6 +show me the movie schedule +add tune to my playlist picnic in the park +i m looking for a picture titled rock painting +what is marty stuart discography +check films screened at the closest cinema +i need to book a table for 7 in estonia +what is the temperate in uintah right now +play songs by queen +i d like to eat at a neighboring downtown restaurant with a party of 2 +what is the weather close to somesville on mon +what is the weather forecast for maryland +add a billy strayhorn song to my the selektor playlist +play some eighties by amirbai karnataki +can i see the upcoming movie schedule +rate whole earth discipline 5 of 6 points +bring up the book perfume: the story of a murderer +add jan smit in endorphin rush +play some kansas joe mccoy +i want seats for four at a place in ri +rate mus of kerbridge a one +play moris tepper +play disney sing it – high school musical 3: senior year +will it be overcast at night in kenmore fl +get me the soundtrack from sensation comics +book a table with wifi in delaware at a restaurant in one minute +rate this textbook a one +play some music on spotify +where can i find the novel the great irish bake off +is it going to be warmer in town kelloe bank +add sweets edison to relaxing playlist +i d like to go to a pizzeria within walking distance of hutchinson +add raz b to drive playlist +i d like to watch the utopian society +what will the weather be in allenwood +book a bar that serves ribs for 5 people +give 4 out of 6 stars to this textbook +show me the live in whitby album +i need a table for 8 people at a highly rated pub that serves umbrian cuisine +will the sun come out here +play slow rock music on vimeo +i need a list of animated movies playing around here +rate three men out a three +what animated movies are playing at the closest cinema +give me the movie schedules for national amusements +rate the courtship of princess leia saga a two +rate the poems for midnight saga 4 points +book a spot for my colleague and i at a pizzeria with a pool in owings mills wisconsin +what time is kerasotes theatres playing animated movies +book reservations at a for seven at a highly rated restaurant that serves kosher food in vi +what s the weather in germantown hills +when will third person singular number be playing +find the movie schedules for cineplex odeon corporation +rate secret weapon a four +show movie times +add ana carolina to chill +book a brasserie place for seven in lithuania +please find me the picture of the getaway: black monday +where to get saga of a brush with the law +show weather forcast for february the 8th on current spot in neighboring +book the nearby meriton grand hotel tallinn in missouri +what movies are playing at the nearest movie house +book a restaurant in belgium for ten in 24 weeks +find a show called american journal of play +find the international journal of robotics research soundtrack +is it forecast to be windy here in seven seconds +i d like to see the saga song of the saurials +i rate the current textbook a 1 out of 6 +this saga is definitely worth 4 stars +get me a table at eighth step coffee house in germania for 7 +will it colder here on 11/18/2018 +what will the weather be like 56 weeks from now will there be sun in tabor +rate this textbook 5 stars out of 6 +play something off rage radio +play the greatest music you can find by ari herstand on zvooq +will it be chilly in ma 12 days from now +give 0 out of 6 to war of the spider queen saga +i d like to see a tv series called countdown: the savoy sessions +i want to add anna semenovich to the dinner with friends playlist +check the weather forecast in seven weeks for emida +find italy has awakened at a goodrich quality theaters +please search for the puppet on a string video game +play a ballad by heath +give the current album a 2 +play the music hands up +what is the current spot forecast for far areas and warmer temps +is it going to storm in ne +is there snowstorm in la +book a restaurant for ten in ok +what is the weather forecast for minnesota +lets see the tv series 7even year itch +what s the forecast for jefferson national expansion memorial around eight am +please find me the hanging valley movie +put jtr on the top classical playlist +is ce cher intrus at imax corporation +find national amusements showing the trouble with harry +give 2 out of 6 points to a tale of time city +rate dragons of spring dawning 3 stars +will it be even hotter 2 years from now in el jebel niger +find the still life: american concert 1981 soundtrack +will it be colder at midnight in washington +add this artist to the playlist called evening groove +add this song to enid s romántica playlist +show me showtimes at the cinema for chain of events +book a table for me and savannah in lauderdale lakes +put a track into my classic country playlist +the stars for behind the beat should number four for this chronicle +add this artist to romántica +add track to this is zezé di camargo & luciano playlist +play chris goss on netflix +play chant music by ira losco on iheart +show tv show named i fell in love with a dead boy +find the app store +3 stars is the rating for boy meets boy +i want another song in my rock español playlist +book a reservation for three at clinton street baking company & restaurant +play some music by daniel carter +play my women of rock playlist +show movie times and movies in the area +put this jerry dixon song onto my tokyo rising playlist +this novel gets 0 out of 6 points +rate the book series sons of destiny a five +what is the movie schedule for the north american cinemas +rate the brothers karamazov a four +put donnie g don gorilla on my classical romance playlist +what time is rites of spring playing at marcus corporation +add devil pray to my party list +find a book called kiss symphony - alive iv +play me a frank farian ep +can i get the movie schedules for southern theatres at around 15:02 +play the top symphony music from ejigayehu shibabaw +add yma sumac to this is animal collective +play music from the artist joe sample +add artist chris squire to my the birth of cool playlist +play music on deezer +i would like to find a cafe that serves grilled meat close by in tunisia and need a table for 2 one second from now +play james moody ballad +play suus to my the funny thing about football is playlist +is the happy hooker goes hollywood at the movie house nearest me +can i hear jeremy taggart s newest chant on deezer +tell me the weather forecast for my current spot on dec fourth 2021 +use deezer to play music by junior brown +add thomas anders to my crossroad blues +book a table for nine people in nj +will there be any snowfall in american samoa +what is the movie times +put gregory douglass in halloween teens please +add this artist to spring music +rate pillar of fire and other plays a three +can you play something off my kids workout playlist on groove shark +find a photograph called the lighthouse by the sea +rate the nova scotia: new scottish speculative fiction saga a 5 +give the current essay 5 / 6 stars +play 2007 tunes by bunny berigan +i want to put paul young onto all new all now +add me kommeni tin anasa to my propuesta alternativa playlist +add the album to the top 100 country tracks on spotify playlist +can you play a 1967 soundtrack on slacker +i want to hear this is the night from proof +i need a reservation for eight at a diner that has desserts in ashmore tn +i d like to watch i wish at the nearest movie theatre +out of a possiable 6 i give jip his story a 0 +what will be the weather like in turks and caicos islands around dec sixth 2032 +book a restaurant that serves trottole in tillicum +play me a song from 2016 +play red barchetta by blind lemon jefferson +how can i see the show pulse 2: afterlife +melba and i want to dine in barbados next jun +find mary kom starting in one hour +play music by mina caputo on lastfm +find time for college rock stars at any movie theatre +add this adam clayton tune to sxsw fresh playlist +play music from 2012 by yossif kobzon on last fm +add kenneth c "jethro" burns songs in my playlist soundscapes for gaming +what will it feel like on patriot s day on south georgia and the south sandwich islands +play a tune by margaret kelly on iheart +find a reservation within walking distance of pauline s place for a party of 10 at fourteen o clock at a restaurant that serves aioli +what song is detective conan: dimensional sniper +reserve a table for one at a top-rated restaurant nearby that serves goiano for this month in md +i want you to add the currently playing this generation into my playlist called funtime activity +find a picture called battlefield network +book a taverna for me and jami +i need to find a table for 4 at a brasserie that has fondue +i want to hear papa mali s songs from the fifties +is it warmer in monson u s minor outlying islands +find a movie schedule +patty and i need a table booked at a highly rated restaurant in sandstone +use groove shark to play krizz kaliko +can you find me a showing for before the music dies in one second +will it be cold in wheatley provincial park +i think that the wizard is a four of 6 +find the schedule for no time to be young at amc theaters +add artist my laundry playlist +play some sabah from the eighties +rate the current novel one out of 6 +what is the trailer for feel the passion +what s the weather forecast for crystal lake park +the songs to sing in the car playlist needs k j yesudas discography in it +play music by cass elliot +rate this album one stars +book a table for ten downtown at a close-by restaurant +what weather will it be in battlement mesa +what movie times are there for 5 p m +show panic in the streets +book a restaurant in liechtenstein for seven people +when is the woman going to be scheduled at the closest movie house +season of the witch: how the occult saved rock and roll gets five points +add to isabella s club hits this song +i need a table in the state of la for katina and josefina gray +play stevan faddy on google music +i would give zero stars to a concise treatise on the art of angling out of 6 +give 0 out of 6 points to this album +which animated movies are showing at the neighborhood cinema group +is there any hail in monterey bay national marine sanctuary +where can i listen to willy and the poor boys +find the closest cinema with animated movies +rate my current book one stars +will it be stormy on 4/3/2027 in new rochelle wy +add this track to my flamenco pa ti +find the movie times for movies playing in the neighborhood +give this chronicle a 4 out of 6 +play some caribou from the sixties +play scott la rock from stella on slacker +find a picture called neighbourhood +what time is hold that blonde playing at the closest cinema +i m looking for the saga why men leave home +what movies are playing douglas theatre company +what is the weather forecast for nicaragua +play the album resurrection in blood from sleepy brown on itunes +rate the apocalisse saga one out of 6 points +i want to watch the tv show tales from space: about a blob +i need to see some movie schedules +what movies are showing in the neighbourhood +add to my playlist house afterwork this tune +where can i find the trailer for sensations of 1945 +the only snow in havana deserves a best rating of 6 and 5 points +book verdure serving restaurant in bloom city +add this track to epic wall of sound +show me neurotoxicology +book the best eastern european restaurant for 5 people at two o clock in cohocton wy +put a rating of 0 out of 6 to this chronicle +please add tobymac s song onto the indiespensables playlist +play pop goes the 80s +book a restaurant in anguilla for one at national coney island +add j r rotem to classic jazz singers playlist +book a reservation for a parry of eight for a restaurant in birch river mo +rate the current chronicle 0 out 6 stars +book a restaurant for 4 by shawn s work close by +will it be overcast a month from now here +rate a faint cold fear 0 points +please put this song onto my urban hits playlist +add chris walla to trabajo relax +what will the weather be in corcovado national park on december the fifth +what s the wather in coleville kenya +rate the current textbook 2 out of 6 +add a j mclean to rock to work +add changes & things to hot 50 playlist +add vikku vinayakram to my this is nicky jam +find the show the best of: the township idols +what s the weather going to be like near sawtooth national recreation area at 2 pm +rate hocus bogus a 4 +i want to watch the show food force +add you put a move on my heart to the martin garrix show +will it be overcast in south dakota +book a restaurant in bouchon for 1 +she me what movies are playing at 1 o clock at the nearest movie theatre +show creative video game the boat is full +book a restaurant for 6 +find lesley s epic classical playlist and add this tune +what is the weather forecast for siler city russia +find me the video game for your love +show creativity in photograph of grace submerged +will it snow this week in parc national de petrified forest +find me the book with the title of the rainwater lp +add abrar ul haq to confidence boost +give souls in metal four out of 6 points +rate the current chronicle a two +give four out of 6 stars to current essay +give me the weather forecast for zambia +find time for enkitta mothathe at pacific theatres +when will it be hot in millvale +play a song off get up offa that thing by doseone on last fm +rate a handful of darkness a value of 3 +play a samira said ballad from the nineties +where can i find the work it was raining that night +show the movie schedule for cooper foundation at 9 o clock +what s the weather in swift river reservation +rate the book the ninth avatar 3 out of 6 stars +can i add the a rating of two out of 6 stars to the book the pocket book of boners +find a game called an aerial joy ride +play a chant from the fifties +assign three stars out of 6 to the dune encyclopedia +please look up the painting modern times +play me the saga the party’s over +read the background to danger book +find me the fruit of life television show +rate the purcell papers two out of 6 stars +does mexican werewolf start at three am +play new music from liang wern fook +book reservations at a diner that serves ribs not far from lexington av-53rd st +add naomi schemer to my hanging out and relaxing +add steve jones to my chill list +when is romance on the range playing at movie house +add take it back to my metal party playlist +play yo ho from the new york pops on youtube +please find me the nearest cinema playing foreign intrigue +look for fighting vipers 2 +tell me the movie schedule for warren theatres +give 4 out of 6 points to current essay +what is the me forecast for joanna +what is the movie schedule at mjr theatres +add post mortem to my timeless love songs playlist +find the fire in our throats will beckon the thaw tv show +what day does the movie star of the circus play at ten pm +use spotify to play nina persson from 1962 +the next novel is 4 stars +what will the weather be like at noon in brunei +will it be rainy in neffs +please show me the movie schedule for animated movies playing in the neighborhood +i d give the current essay a four +book a table for 6 in verona +add some patrick stump to maritza s disco fever list +will it be freezing in poland on july 5 2032 +add september to winter music +where do get photograph of my own best enemy +book reservations at a tea house in lodi with my granddaughter and i +what s the forecast for spenard gu +list movie schedules for animated movies playing in the neighbourhood +what time is bloody twilight playing +add this tune by kurt james to the playlist latin pop classics +tell me the forecast for sweden +what s the weather forrecast here in five seconds +please reserve a spot at ballachulish house +add the album by cham to my cloud rap playlist +play turbulence wild streetdanz from jeff buckley +rate the book indiana jones and the dance of the giants 5 out of 6 stars +please search the title the twilight saga: breaking dawn part 2 +will it be warm within walking distance of saint pierre and miquelon +the essay following should only rate two points +show transformers: the game +rate the current novel two stars +what is the forecast for here +i need to add an artist to one of my playlists classical new releases spotify picks +find playground a book +add louis nelson delisle to the pulse of americana +play my hot 50 playlist +play a tune or two from kansas city missouri +rate this book a 0 +play my back pages by paul young on vimeo +can you play some music by andrew diamond +tell me the weather forecast for ethridge maryland +play the sea cabinet +tell me if there is wind in the forecast for roaring river state park +book reservations at a restaurant in new zealand with tammi beverly and alba +will the weather be warm in august at the faraway in micronesia +rate the next book 0 of 6 +add this artist to primavera sound 2016 barcelona +i want to hear the sound track to mary macgregor new songs on iheart +book itsu for tonight +play michael angelo batio +for the current chronicle i give five of 6 +book a sushis serving restaurant in uzbekistan +play some thirties music on netflix +can you send me the weather forecast for malcom +book a spot at a highly rated tavern in colombia +find me an album called rejoicing with the light +play some robbie merrill +i want to hear some music from groove shark +find a top fifty zahir howaida concerto from the seventies +add the maid of amsterdam to my 80s smash hits +what is the weather like in cameroon +add sci-fi crimes to the fresh folk playlist +what films are there being played at megaplex theatres +add a track to summer of love +add this tune by jim white to my playlist rumba y más +find the movie schedule for animated movies in the neighborhood +play some 1987 edie brickell +book for two in jordan that is close +i d like to see the painting i looked up +look for conducting from the grave +what s the weather in pennsylvania +i d like to go to a pub that has italian dressing for a party of 5 on february 11 2033 +i need a reservation for ten in wisconsin +find movie times +find make your play +i d like a table for eight at a close-by place in carpenterville +what movies are starting in 1 second at a theater in the neighborhood +what animated movies are playing close by at four o clock +book now in ky at loveless cafe +can you put in person at carnegie hall on my winter playlist +book spot for eight at bar that serves potée +i d like to watch nathan the wise at the closest movie house +add artist to my playlist i love my 80 s rollerdisco +find the show trancers +where can i locate the game legion of mary: the jerry garcia collection +book me a table at the goof for a party of eight in the state of nv +add j j cale to my heavy gamer playlist +put a rating on this book of three +can you play some fifties music by lavern baker +please book a restaurant with parking facility at taverna +what is the weather in gipsy-gordon wildland park +find me the book filthy lucre live +i d like seats for ten at a highly rated brasserie in kyrgyzstan +play an ep by uncle jimmy thompson +what will the weather be in kokhanok +rate this album a 4 +what is the pennsylvania forecast for three forks for midnight +play any chant from 1973 +i d give this essay a three of 6 +play some music using slacker +will it be hot here at 22 o clock +find business ethics: a european review +find the girlfriend experience a television show +what movie house is showing flower and snake at 08:56:29 +is it humid in parc national de killarney +can you search the picture titled the accounting +will it be warmer in flag +i d like t add day after day to evangeline s party of the century playlist +add i almost lost my mind to my bossa nova dinner playlist +book a reservation for four in cajah s mountain in 1 year +add this current book five stars +play industrial music +book guenther house for 6 on oct 24 2035 in waddy +play me the new king curtis music on google music +what will the weather be in montserrat +book a brasserie +use itunes to play music +whaere is bloody bloody bible camp playing in the cinema +find a painting called mister whiskers: my favourite nursery rhymes +play fernando olvera +add david henry hwang to the this is nicky jam playlist +play twenties tunes +play the top song by jack grisham +find thunder in the east +is it freezing in prompton +book a gastropub that has balinese food in twenty hours in comunas for my nephew and i +find the closest starting now movie house with animated movies +put this artist into my found them first playlist please +will there be sun around here +rate this essay three of 6 stars +i give why orwell matters a rating value of 2 and a best rating of 6 +find me the extreme ghostbusters game +rate the book the orchard book of first greek myths a 0 +where can i buy the movie totality +book a restaurant in the maldives in one second +play music by blowfly from the seventies +book a reservation for a restaurant in palau in six years +find the movies and movie times in the neighbourhood +i give the cat and the king 2 stars +book a restaurant for 3 in new mexico +how s the weather in grisdale bangladesh +play some techno on lastfm +open my acoustic concentration playlist and play an entire album +what movies are at north american cinemas +forecast for thayer +give the current textbook 5 / 6 points +when it comes to dukes and the district of columbia what will the weather be in one hour +tell me the weather forecast close to romania +give home from the hill a 3 +is covered wagon days playing at b&b theatres in 1 second +how will the weather be in six and a half months in co +look for a terrible vengeance +what films are playing at pacific theatres +in the neighbourhood find movies +what s the weather like when you re distant from greenport +find the television show titled spatial query server +add count von cosels obsession to jazzy romance +i need a reservation looking for a place with pool at midnight in a pub +rate the current book a zero of 6 +lets get a table for 10 at space aliens grill & bar +please put linzi stoppard into my sxsw fresh playlist +find games wizards play tv series +show me the picture written in the stars +book a table in connecticut in robinette for one second from now +tell me the weather forecast for wy +tell me if it will be windy here +i want to give dressed to kill a one +i would rate tree of smoke a value of two or a best rating of 6 +show me the game music bank +i want to listen to the soundtrack bed of roses +what is the weather forecast for yoakum sc +for my playlist it s ok to like jazz add this tune +show me kurdishmedia com +what theater is playing death drums along the river at 5 pm +look for hail satanas we are the black legions +what will the weather be in lamar +add this is andrés calamaro by milk +add this tune by hal patino to my ambiente rnb playlist +open vimeo and play music +can we expect cold and freezing conditions in glacier-nationalpark +will it be stormy in wildorado +look for the girl in mirror movie +will it be warmer in minidoka ok on good friday +around here find movie schedule for films +rate this novel 5 stars +play the newest melody from corey clark on lastfm +find quiet night in +play always by walter parazaider +give the current book im reading zero points out of 6 +i want to give the following essay five points out of 6 +put the joy division the complete bbc recordings on 40 hits +will rainfall continue here tomorrow +what time is socrates playing at the cinema +show creative video game in my own backyard +help me locate the tristan betrayal +give this textbook a rating of 3 +i d like reservations for two at a pizzeria 22 weeks from now +add david dallas to my latin dance cardio playlist +can you tell me the weather forecast for samoa +what will the weather be in michigan +i would give the minority report a rating of 0 points +this series gets 2 out of 6 stars +add robin trower to feminist friday playlist +restaurant in kuwait for seven mar eighteenth 2030 +will it be freezing here at 06:31:22 am +i d like to have southeastern brazilian at the pub in dominica +add this artist to my this is philip glass playlist +rate homicide: a year on the killing streets five stars +i want to hear sebastian s songs from the thirties on youtube +i need a reservation for little grill collective for supper with eight people +add this album to the playlist guest list engadget +what s the weather going tbe twenty three minutes from now in federico albert national reserve +make me reservations for a highly rated restaurant +add a mary fahl tune to the pre-party r&b jams playlist +what is the weather forecast for north carolina on october thirteenth 2037 +open the second adventure album by hans nilsson +what will the weather be like on november the twelfth in appleby +find time for the movie schedule at cineplex odeon corporation +rate of the subcontract a 0 +what time is the bride from hell playing at malco theatres +what is the weather like in midfield iowa today +i d like to put duett onto my hot country playlist +i want the show the sense apparatus +what do the cloud indicate in east aurora +i m looking for the music of nashville: season 3 saga +i need a reservation for a highly rated bistro for a party of 10 +book james d conrey house for madeleine keisha and clara alvarez far from your colleague s college +will it be warmer in five years in slemp kansas +play some paulinho da viola from 1965 +play some dream music +book a reservation for a party of four within the same area of districts of sweden +play deezer +will it be getting colder in sahuarita +how cold is it around the current location now +when is barbary coast playing +i need to book a table for three in lesotho +give four / 6 points to empire of death +play a twenties soundtrack on youtube +i would give this current textbook a rating of 1 points and a best rating of 6 +add sunday express live to workout playlist +the current saga only gets three points out of 6 +add another song to my 88 keys playlist +looking for free four: tobias tells the divergent knife-throwing scene +i m looking for the novel from a scream to a whisper +play music on netflix +add daigo to indietronic +play a keith richards album +book a spot for one at four am +find me the age for love playing at the closest movie house +give star songs of an old primate 4 out of 6 points +add this song to my fairy tales +add seek & destroy to sin ti playlist +what is the weather forecast two hours and seventeen seconds from now in elgin schoolhouse state historic site +what time is dive bomber playing +can you tell me the movie times for alamo drafthouse cinema +rate the current novel 1 out of 6 points +book an osteria that serves blini for 9 people +is it cloudy in the same area of lynn shore reservation +i want to give three days before the shooting one out of 6 stars +rate the ninth key 3 of 6 points +add the artist choclair to la mejor música de bso +rate this book four stars out of 6 +add tune to punk español +play deezer form 2010 tune by dave grohl +i d like to go to a halal restaurant in twenty minutes around the district of columbia and book seats for four +add suffer little children to this is racionais mc s playlist +the current essay is a three of 6 +can i know what animated movies are scheduled in the neighbourhood +rate the current book zero of 6 +is it chilly in charenton ny +play the album winner takes all by takuro with last fm +play the latest ballad by september +add to my list the tune summer of love +play spotify +show creativity of comeback season +when is nattbuss 807 playing at a movie theatre near me +will you put this song onto women of electronic +find the closest movie theatre for films +what s the weather forecast for porphyry island provincial park right now +i want to add a tune to my spanish metalblood playlist +book a spot for 9 at the counter +please help me find the short program saga +is it hot in the current location +out of 6 stars the last novel gets only four +show me the schedule of films close by +what is the closest movie house playing what the swedish butler saw +show me the movie times for what s playing now +in khlong phraya wildlife sanctuary is there a cloud +please book a table for 6 people in the same area as bedford park blvd-lehman college +give three stars to current essay +play niko from the fourties +open deezer and play inyección musical +i m looking to book a table at a place in newton falls prefereably within the same area that has space for 6 +rate this book called the last of the wine two out of 6 points +what is the cave canem demos photograph +give song of scarabaeus five of 6 stars +add artist brenda k starr to frescura indie +can i get the weather forecast for benin in 32 days +will there be a snowstorm in nc 6 years from now +add maki ohguro to the rock hard playlist +i need a table for 1 at a highly rated restaurant next autumn in emmons ri +whats the forecast for greece +is it windy in inlet lebanon +i want to put this song in my new boots playlist +add an album in sweet soul chillout +is it going to be hot in karthaus at 7 am +book a spot in the same area as yankee doodle coffee shop in madagascar +what s the weather forecast for lenexa united kingdom at 02:31 +find me music by kaori utatsuki off the album that has top-twenty hits +i need a reservation for a coffeehouse with nine people within the same area as midland park +play the top movement music from 1997 +show creativity of sacred fire: live in south america +will there be snowfall in pacific beach suriname +is maalaea has chillier weather +rate to live and die in l a a four out of 6 +sofia phillips and winifred walker want to dine at a mughlai restaurant in la on nov the 1st +show minutes to midnight photograph +put this track by tony bevilacqua into joan s playlist with the title women of folk & americana +go to the devil in the deal:50 secrets to successful dealmaking +what films are showing nearby +add eef barzelay to my country coffeehouse +rate this book 1 out of 6 +is it going to be foggy in box elder rhode island +show creativity of pocket full of kryptonite +find animated movies at amco entertainment +set an reservation for a party of eight at the bar on 8/8/2039 +add artist to playlist classic punk +will there be a depression at three am in topinabee idaho +play pandora tunes from the fourties +add the name shall we dance to playlist rock +is it going to rain here +i d like to listen to diana vickers best tune from the twenties +book a restaurant that serves capicollo in kit carson with ilene and aisha +find bells break their towers a video game +forecast for samoa next sat +find movie schedules for star theatres +when is twentynine palms playing at plitt theatres +play songs on itunes +where can i find a copy of i bury the living +who rated the book women culture and society only 3 stars +find a cinema nearest for films +play realization by randy jackson +rate the book pimpernel and rosemary 1 out of 6 +rate the book spells and philtres five points +please find the album the party scene +book a table for one at the bear hotel in peru +how will be the weather condition near mi 129 days and a half from now +i want to watch escape the fate discography +play some rumba africana +is it forecast to be chilly here on july 14 +rate girls forever brave and true zero points +book a table for six in beech creek +play a 1964 symphony on netflix +where is the closest cinema playing i prefer the sound of the sea +add 12 odd future songs to the club hits playlist +add track to urban poet +i rate the current album four of 6 +find the book metallica through the never +add the proof album to cierra la puerta playlist +show creative picture of the secret doctrine +will it be stormy in olmitz connecticut +i give this terrible book a two out of 6 +is there fog in refugio +what is the forecast for here fir storm conditions next week +i need a reservation for an indoor restaurant in china +on jun the sixteenth 2032 i d like to go to dillard house in putnam hall +i want to play the game the celestial hawk +book a cafeteria having pool for four in algeria +book a restaurant in satanta that has highly rated northeastern for 10 +i need to see a list of films and movie times in the area +find the gamblers +put targeted in my clapton chronicles the best of eric clapton playlist +trailer of gate of thunder +i d like to hear the song in a reverie +book a spot for 1 close to geraldine s house +play me songs from 1955 +add jack scott to my fantasía playlist +i need a restaurant in iowa for 0 o clock +i need a list of mann theatres films that are playing +book a delicatessen that is indoor for 3 +play zvooq night rider list +what will the weather be like here on september 17 2040 +give the creator zero points out of 6 +what are the showtimes for boy of mine +i need a reservation for a joint in az for 3 +play my masters of metal playlist on spotify +add der k und k kalypso aus wien to vonda s playlist pura vida +i give this album a 0 of 6 stars +weather for east peru bolivia 3 years and a half from now +will the weather close by be warmer in kentucky +add jenifer to rock the 2000 s +will it get cloudy in cliffwood beach +add album to virales de siempre +i m trying to find the final solution video game +please look for the tv show memoirs from a bedroom: issue 1 +open up lastfm and play some songs +will it be freezing one second from now in aragon pakistan +add richard sohl to dinner for 2 +where is the nearest cinema that is playing pioneers of the west +play latin dinner +is it supposed to be chillier in favoretta +i want to give the current essay a five +play pledge by markus grosskopf +rate the crossroads 4 of 6 stars +i want to rate my current book three out of 6 points +add album to my piano ballads +can i reserve the khedive palace restaurant for aug fifth in christina +rate this current album five out of 6 points +play a track by yui on vimeo +give me the movie schedules for southern theatres +rate the effortless mastery chronicle a 4 +add new metal tracks in my tune +play robin trower unravel +open youtube and play connie francis sings spanish and latin american favorites from yukiko iwai +i need a reservation for me edna and alyson at the steakhouse called smoking room +what time is amc theaters playing unnikrishnante adyathe christmas +what movie theatre is playing the deaths of ian stone +add foreign affair to the disney playlist +give three out of 6 points to this album +find a painting called satisfaction is the death of desire +i want to hear the live at slane castle album by haifa wehbe +tell me if it will hail in elliotts bluff at five o clock +put a paul hardcastle song in my classic jazz funk playlist +what movies are playing in the area +i d like to see the television show best-of: design of a decade 2003–2013 +what is the forecast for chandler +what s it like in my current location +what time is project censored the movie playing at the movie house +what s the weather now in salmon lake state park +add el choclo to my women of classical list +book a top-rated food court in gu +what animated movies are playing in thirteen hours at the closest movie theatre +play me a track by steve souza +i wish to add this album to the dinner playlist +find careless love +i d like to go to a cuban restaurant in horatio and get a table for 1 +find the photograph canaich +book a table in tennessee for 1 for next august +i d like to eat within the same area of lawrence st for a party of one +i need a reservation that has spanish rice at a cafeteria with ten people today +i need a reservation for 8 at a top-rated restaurant in hagaman +i would give superman: doomsday & beyond four stars and a best rating of 6 +play top rosanne cash +check the movie schedule for wanda group +play me a maia hirasawa soundtrack from 1951 +put pause on my días de frío playlist +what is the cheapest price i can pay for the dvd called the darkest cloud +will it be hot two seconds from now in neighboring west clear creek wilderness +play nightbirds on nantucket soundtrack +what s the weather like in the dana biosphere reserve six years from now +what s the weather on august seventh for crystal lawns guam +show me the movie times +find a novel called twins of evil +add this tune to my rage radio playlist +what is the movies playing at north american cinemas +find movie schedules +is it warm in fernley +how much fog is there in tarpon springs +i want to hear a soundtrack by dj ozma from the sixties +please play kabhi jo baadal barse by ruth lorenzo +book in oh in gurabo for velma and gloria +rate this album one out of 6 +play tune from sonny stitt +what films are at kerasotes theatres +is the sleeping beauty playing at 8 a m at cobb theatres +what will the weather be like on september 26th in eastlake +what is the movie schedule in five minutes for movies playing in the neighborhood +i want to know the weather in ten weeks from now in john n and melba s anderson memorial conservation area +find the photograph a little less sixteen candles +show creativity of the house of the dead +i want eat at the best spanish restaurant in the georgia area that is within walking distance for me and my nephew at noon +i d like to see a movies at the nearest movie house +find the colour of the chameleon +which movies are playing at the nearest cinema at twelve pm +the execution of justice only deserves 2 points +rate the republic of thieves chronicle three out of 6 points +find the check please photograph +find animated movies at landmark theatres at dinner time +will the weather conditions be temperate and pleasant in togo +book a spot for connie earline and rose at an oyster bar that serves chicken fried bacon in beauregard delaware +please play a song by everlast +find nhl on fox +play some instrumental music on the service lastfm +book a reservation for six people at a churrascaria restaurant in cook islands one minute from now +find movie schedules +is the belles of st clements playing at star theatres in 8 minutes +can i listen to merengue style music +book the bobcat bite in the isle of man for 6 people +show me the edge of love photograph +add this is status quo to teddy riley +give the frog prince continued 2 points out of 6 +i d like to listen to space music +play vimeo 2009 by desmond dekker +add this tune to the leche con chocolate playlist +what is the forecast starting on september 1 2039 for chillier conditions in ak +give the hollow man three out of 6 stars +add live around the world to crossroad blues +wish to fins a television show called whole again +play rie fu music sorted by the best +book a table for six around yolanda s apartment +find me an echo in the darkness +i need a table at the close restaurant for my niece and i at the brooklyn bridge-city hall +add robyn hitchcock to my romantic evening playlist +add the artist kamil rustam to my relaxing playlist +rate the compleat housewife saga zero of 6 +add décadas to my list neo da matrix +book a table for my step father and i +when is scaramouche playing +play the album have another ball +add the song to my r&b movement playlist +rate the current chronicle 0 of 6 stars +i give the current textbook a four points rating +book a restaurant not far from municipal borough of ealing for today +find a tv show called union +rate the book the rod of seven parts 4 points +where and when is douglas playing +book a table for 10 in char no 4 in colombia +for this current essay i give 5 of 6 points +is it cloudy in cuba +is brother at united paramount theatres +out of 6 the black unicorn rates points of 2 +i d like a table for 3 at an outdoor restaurant +add ths album to my pachangueo total +add kjetil vidar haraldstad to listas de éxitos +play a 2014 theme from greg pattillo +add the artist a j pero to my country gold playlist +i want to hear the new latin pop rising list +play me some seventies music with a good melody +find the movie schedule for dipson theatres +please show me the movie schedule for movies playing in the neighborhood +show creative devils to some +find a table for madge and tami at a faraway joint on sterling st that serves chicken divan +what animated movies are showing nearby +add i messed up to hit rewind +show me the video game when in rome 2007 +lets go and take elsa and i to westhampton beach in 1 hour to the american chinese cuisine at the tea house +find a tv show called the traffic policeman +i want to watch the shamrock handicap right now +what is the cheapest price for the saga called 2006 wikipedia cd selection +where can i get the video game faith in chaos +play me gil parris s a cup of coffee a sandwich and you +need a booking for a party of five at a restaurant in french polynesia +what time is high spirits playing +book a restaurant for 4 +where can i purchase the book scales of justice +rate the bishop a 1 +play ik hou van jou by elena temnikova +give this textbook 3 stars +is it going to be warm on march the 12th in pendleton delaware +what will the weather be next apr in mt +rate the book a girl a man and a river a five +i give a 4 to 3 willows: the sisterhood grows +i d like to eat at a tea house with 3 people +add child owlet to my sleep sounds playlist +play music by bryan maclean +rate dictionary of the english language a 4 +find the movie schedule for close by films +play a 1958 soundtrack by rudolf schenker on netflix +reserve a table for ten people in brenham in 5 years +get me the elvis’ christmas album tv show +give the racing the rain saga zero stars +book tun tavern for shawna davis michelle and lizzie in vermont +search for the picture boomtown +add young maylay to club hits +find a video game called craters of the sac +book a table for 2 people at a restaurant with parking +rate this with zero points for the saga called a good recovery out of 6 +add this album to my pop playlist +find the movie yoshimi battles the hip-hop robots +book a spot for 8 in a cafeteria with german chocolate cake in ecru new mexico +what films are playing at 11 a m at dickinson theatres +play julie driscoll +book a cafe for one in the cocos islands +what is the humidity in serbia +i d like to see the paul murray live television show +put a bunky green tune into the phunkadelic playlist +show second generation album +what is the weather supposed to be like at sunset in cosby kansas +play some songs from 1958 +something on spotify please +add this artist named prince to the playlist all new all now +rate this textbook two out of 6 +which movie theatre with clean and sober is closest to me +please put this tune into the all a cappella playlist +i want to watch mister cool +when is heat playing near me +find the tv show titled the three leaps of wang lun +give me the forecast for feb eleventh 2034 far from alaska +play pacific ocean blues by john doe on lastfm +book a table for 6 at a restaurant in nebraska +lets go to a steakhouse before we go to the pool +what films are at cineplex odeon corporation +play the tv show wicked city +help me find from time to time a tv show +book a highly rated restaurant for one person in rainbow lakes +in 257 days what will the weather be like in cannon ball +find an oasis drive-in close-by beach 105th st +play me a popular song by koichi domoto +what is the forecast starting at 8 pm for alaska +play some music by beverley martyn +show creative video game name foros timis ston greco +rate the book dies the fire one points +i m looking for the cineexport painting +show me movie schedules +where can i find the game kaakai newspaper +rate this part of the series the harrowing of gwynedd zero out of 6 +book a restaurant that serves pasta for 5 people +book a table for april twenty-second at a pub which serves creole +i would rate this book 3 points out of 6 +rate the current textbook 0 out of 6 +please search for the microsoft safety scanner television show +add this lbc crew tune to my rock argentino vol i playlist +what will the weather be like at eight pm in bon air uruguay +add keine grenzen to new metal tracks +rate the reader is warned four out of 6 points +find the schedule for movies at plitt theatres +add barry mcguire to my playlist called have a laugh +book an indoor restaurant near wallington for 2 +book me a pub nine weeks from now for 4 people +make me a reservation in cedarburg at 0 pm +i want to put another album into the a peaceful rush hour playlist +book me a restaurant that serves green bean casserole for five people +will it get warmer in the same area as sandy point national wildlife refuge +find a photograph called the wish list +add j p pickens to chill out playlist +play them the greatest music by chris frantz +rate betrayer of worlds 1 out of 6 +find the show the demi-gods and semi-devils +rate the chymical wedding 3 points +give five stars to current album +rate primal fear one of 6 +play a song of i myself and me on youtube +book a restaurant for 9 at 00:37 pm +i want to eat at a scandinavian restaurant that is highly rated in bonita texas +play some ivy anderson from around 1967 +play the nubians of plutonia trailer +please add the song by raphael rabello to the playlist fantastic workout +find sailing the seas of cheese +show movie schedule in mjr theatres +will it get hotter next year in springside nature reserve +where can i see joy of learning +the previous essay gets 0 out of 6 possible stars +rate the current book 5 of 6 points +what movies are playing at the closest movie theatre +play donna summer +where is road to the stage playing +add the name as with gladness men of old to my ultimate 90s playlist +play darude +tell me if it will storm at my current location +give this book zero stars +i want to give the garin death ray series 1 stars +play music from the seventies +what is the weather forecast now in texas +what time is the graduate showing at caribbean cinemas +play the tune by adam yauch +find the sing when you’re winning tv show +tell me the weather forecast for france +i d like a table for 3 at a tavern in the vatican +find the movie schedule at twelve am +book a restaurant for four in burundi +book a table for 1 at thomas hynes house +what s the weather forecast for arizona city +where can i get the album so fresh: the hits of spring 2011 +i want to book a delicatessen serving testaroli in somalia for 7/25/2027 +add album to my country hits +add decade in the sun best of stereophonics to laundry +play artist stu davis from the album dub chamber 3 on netflix +will it be colder in cut ma tomorrow +is the television show kamen rider ooo wonderful: the shogun and the 21 core medals streaming anywhere +add this michael v track to my folk & americana +where is mother and child plkaying +what will the weather be like on aug the 8th 2032 here +will there be fog in my current position +what s the weather on groundhog day in slovenia +add 3 natsu natsu mini berryz to my rock classics playlist +put this agent m tune onto de cantautor español +is the forecast hot in 1 hour in leasburg +i think that this book deserves a 3 +add something so right to lora s 80s classic hits playlist +play rei momo newest album +find a work with the name of come sing +show me the schedule of films in cobb theatres +can i get the movie schedule for goodrich quality theaters +book a table for 2 at a nearby restaurant +play lukasz gottwald album on zvooq +i want to book a bistro that serves pasta salad in brazil +find the weather prediction for camdeboo-nationalpark for jan eleventh 2037 +will there be a snowstorm in leonville +give five out of 6 points to this album +put unbound into found them first for me +add this gisela song to my dancehall official +add this song to my novedades viernes sudamérica playlist +play making out by alexander rosenbaum off google music +play chant by prurient +find a picture called ready +weather at breakfast in montana +where is the nearest cinema that is playing the kid brother +what time is mighty morphin power rangers: the movie at magic johnson theatres +show me the picture gas wars +play music on lastfm +show me the picture totally true love +play me a song by teitur lassen on groove shark +will it be temperate next wed in athol in the federated states of micronesia +i m wondering when i can see beating heart at the nearest cinema +rate the saga rides a dread legion zero out of 6 points +find changes: a love story +play the last jonny wickersham song +get me information on the riverfront times +play top-50 eighties theme from alain caron +where is wild america showing at zero p m +rate national geographic dinosaurs 2 out of 6 +where can i find the movie the national law review +my life as a fake is one out of 6 +i need to book a restaurant in the same area as thompsontown for emma and karen johnson +is it going to be snowy here +what s the weather in pugu hills forest reserve +rate the current book novel 5 out of 6 +book a restaurant in switzerland for 3 +get me a reservation for two at a restaurant which serves burger +play some music on slacker +i want to eat for two at a brasserie in gwynedd valley tn with pickled cucumber in one second +give a 4 star rating to fear and loathing on the campaign trail ’72 +find me a soundtrack by ghost town prophecy +show me the schedule of movie shadow of a woman +can you make reservations for 1 person in il +i need a 6 rating or five with something like a saga in the best science fiction of the year 13 +add the secret wars into the digging now playlist +which cinema is showing a dedicated life starting at eleven pm +play the last chant from the fourties +find a movie called october road +rate the current novel a 1 +i need a reservation for around london borough +i would like to rate hive propolis 4 stars with a best rating of 6 +play a concerto from the nineties +use the service zvooq to play merengue music +rate the tritonian ring zero +i want to book a table for me and my boss at glassy junction in turkey +where can i watch portrait of a woman nude in 1 hour +play dj ozma top songs +is it supposed to be chilly in boiling spring lakes +can you find the song bleach: hell chapter +add this tune to hipster soul +add the track to the metal talks metallica playlist +show me the lord of the isles +add robin s to sxsw latin +for playlist todo latino add absolutely sweet marie +i want to know the temperate from january the twentieth in brazil +play music by janet paschal +where can i view the photograph occasional wife +could you please show me movie schedules +book restaurnt at n9ne group in loogootee ut +book a table for four around midnight in saint pierre and miquelon +play my tribute by billy cox +is it going to rain in tonopah +rate the night land three out of 6 +rate this album 3 stars +what is a weather of martinique a month from now +i want to add up to the mountain to my playlist with the title women of indie +what films are at cinemark theatres +what time is return from hell playing at the nearest movie house +can you make reservations for two people somewhere distant from sutphin blvd +find a photograph called midnight mystery +i want to book a restaurant in the same area where i live in ma for ebony and yolanda +i d like a reservation for thornbury castle three hours from now in nm +i d like to eat at a highly rated pub with 6 people +is rented lips playing at the nearest cinema +find cinemark theatres with films +find the mcgill law journal movie +i want to add this song to my infantil playlist +how s the forecast looking for supper time in dresbach vanuatu +add unite and win to my night out +please tell me the forecast for here +rate the current book 1 of 6 points +what is the weather like in detroit +what movie theatre closest to me is playing animated movies and when +what s the weather like in topock +book a spot for one at a restaurant in id +add this track to winnie s post metal playlist +what will the weather be like in killarney national park on national pow/mia recognition day +how can i rate the current chronicle 5 stars +rate the last book 0 stars +i have six people who would like to eat at a cafe that serves american chinese cuisine in tx +what time does kraken: tentacles of the deep play +i want a table for five at a place in russia on 4/4/2036 +play the most popular twenties record from leland sklar +play who do you think you are by magnifico with spotify +play a herbie fields record from the sixties +add alain caron to my travelling playlist +give this chronicle 4 stars +rate the book dreams of the raven 5 stars +add scarred to my this is zezé di camargo & luciano +give 3 points to current textbook +weather for jan 7 in north carolina +add this artist to sleep tight +add black ribbons to the autumn playlis +find the tv series truly fine citizen +give the lost princess 3 stars +book a gluten free restaurant in arp +during tea time what animated movies will be screening at the closest movie house +where can i view the photograph of johnny cool +find the television show riding with the king +please book me a table for three at an american gastropub +five points for this novel +rate shockscape five stars +contemporary religious satanism gets a 3 rating +book a restaurant for one +i need a reservation for three people at a spa restaurant in two hundred thirty seven days +give zero points to this essay +i d like to rate the book white dawns at zero of 6 stars +book a steinway st place for 8 that is close +i would like to book at clinton street baking company & restaurant in brookneal +when and where can i watch national priority +book a restaurant in pinecliffe missouri this month +add the song to the martin garrix show playlist +add steve jordan to inez s tgif +need a table for a party of 3 in laos at a theme restaurant +i think this novel gets 1 stars +for the book the sting of the scorpion i give three of a possiable 6 rating +book a osteria with smoking room in creola +play all the way my savior leads me on spotify +book reservations at a restaurant for me and my ex husband in west virginia +show me movie times at cooper foundation +what will the rainfall be in 1 second at roy lake state park +tell me the predicted weather once i travel faraway to crimson lake provincial park +will there be rain in 8 minutes in md +book in south dakota for lobster newberg at a pub +what movies are playing at warren theatres +show me the schedule of a man a woman and a bank in nearest neighborhood cinema group +when does miss sloane play at imax corporation +will it get cold in nationalpark mu ko phetra +will it be hotter next month in south dakota +add sp balasubrahmanyam to my rockabilly mania playlist +add sorrow to my it s ok to like jazz +rate this novel at 2 +i need a time of 21 minutes from now for here +give the current series two stars +play some new age music +where is the closest cinema that is playing the honeymoon killers +play the song red lanta +play a tune by layne staley +book a food court for 5 serving african food +need to book a table downtown within walking distance of me at j g melon +put the mike oldfield album onto my la mejor música para tus fiestas playlist +play me a 2003 song by charles neidich +i want to rate a long short war series a four out of 6 +find the from the hut tv series +will there be a blizzard here on dec 26 2027 +find to each his own cinema an album +find me the novel the argumentative indian +at four pm i need a table for 8 at a restaurant in guernsey that serves salade +play the most popular coti songs on pandora +can i hear anna vissi s new music on pandora +i need some hardcore hip hop +give me the showtimes for sign of the anchor +what is the tv show journal of personality and social psychology +i d like to hear the last song fro willa ford +search for man in a garage +give the toynbee convector four of 6 +will it storm in texola delaware +find nearby movies +play chant music by big dee irwin +book a table for me and belinda serving minestra in a bar +find a soundtrack called the dragon +find the picture vertically challenged +what will the weather be like 20 minutes from now in homestead meadows in martinique +will it be warm in powersville guam 23 hours from now +i want my reggae infusions playlist to have plaid retina on it +book a tea house on 5/20/2028 in pataskala that serves crepe in nc for five +this book isn t good i d rate it two out of 6 stars +what time is pussyfoot playing at pacific theatres +what movie times are at bow tie cinemas +add this album to tgif +open itunes and play bad attitude +find me showtimes for a christmas story starting at eleven o clock +what will the weather be like in 15 and a half weeks in china +what is the forecast in north carolina +can you locate west coast wrestling connection +what is the weather forecast in langdon +add a tune to my playlist women of k-pop +add john tesh to my salsa classics playlist +i want to hear music on itunes +where can i purchase the saga the second life of samuel tyne +the great science fiction stories about mars series deserves a rating of zero +what s the weather in new zealand +where can i view the trailer extreme – the collection +play me a song by dj paul elstak in 1988 on zvooq +use vimeo to play de camino a clase playlist +is it going to get colder in parc national marin mahatma gandhi +add this track to tameka s dance playlist +what s the forecast for tonight far from east carpathian biosphere reserve +she me the forecast for clayton lake state park on oct 17th +search for another cinderella story +find a trailer called way down yonder in new orleans +find drowning with land in sight +i d like to see weather conditions for ennis +add fear and bullets to my chill tracks playlist +what is the forecast for 1 pm in minnesota +i need a reservation for cashel palace hotel in california for a party of 9 +i m hoping to find a table for six at a pub on jul 19 2029 +book the best joint for 3 people +add michael hayvoronsky to lo que suena los angeles +i want to book a restaurant for eight in harding +what are the movie times at the malco theatres +please help me find the selections from the arista years video game +show me some movie times +will it be warmer in saint louis park +what is the forecast for hot at ten o clock in idaho +play them by guy-manuel de homem-christo +what time will the closest movie house be playing mark shoots first +give three points out of 6 to you: a novel +give five star to the second angel series +what cinema is playing the edge +what are the current showtimes for love fiction +this artist should go onto my playlist called the piano bar +i give the previous novel one out of 6 stars +please help me search the tv series a mouse divided +find time for films at the north american cinemas +add daedelus to my lazy chill afternoon +add this jimmy london tune to the new waltz playlist +put ramy ayach on latin pop rising +what s the forecast for my current location +find a picture called nuclear blast all stars: out of the dark +give two stars to current album +i d like to eat with a party of nine in snapfinger pa +i d like to hear the song daimidaler: prince vs penguin empire +book a bakery at zero o clock for 5 people +find mahalakshmi iyer music on netflix +rate i commitments 5 of 6 points +what s the weather at my current location +what time is a man for burning playing +play twenties symphony from robert walter +what is the movie schedule right now for movies around here +what will the weather be in albania at 11:56 +what s the weather in gu on jul the 4th 2024 +the private patient gets a rating of 5 +add song to women of sxsw +what time is thick as thieves playing at santikos theatres +add the name the magnificent tree to playlist this is rosana +i need top gear 2 please search it for me +please add a track from jeff mills to my hiphop hot 50 playlist +rate this novel 0 of 6 stars +play pirates of the caribbean online +how to buy picture of agent hamilton: but not if it concerns your daughter +play party ben on slacker +find donkey town a show +what time is irreconcilable differences playing regal entertainment group +give this novel 3 of 6 +please check the movie schedule +book a table for 7 at a popular bistro distant from kremmling +where is walt: the man behind the myth playing +what cinema has the closest movies +what movie is at loews cineplex entertainment +play a melody by avery storm +is a master of craft playing at wanda group +play praise the lord and pass the ammunition +where can i get lahore +show the forecast nearby in twenty two minutes in french polynesia +book a table at anstruther fish bar in fm +want to eat at the meatball shop that s within walking distance of erica s campus +my té para tres needs brave and crazy added on +the a mighty fortress series should be rated a two +show movie schedules for marcus corporation +give the current textbook five stars +please start playing some thirties theme music +find the movie schedule for marcus corporation +show me the tv show my only wish +book a table for ten in pollock pa +play music from the twenties +play stefon harris s song +play the music track of 1998 +where can i find the picture another happy ending +play me the tv show seal team +i d like to book a reservation for next spring for nine people at shore club +i rate the book time and stars two points +rate the blood on the moon saga a three +find me the princess battles song +tell me the weather forecast for june seventeenth 2034 in fl +reserve a place to eat on march fifteenth in china within the same area +find 16 starting time for heavenly body +is the butcher boy playing anywhere at supper time +what is the weather in lloyd equatorial guinea +play me a song by carol arnauld from 2003 +what is the predicted weather on mar 27 for farragut state park +add album to ultra metal +book a restaurant in seven in fort mckinley +add a track to my playlist classic acoustic +book a restaurant for 7 people +the stars total 6 but journey under the midnight sun gets a four +add gina schock to workout twerkout +find me the travel weekly +please play playlist todo reggaeton +rate 12: the elements of great managing a 0 +find me the twinkler playing at national amusements in 2 minutes +find the schedule for movies at the nearest cinema +can i get the newest movie schedule in the area for animated movies +find santikos theatres showing animated movies +add this tune to my playlist named women of fresh finds +add back porch spirituals to my hit remix playlist +what will the weather be in nationalpark rila on nov 25 +add song to evening playlist +play the track grow old with me by artist chloe rose lattanzi +add stephanie biddle to my digster reggae playlist +book a jewish churrascaria in minnesota for 9 people +can you bring up the movie schedule for arclight hollywood +play me a xuefei yang symphony on groove shark +play some tune from 2011 on youtube +find the schedule for for the day of the jackal at pacific theatres +i d like to watch movies at kb theatres +go to movie times at imax corporation +play divine from vinnie roslin +when is the sea of grass playing at the movie theatre +will it be hot in amenia wi +is the angelus playing at the movie house at dinner time +is the couch trip at the nearest cinema +rate this book 2 of 6 points +play 1966 theme music on slacker +give the current textbook 2 of 6 +i d like to see the movie edinburgh evening news +i m looking for the album called disorderly conduct: video on patrol +will there be rainfall at one pm in catahoula +find a book called the magic christmas tree +add willie nelson live to my acoustic blues playlsit +give this book a rating of 3 +play tomtegubben som hade snuva +i need a table for 5 at a brasserie that has a reuben sandwich +where can i read the book the omega stone +show me the saga st elsewhere +i want to eat at a indoor bar for two +add this tune to my in the arms of a woman +search for chasing fortune a tv series +play a tune by andrew findon +find the schedule for films around here +book reservations at a highly rated bar on 11/23/2031 +find lost in space +play a 2013 song on groove shark +what time is a battle of wits starting +i would give the all that: fresh out the box saga a rating of 2 points +what are the movie times at goodrich quality theaters +can you find me the movie the girl and the general +play some music by frayser boy +i want to book a minnesota bar +can you give me the movie times +rate this novel a five out of 6 +play music from negerpunk +will there be a blizzard in north carolina +book city tavern in poland +book a reservation for the training table on mar thirteenth 2026 +show me the schedule of movie michel strogoff +want to watch the tv show treeful of starling +add buddy desylva to my this is j balvin playlist +rate the tropic of cancer book a 2 out of 6 +reserve in bermuda a food court near jan and i +find the nearest movie house showing good morning babylon +play the latest music by martin luther mccoy +play music from 1981 +i want to play the game pesterminator: the western exterminator +what is the weather forecast for naches sierra leone +book a cafeteria with wifi +add house of pain to my 90s indie playlist +will it be colder in san pablo today +what movie times are around here playing animated movies +play disco tango to power walk +find the movie schedule for 20:45:24 +what time are the movie schedules +add the artist borys ljatoschynskyj to my under the surface playlist +play my top gaming tracks +book at beardslee castle in fairview lanes for fifteen o clock +put corrina corrina onto my classical x list +what time is g-men vs the black dragon playing at harkins theatres +play a song from 1950 +what is the orlovista forecast for midday within walking distance +use the service zvooq to play top-10 by artist coolio +i m looking for the painting god must have spent a little more time on you +play music from the sixties +i give the homo handbook saga 3 of 6 stars +add lagaylia frazier to my emotron +i want to find an oyster bar with tetrazzini for 9 people +add mayya to the de manhattan con amor playlist +i need a reservation for the best asian joint on jan 3 in bradford alabama for a party of 9 +please search the work the mercenary +is it going to be freezing in lolita +what channel does the television show the roxbox play on +find a photograph called dragon ball z: the best selections +i want to add mark boston to my power walk list +tell me the weather forecast for my current place at 15 o clock +where is the cycle playing +add cary brothers to rock the 2000 s playlist +play khujo eighties track song +the citrus industry is a four rating value and a best rating of 6 +what s the forecast in stobo +rate the crossing 3 of 6 +is it hot in round hill hi +book a restaurant for one for this month +tell me how bellwood weather is +i d like to reserve a table in northcote +find projections an album +i would like to book a restaurant in niagara falls for 8 on june nineteenth +book a table for 10 at top pot doughnuts +book me a restaurant reservation in fiji for zero am +what is the forecast for hot temps in ocean park +give this book 2 out of 6 stars +how temperate will it be here this week +what is the weather like within walking distance of the bothwell lodge state historic site +on 2/25/2025 will it be hot in holstein +i would rate this album a zero and give it a best rating of 6 +show me a novel by onnaam muhurtham +find a photograph called greatest hits volume one +give 4 out of 6 stars to current chronicle +play some seventies music by janne puurtinen on youtube +book a restaurant that serves agnolotti in colorado city idaho +need a table at a highly rated south tyrolean joint +i need a top-rated pub in friona +give the enemy within saga 3 stars for me +where can i watch the latest episode of the tv show chu chu and the philly flash +book tartine in mississippi for 5 +give this album 4 of 6 points +what time is the mourner playing at the movie house +is it supposed to hail in ny +find think: act +i give this novel a 5 out of 6 +play groove shark folk-rock +add a track to fusion fest +can you play the greatest songs by mauro picotto +how do i rate this book 4 stars +i d give the hundred thousand kingdoms a three of 6 +play ambient music +add this track to my dance workout playlist +is las aventuras de zachary beaver at harkins theatres +book a table for five at a restaurant with the best rating +when is the life and death of king richard ii playing at mann theatres +play saga the yellow rose of texas +what is the local movie schedule +the trapaholics needs another artist added +what animated movies are playing at the closest movie theatre +will it rain in six weeks in libby +add cross bones style to guest list take +what animated movies are playing in the area and what is the movie schedule +play night electric night on iheart +what s the weather forecast for niue at two am +book me a reservation for a mediterranean restaurant on confederate memorial day nearby ocean grove +tell me whether bahrain will be humid in one hour and 2 minutes +play the best elizaveta khripounova +what time can i see the half naked truth +what will the humidity be like on june eighteenth in my current location +will it be overcast next summer not far from redington shores +book a popular restaurant in new jersey +play some 2011 music by dan healy +i would like to book a restaurant in poncha springs for 8 at 00:32 am +add to my rumba y más playlist the song by haley scarnato +will there be a snowstorm in slick or four hours from now +is it going to rain in kansas by march 4 +is it chilly in pixley +play some rachel stevens off of itunes +i want to give the plague lords of ruel 0 stars +book a party for 7 at a food court with potato salad in alabama in eleven hours +where is the toxic avenger ii playing +rate the deception chronicle one of 6 points +book a restaurant for four on october 9 in maine +find me a table for 8 somewhee in hollenberg in nine weeks +book some indonesian food truck food that is not far for a party of 8 in ia +show creative picture of wonderful town +play before i grew up to love you by wafah dufour +book a restaurant in eleele on october the fifth for 3 people +get me a photograph of trac +find a movie schedule for united paramount theatres +play wynton kelly music on netflix sort by popular +find the album biology today: an issues approach +book a table at a cuban pub for 5 pm for a party of 7 in virginia +find a nearby movie schedules for movies +what time is twin peaks: fire walk with me showing +put this shelter from the storm on r&b party classics +i m looking for the television show titled the lonergan review +rate the current essay a five +play punk essentials on zvooq +what is the weather forecast for four pm close to stretch point state park +book the tea house on north river +show me the schedule of movie the duchess of langeais in cinema +play music from tommy ridgley +show me the photograph with the title the denial +add shangri-la to the african heat playlist +whats the weather in fernando new jersey +give three stars to talbot mundy: messenger of destiny +what is the forecast for here +show me firepower +add tobias sammet to my bring back the 90s list +weather in one minute in norfolk island +show films at the nearest cinema +play me a trailer for the north-west passage +find the schedule for to shoot an elephant at the nearest movie theatre +can you give me the movie schedule for amco entertainment +i need a reservation for a highly rated goiano restaurant in ar +play wow by jon theodore +rate this book 5 of 6 points +i need to add to the all things post starting with my favorites from the silence +i give the battle of bretton woods saga two of 6 stars +what time is see grace fly playing at cineplex odeon corporation +i want to hear some sixties melody from mark mcentee off of google music +what is the cameia national park forecast for in one minute and 1 second +add the artist to my indietronic playlist +what s the weather forecast for hooven lithuania on national grandparents day +book a highly rated restaurant with northeastern for 10 in satanta +add firehouse to my acoustic soul list +i want to get nine seats at a restaurant that serves ice cream cake +give 0 points to current series +will it be hot in my current location this week +book fast food that is highly rated +i d like to eat surf and turf in one minute at a bar +book a spot far from åland +i need to book a table at brasserie for 10 that is highly rated in kentucky +find mann theatres movie schedule +put ik tara onto pure seduction playlist +how to get saga stronda style +show the put yourself in his place game +what s the weather here at 2 pm +find the putrid death sorcery soundtrack +rate the book line to tomorrow three stars +give 1 out of 6 points to current saga +can you give me the weather forecast for nov 9th for lakeview heights la +what movies are playing at cobb theatres +play a top-twenty tune by noor jehan +add i hate myself and i want to die to my six string peacefulness +show me the game english freakbeat +book a table at a restaurant for 10/24/2028 for me and lauren +what howards end cinema is near +what are the movie times for films nearby +play tad kinchla soundtrack +book a spot for 2 at a brasserie that has hot dog in wa at twelve am +play a song by busta rhymes +is the weather colder in costa rica +find five came back for me +i give the thibaults a 1 +add take me back to dear old blighty to my dinner playlist +download the red eagle tv show +play the song remains the same with pandora +is it possible to find the book live in europe online +i want to read the novel pokémon the movie: black—victini and reshiram and white—victini and zekrom +i give the previous album a zero +look for the learning & behavior picture +look up the this is halloween trailer +what is the forecast this evening for the calipuy national reservation +book a reservation for can fabes nearby namibia +i want to book a restaurantin perrytown missouri for candice jeannie and nichole +i want to play the video game the coyote kings of the space-age bachelor pad +please add the song by sunil santha to my pre-party r&b jams list +please play the most popular ep from 1998 by mc frontalot +find book in the valley +rate this essay zero of 6 points +add ricky nelson to my classical x playist +will the weather be cloudy seven weeks from now in hinckley +book reservations at restaurant in edgemoor nm on august 3 2024 +i want to hear a symphony from kano +is it going to be nice in sandoval belgium +play elastic love by junior marvin +find five spanish songs a photograph +please play some bill evans music +give me a list of films that play in the neighbourhood +add this tune to escapada +rate this essay with three of 6 +what s the weather in new beaver +put on vimeo and play kacapi suling +play music by keren woodward +book a restaurant for 5 +please play a movement by rupam islam +find a movie called emerald city +will it be chilly at 11 am in loup city +open itunes and play heath music from 1981 +book a spot for ten at a pub that has umbrian in nv on feb the fourth +play all music alan released in 1997 +give this textbook zero stars +on lea s saturday night playlist add the name d generation +play music on netflix +what s the weather for new york on july the 28th 2032 +add tour generación rbd en vivo to the roadrunner rec new releases playlist +find a tv series called white bread black beer +show get it together on tv show +play music from gavin koppell movement +rate the broken spears with 2 stars +rate the current essay a three +is snowfall forecast in pa +add song to rocksteady playlist +will there be a depression in the weather here on cyber monday +what is the weather of new jersey palisades at three hundred three days from now +i want to book a restaurant +add to my playlist lazy chill afternoon nothing can stop us +book reservation at a restaurant in south mills mt for one at 07:07 +search for tera: the exiled realm of arborea +find me the novel of a dictionary of slang and unconventional english +rate the last textbook three stars +i d like to see hannah montana and miley cyrus: best of both worlds concert +will it be sunny in south superior +where did the painting highs in the mid-sixties go +i would give this current novel a value of 3 and a rating of 6 +can you please look up the tv series an experiment with time +what time are animated movies playing in the area +add this tune to my top 100 rock tracks on spotify +the current series only deserves two out of 6 +add eric moo to women of jazz +what is the weather going to be like this evening in arkansas +could i download chavez: inside the coup +find the son of man show +what movie schedules are at national amusements +find a movie house closest showing operation: kingdom +movie schedules at amc theaters +where to buy education for chemical engineers +what is the movie schedule at the imax corporation three minutes from now +give two out of 6 points to current textbook +find the tv series i build the tower +need a restaurant booking for next week for a party of 6 in the state of or +play celtic music +book a restaurant for three people in jenkins +i give this last novel only 1 points +play innovations by kokia +in ut at 7 pm will it be snowy +i need a table for five in viroqua +play me the newest fourties symphony +show movie times at megaplex theatres +rate the current novel one of 6 +what is the movie schedule at dipson theatres +i want to eat at the trout creek restaurant for 9 people for bougatsa that is the best +play some latin music +add a track to my girls night playlist +give the turning point a 0 out of 6 +show me the closest 12 a m showing at a movie house of an animated movie +book an australian restaurant in moldova +will there be rainfall four weeks from now in tehama bahamas +play sergei anatoljewitsch kurjochin s music on groove shark +what is the movie schedule for animated movies in the area +play top music from charles l johnson on vimeo +please find me glass cloud – single +where is priorities on parade playing +give jackass investing a three +play music on pandora +what will the weather be in norway at sunset +play me hier encore by greydon square +rate this book titled cold two stars +please tell me the movie schedules +my rating for dilvish the damned is 4 out of 6 +can you pull up my name is brain brian +i give ruled britannia a rating of five out of 6 +weather for knierim kansas in twelve weeks and a half from now +rate the current textbook 5 stars +book a table for 8 at a pub in north carolina +what will the weather be this year in horseshoe lake state fish and wildlife area +what is the temperate in uzbekistan +add the r l burnside album to my nothing but a party r&b playlist +please pull up the album the last war +play some 1959 songs on iheart +book a spot for nine at a top-rated brasserie that has swiss within the same area of new york +find the movie schedules for consolidated theatres +book pm park clear lake iowa at 5 am for 6 people +where can i find a painting called battlestations: pacific +is it going to be warmer in 2 years and a half in deweese +find darker than black +book an australian restaurant in jacksboro three weeks from now for my step father and i +play some tony grant +for the classic road trip songs add the entity unwelcome +add album to my deathcore playlist +play me a 1986 jim root +add an album by liza oumarova to the steampunk playlist +can you find me the stand proud book +play the television show tears laid in earth +what are the movie times one second from now at the alamo drafthouse cinema +rate this book the book of snobs 1 points +add tony kakko music to street dance playlist +how do i find the soundtrack african development perspectives yearbook +a rating of four out of 6 goes to memory in death +book a spot for six at bear hotel in 5 seconds +tell me if it ll be freezing this year in id +give the current essay a rating of zero out of 6 stars +show me the schedule of movie warning from space closest to movie house +reserve a table for two at the restaurant at 9 pm +what movie house is the closest playing animated movies +add stuck on nothing to my sax and the city playlist +find me a creole restaurant +rate the current textbook 3 of 6 stars +in portales gambia what is the humidity this morning +book a spot at a sushis diner in minnesota +what is the weather going to be like in reidland new mexico next jun +i d like to know how the weather will be at 8 pm in tennessee +find a movie house closest with animated movies +play the birds and the bees by ceca +rate myths of the near future three points +show me a television show named a love to hide +play some bertine zetlitz record +play hanging in the balance by nik kershaw on zvooq +what is the weather for charlotte hall saint kitts and nevis +play music from the twenties with slacker +play fourties music on pandora +book a churrascaria in macao on may the twenty-third +show me the sex therapy painting +show movie schedules +my feelin good playlist needs some mai selim in it +will it be hotter in md on apr 10th +how much rain are we getting in current position +add this artist to my 59th grammy awards +add pittsburgh slim to my indie mim playlist +the current essay feels like a 3 +i need to book a table for claudia and imelda at a brasserie that is top-rated +show me movies in the area +rate this album a 3 +book a restaurant in puerto rico +find a reservation for a party of six in tuvalu +add a rachael price album to todo edm +rate the rules of survival a 5 value +i want to watch animated movies at showcase cinemas +rate beaver towers five out of 6 stars +four points for this essay +book a tavern on lincoln s birthday/lincoln s day +play a 2001 tune +search for the abel sánchez: the history of a passion novel +when is percy jackson playing at the movie theatre +make a booking for the highly rated food court in montenegro +what will the temperate be here on shmini atzeret +what s the weather in ecola state park in three minutes +can you play me some britpop music +i need a reservation for my teens and i six months from now in tennessee +what is the current weather forecast for diamondville +rate this textbook 1 stars +play richard fortus live collection +show me the best of: volume 1 tv series +add this artist to queen playlist +play me a concerto by jethro burns from zvooq +add this song to wedding classics playlist +add more david wolfenberger to my duetos playlist +put another song in the cloud rap playlist +show me the painting live – very live in concert +play a sudden rainstorm playlist +play the most popular johnny clarke on deezer +i wish to listen to some fifties music +open vimeo and paly every song released in 1986 +i want to watch the show railroad model craftsman +play dawn richard song white summer +book a restaurant in mauritania for 1 person +i give zero points to this chronicle +add famous to my playlist lo que suena new york +show the movie times +play concerto from the eighties +i want novena on a nocturn added to the playlist called gold edition +what is the foggy forecast for nov 15 in france in brookland terrace +i give the current essay a two +is it likely to be warm in rush hill +play some hong junyang +find the schedule for animated movies in the neighborhood +i want a photograph of elizabeth the queen +tell me when it will be humid here +add fish leong to my i love my 00 s r&b playlist +play got to be free by madeleine peyroux +this album is the last and rated five +rate this textbook four of 6 +play a record by black wall street records +add viktor merjanov to california rock state +add an andy hurley album to my transatlantic lullaby list +rate the current album one points +find the book called black wings of destiny +i am rating book of challenges four stars +i m looking for the movie white unicorn +rate winning the oil endgame zero of 6 +can you get me the education of little tree song +show an actress for the newest album +book a reservation for gaslight tavern on may the twenty-seventh +find belle of the yukon +play a chaos of desire from dan snaith +find the book time and again +rate peveril of the peak a five +play music from 2000 on spotify +play off the ground +make me a reservation at a delicatessen that serves tofy for a party of four in az +give the chronicle fathers and crows a 5 out of 6 +please add carmel to my lunchtime playlist +book for 3 in u s virgin islands +find me the movie times for the marcus corporation +let me get the movie schedule for lunch time +play by the sleepy lagoon by greg kurstin +is it colder faraway from my current spot +please find brand new strings +i want a table for 2 at a portugal restaurant +let s play the album handover on deezer +book a spot for 10 at shopsins in denmark on st patrick s day +add people take pictures of each other to rhythm and blues playlist +can a i get the movie schedule for sympathy for the devil +what are the weather conditions going to be like in manhasset vermont on dec the 6th 2036 +add night and day to my lazy chill afternoon playlist +add d-day dodgers to my running power playlist +add aprite le finestre to my this is earth wind & fire playlist +add bob klose to la mejor música para tus fiestas +i need a reservation at sunrise for melva and heidi at a local restaurant +add saxophone supremacy to ofelia s calm before the storm playlist +book me a pizzeria that serves oreo for eight +at ten am what will the weather be like nearby in cyprus +when and where is nefertiti queen of the nile playing +what time is a man for burning playing +play 1993 theme music +find a soundtrack called new religion +rate the under the sign of saturn 0 of 6 +give this chronicle 4 stars +give begums thugs and white mughals four points +rate the book saga a coin in nine hands 0 points +book in pine bluffs for 5 people in the same area +i give cross country four out of 6 +play dave wyndorf album +book reservations at a restaurant in olton around supper time +add tune to my playist the piano bar +where can i see animated movies that s nearby +what animated movies are in the area +4 stars for three to get deadly +add gabrial mcnair to my love in paris list +what is the posey island state park forecast for colder temps at meal time +how will the weather be this month in or +what can i watch watch the television show catch +i would give this current novel 4 points +play fifties music on slacker +is the mystical adventures of billy owens playing at the closest movie house +rate encyclopaedia of the social sciences zero out of 6 +locate me the novel entitled isthmus +play some dance music +book a restaurant this year for party of 2 +i would give feast of the innocents a value of 1 +i want to give the first person and other stories 0 out of 6 stars +what is the nearby forecast for here at 15:26:11 +how will be the weather in waltersville in one hour +play music by antonella barba from the album bath +what movies are playing at the closest cinema +is there a game called the neutral zone +what is the weather for my current place +show me rapid city muscle car +book a reservation for 9 people at a roman pizzeria +will it be chilly in penuelas indonesia on nov 26th 2030 +what s the weather like in hamilton city +where can i see the trailer of take me to the king +is it going to be stormy close to australia +play a tune from space mandino +what time is the brat playing at the movie house +find the bride +i d like to book at a place in michigan for a party of 3 name of the restaurant is carter house inn +tell me when it ll be chillier in cavalero corner id +are there any movies playing at 5 am at north american cinemas +diana in search of herself is average and gets a 3 out of 6 points +show olympia 81 saga +can i get the movie schedule for loews cineplex entertainment +book a boon brick store for my grandkid and i at evans mills +i want to eat choucroute at a brasserie for 8 +play funky heavy bluesy +rate the current album 2 points out of 6 +go to the photograph the inflated tear +rate richard carvel 4 out of 6 diff --git a/JointBERT-master/data/snips/train/seq.out b/JointBERT-master/data/snips/train/seq.out new file mode 100644 index 0000000000000000000000000000000000000000..b14967ecd6aa322f9b92577fd49112faf67dbc86 --- /dev/null +++ b/JointBERT-master/data/snips/train/seq.out @@ -0,0 +1,13084 @@ +O O B-artist O B-album O B-service I-service +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O O B-object_select B-object_type O O O O B-rating_value O O O O O B-best_rating +O O B-music_item B-track I-track I-track +O O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-year O +O O B-sort B-music_item O B-artist I-artist +O B-movie_name I-movie_name +O O O O B-party_size_number O B-state +O O O O O B-city B-state O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O B-object_select B-object_part_of_series_type O B-rating_value +O O O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-year O O B-artist +O O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi B-spatial_relation B-timeRange I-timeRange I-timeRange +O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange I-timeRange +O O O O O B-restaurant_type O B-city I-city B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-playlist I-playlist B-entity_name I-entity_name I-entity_name I-entity_name +O O B-restaurant_type O B-timeRange I-timeRange I-timeRange O B-state +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist O +O O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O B-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist +O B-movie_type I-movie_type B-spatial_relation O O B-object_location_type I-object_location_type +O B-object_name I-object_name B-object_type +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_type I-object_type +O O B-sort I-sort B-artist O O B-service +O O O O O B-object_select B-object_type B-rating_value B-rating_unit +O B-entity_name O B-playlist_owner B-playlist O +O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O O O B-object_type B-object_name I-object_name +O O O O O O O B-sort B-restaurant_type O B-state +O O O O O O B-current_location I-current_location B-timeRange I-timeRange I-timeRange I-timeRange +O O B-playlist I-playlist I-playlist I-playlist +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O B-object_type I-object_type O B-object_name I-object_name +O O B-object_type O B-object_name +O O B-restaurant_type O O B-served_dish B-spatial_relation I-spatial_relation I-spatial_relation O B-state +O O O O O B-object_type O B-movie_name I-movie_name I-movie_name +O O B-music_item O B-artist I-artist +O O O O O O O O O B-city O O O O B-country +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-condition_temperature O B-state +O B-object_select B-object_type O B-rating_value +B-spatial_relation I-spatial_relation I-spatial_relation O O B-movie_type +O B-object_type O B-movie_name I-movie_name I-movie_name O O O O O B-object_location_type +O O B-restaurant_type O B-party_size_number +O B-track I-track I-track I-track O B-artist I-artist +O O O O O B-artist I-artist B-music_item +O O O O O B-restaurant_type B-spatial_relation I-spatial_relation O B-poi I-poi +O O B-rating_unit O O B-best_rating O B-object_name I-object_name I-object_name I-object_name O O O B-rating_value +O B-entity_name I-entity_name O B-playlist_owner O O B-playlist +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O B-spatial_relation I-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-entity_name I-entity_name O O O O B-playlist I-playlist +O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-genre O B-service +O O O B-music_item O B-playlist I-playlist +O O B-object_type O O B-best_rating O O O O B-object_select O O B-rating_value +O O O B-object_type I-object_type O B-location_name I-location_name +O O O B-object_type B-object_name I-object_name +O B-object_select B-object_type B-rating_value O O B-best_rating +O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O B-music_item O B-artist O B-service +O O B-object_select B-object_type O B-rating_value +O O O O O B-music_item O B-service O B-artist I-artist +O B-object_name I-object_name I-object_name +O B-object_name O B-object_type +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-music_item O O O O B-playlist +O B-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O O O B-restaurant_name I-restaurant_name O B-country O O B-party_size_number +O O O O B-condition_description B-spatial_relation O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange +O B-rating_value O B-best_rating B-rating_unit O O B-object_select B-object_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-object_type O B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O O O O O B-state I-state B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-movie_type O O O B-location_name I-location_name I-location_name +O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value O B-best_rating +O O O O O B-object_type O B-object_name I-object_name +O O B-music_item O B-playlist_owner O O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O B-object_name I-object_name I-object_name I-object_name +O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-artist I-artist O O O O B-playlist_owner O B-playlist I-playlist I-playlist +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-object_type I-object_type B-object_name I-object_name +O O O O O B-restaurant_type O B-served_dish I-served_dish I-served_dish O B-country +O O B-object_name I-object_name B-object_type +O O B-music_item O B-playlist I-playlist +O O O O B-party_size_number O O B-sort B-restaurant_type O O B-cuisine B-spatial_relation B-poi I-poi +O B-artist I-artist O O B-year +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value O B-best_rating B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name I-object_name O O B-rating_value B-rating_unit +O O O B-condition_temperature B-timeRange O B-city I-city +O B-album I-album I-album O B-artist I-artist +O O O O B-restaurant_name I-restaurant_name O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-state +O O B-timeRange O O B-party_size_number +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O B-artist I-artist O B-playlist I-playlist O +O O O O O B-timeRange I-timeRange O O O O B-party_size_number O B-city I-city +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name +O B-music_item O B-playlist_owner B-playlist O +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist +O O B-artist I-artist B-music_item +O B-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O O B-music_item O B-playlist +O O O O B-object_name +O O O O O O B-served_dish I-served_dish B-restaurant_type B-timeRange I-timeRange I-timeRange +O B-object_select B-object_part_of_series_type O B-rating_value +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist O +O O O O O B-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange +O O O B-condition_description O B-city O B-timeRange I-timeRange +O O O O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-year +O B-service +O O O O B-object_name I-object_name I-object_name B-object_type +O O B-object_type I-object_type O B-object_name I-object_name +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type +O O O O B-object_name I-object_name I-object_name +O B-year O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange O O B-spatial_relation B-object_location_type +O O B-object_type I-object_type +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O O O O B-country I-country +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O B-movie_type O O O B-location_name I-location_name +O B-artist I-artist I-artist +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-rating_value O O B-best_rating O B-object_select B-object_type +O B-rating_value O O B-best_rating O B-object_name I-object_name I-object_name +O B-object_type I-object_type +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O O B-facility I-facility O O B-restaurant_type O B-timeRange I-timeRange I-timeRange +O O O O O O O B-rating_value O B-best_rating O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-entity_name O B-playlist_owner B-playlist I-playlist +O O B-object_select B-object_type B-rating_value O B-best_rating +O O O O O B-party_size_number O O O B-restaurant_type O O B-facility +O O O O O B-genre O O B-service +O B-object_select B-object_type O B-rating_value +O B-service O O O +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O B-artist I-artist O B-playlist I-playlist O +O O O O B-party_size_number O O B-restaurant_type O B-facility +O B-playlist_owner B-music_item O B-playlist I-playlist I-playlist O +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O O O O O B-city I-city +O O O O O O B-spatial_relation I-spatial_relation O B-state O B-timeRange I-timeRange I-timeRange +O B-album I-album I-album I-album I-album I-album O B-artist I-artist +B-country B-city O B-condition_description O O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name +O B-sort B-music_item O B-year +O O O O B-restaurant_name I-restaurant_name O B-state O O O O B-party_size_number +O O O B-service I-service +O B-rating_value B-rating_unit O B-object_select B-object_part_of_series_type +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-object_type I-object_type +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name I-movie_name I-movie_name +O O B-object_type O B-object_name I-object_name +O O B-movie_name I-movie_name I-movie_name O +O O O O O B-year O B-artist I-artist O B-service +O O O B-year O B-artist I-artist +O O O O O B-music_item O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name O O B-playlist I-playlist I-playlist O +O O B-music_item O B-playlist I-playlist I-playlist O +O B-object_select B-object_part_of_series_type B-rating_value O O O O O B-best_rating +O B-object_type I-object_type O B-spatial_relation I-spatial_relation B-movie_type +O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-music_item O B-artist I-artist +O O O B-object_name I-object_name I-object_name +O O O O O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O O O B-timeRange I-timeRange I-timeRange O B-state +O B-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist +O O O O O B-object_type O B-object_name I-object_name +O O O O O B-condition_temperature O O B-state +O O O O O B-party_size_number B-timeRange I-timeRange O O B-restaurant_type +O O B-music_item B-track I-track +O O B-year B-music_item O O B-service +O O O O B-party_size_number O O B-cuisine I-cuisine B-restaurant_type +O O O O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-country +O O B-sort B-music_item O B-artist I-artist O B-service +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O B-music_item O B-playlist I-playlist +O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-timeRange I-timeRange I-timeRange O B-city +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_select B-object_type O B-rating_value +O O O O B-party_size_number O O B-restaurant_type O B-city B-state +O O O O O O B-city I-city O B-timeRange I-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name O O O B-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-restaurant_name I-restaurant_name +O O B-object_type O B-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type O B-timeRange +O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O B-object_select B-object_part_of_series_type O O B-rating_value O +O O O O O O O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange I-timeRange +O B-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange I-timeRange +O B-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-object_name I-object_name I-object_name +O B-object_type O B-rating_unit O O B-object_select O O B-rating_value +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-object_name I-object_name +O O O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist +O O O O O B-condition_temperature O O B-city +O O O O O B-object_type O O B-object_name I-object_name +O B-track I-track I-track I-track I-track I-track O B-artist I-artist +O B-track I-track I-track I-track I-track O B-artist I-artist I-artist +O O B-restaurant_type B-spatial_relation I-spatial_relation O B-city O B-party_size_number O +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-year B-music_item O B-artist I-artist +O B-year O O O O B-service +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-restaurant_type O B-party_size_number O O B-restaurant_type O O O O O B-served_dish O +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O B-movie_name I-movie_name O +O O O B-year +O B-album I-album I-album I-album I-album +O O B-music_item O B-playlist I-playlist I-playlist +O O O O B-object_type B-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-artist I-artist B-music_item O O B-playlist I-playlist O +O O B-artist I-artist B-music_item O B-playlist +O B-restaurant_name I-restaurant_name I-restaurant_name O B-country I-country I-country I-country O B-party_size_number O +O O B-artist I-artist O B-year +O O B-music_item I-music_item O B-artist I-artist +O B-poi I-poi O B-party_size_number O O B-restaurant_type B-facility O O B-spatial_relation I-spatial_relation +O O O O B-artist I-artist B-year O O B-service +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_select B-object_type B-rating_value B-rating_unit O O O O O B-best_rating +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name +O O O O B-object_type I-object_type +O O O O O B-state I-state O O O B-condition_description +O O O O O B-city B-country +O O O O B-music_item O O O B-playlist I-playlist +O O O O O B-spatial_relation B-restaurant_type O O B-served_dish O B-state O O O O B-party_size_number O B-timeRange I-timeRange +O B-object_select I-object_select B-object_type B-rating_value O O B-best_rating +O O O O O O B-sort I-sort B-restaurant_type +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-spatial_relation I-spatial_relation O B-current_location +O O O O O B-restaurant_type O O O B-facility +O B-service B-genre O +O O O O B-sort O O B-artist I-artist +O B-service O O B-artist I-artist B-music_item O B-year +O O O O O B-restaurant_type I-restaurant_type B-spatial_relation B-state O O O O B-party_size_number +O B-entity_name O O B-playlist I-playlist I-playlist O +O O O O O B-timeRange I-timeRange I-timeRange O B-state +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type I-object_type +O O O B-condition_description O B-city O B-country +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O O O O B-best_rating +O O O B-artist I-artist O B-year O B-service +O B-movie_type O O O B-location_name I-location_name +O O B-restaurant_type O B-party_size_number O +O B-object_type I-object_type O B-location_name I-location_name +O O B-condition_temperature O B-city I-city B-country +O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O O O O O B-country +O O O B-object_name I-object_name +O O O O B-restaurant_name O B-city O B-party_size_description I-party_size_description I-party_size_description +O O O O O B-city I-city I-city O B-state O B-condition_temperature O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-city B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-party_size_number O O B-restaurant_type +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-restaurant_name I-restaurant_name O B-party_size_number O +O O O O B-object_name +O O O O O B-city +O O O O B-party_size_number O O O B-sort B-restaurant_type O B-city O O B-cuisine O +O B-object_type I-object_type O B-location_name I-location_name +O O O B-restaurant_type O B-state O B-party_size_number O O +O B-track O B-artist I-artist O B-service I-service +B-restaurant_type O B-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-track I-track O B-artist I-artist +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O O O O B-country I-country B-timeRange I-timeRange +O B-movie_name I-movie_name I-movie_name O +O O B-object_type I-object_type O B-location_name I-location_name +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O O O B-object_type O B-object_name I-object_name +O O O O O O O B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist I-playlist +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-playlist I-playlist I-playlist O B-playlist_owner B-artist I-artist +O O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit +O O B-year B-music_item O B-artist I-artist I-artist O B-service I-service +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-condition_description B-current_location O B-timeRange +O B-object_select O B-rating_value O O B-object_type +O O O B-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist +O O O B-service O O O B-music_item O B-year O B-artist I-artist +O O O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist +O O O O O B-object_name I-object_name I-object_name +O O O O O B-object_type B-object_name I-object_name I-object_name +O O O O O O O B-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name O B-city +O O O B-object_location_type O B-movie_name I-movie_name I-movie_name +O O O B-year +O B-entity_name I-entity_name I-entity_name O B-playlist +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O B-spatial_relation B-movie_type O O B-object_location_type I-object_location_type +O B-sort B-artist I-artist +O O O O O B-city I-city +O O O O B-entity_name O B-playlist_owner O O B-playlist I-playlist +O O O O O B-party_size_number O B-city +O O B-music_item O O B-year +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O B-current_location I-current_location O B-condition_description O +O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange O O O O B-party_size_number +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O O B-object_name I-object_name I-object_name B-object_type +O O B-object_type O B-object_name I-object_name I-object_name +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit O O O O O B-best_rating +B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type O B-timeRange I-timeRange I-timeRange +O B-service O O O B-sort O O B-artist +O O O O O B-condition_temperature B-timeRange O B-city +O O B-object_type I-object_type +O O O O B-object_type I-object_type O B-location_name I-location_name +O O O B-artist I-artist +O O O O B-object_name I-object_name I-object_name I-object_name +O O O O O O B-party_size_number O O B-spatial_relation O B-city O O B-restaurant_type O B-served_dish I-served_dish +O O B-sort B-cuisine O O O B-restaurant_type O B-city O B-party_size_number +O O O O O O O B-city I-city B-state O B-timeRange +O O O O B-party_size_number O O O B-restaurant_type O O B-served_dish +O O O B-condition_description B-timeRange I-timeRange O B-state I-state +O B-object_select B-object_part_of_series_type I-object_part_of_series_type B-rating_value B-rating_unit +O O O O O B-condition_temperature O B-city +O B-condition_temperature O O B-spatial_relation O B-city +O B-movie_type O B-location_name I-location_name I-location_name +O O B-year O O B-service +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O O O B-restaurant_type O O B-facility O B-party_size_description I-party_size_description I-party_size_description +O O B-object_name I-object_name B-object_part_of_series_type O B-rating_value +O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name +O O O B-movie_type O B-spatial_relation B-object_location_type I-object_location_type +O O B-artist B-music_item O B-service +O O O O O O B-rating_value O O B-object_name I-object_name I-object_name I-object_name +B-object_select B-object_part_of_series_type O O B-rating_value O O B-best_rating +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist O +O O O B-state I-state O O B-condition_temperature O +O B-entity_name O B-playlist_owner B-playlist O +O O B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O B-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O B-spatial_relation B-object_location_type I-object_location_type O O B-movie_type I-movie_type +O O O O O B-restaurant_name I-restaurant_name O B-city I-city O O O O B-party_size_number +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist +O O O O O O B-current_location +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-album I-album I-album O B-artist I-artist +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O B-movie_name I-movie_name O +O O O O O B-object_select B-object_type O B-rating_value +O O O B-spatial_relation B-object_location_type O O B-movie_type I-movie_type +O O O O B-object_select B-object_type O O O B-rating_value O O O O O B-best_rating +O O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-movie_type O O O B-location_name I-location_name +O O B-music_item O O B-playlist O +O O O O O O O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-party_size_number O O B-state B-restaurant_name O B-timeRange +O O O O O O O O B-spatial_relation B-country O B-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O O O O B-geographic_poi +O O B-object_type O B-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-condition_temperature O B-city I-city B-state +O O B-restaurant_type O O B-served_dish O B-timeRange +O B-object_name I-object_name I-object_name I-object_name O B-object_type +O O B-music_item O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist +O O B-state O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O B-year B-music_item I-music_item +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-spatial_relation O B-country I-country +O O B-object_name B-object_type +O O B-music_item O B-playlist_owner B-playlist O O +O O O O O B-restaurant_type O B-served_dish I-served_dish O B-timeRange O B-party_size_number O B-state I-state I-state +O B-music_item O B-playlist I-playlist +O B-artist I-artist O B-album I-album I-album I-album I-album O B-service +B-party_size_number O O O O O O O B-restaurant_type O O B-served_dish O B-state +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description B-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi I-poi +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O B-timeRange O B-party_size_number O +O O B-restaurant_type O B-city I-city O B-timeRange +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name +O O O O O B-object_type I-object_type B-object_name I-object_name +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O B-object_type I-object_type +O O O O O O B-music_item B-album I-album I-album I-album I-album I-album I-album O B-service +O O O B-condition_description O B-timeRange I-timeRange O B-state +O O B-playlist I-playlist O O B-service +O O B-music_item O B-artist I-artist +O O B-movie_type B-location_name I-location_name I-location_name O O B-timeRange I-timeRange +O O O O B-condition_description O B-city O O B-country I-country +O O O O O B-condition_temperature O B-state +O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name O O +O B-rating_value O O B-best_rating O B-object_name I-object_name I-object_name +O O O B-object_name B-object_type I-object_type +O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-condition_description O +O O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange B-current_location +O O O O B-year O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type O B-rating_value +O O B-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O B-music_item O B-playlist I-playlist I-playlist +O O B-object_select B-object_type O B-rating_value +O O O B-music_item O B-playlist I-playlist I-playlist +O O B-object_type B-object_name I-object_name I-object_name O O O B-rating_value +O O B-sort B-music_item O O B-year O B-artist I-artist +O O O O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name +O O O B-restaurant_type +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-sort B-music_item O O B-artist I-artist I-artist +O O O O O O O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O B-condition_temperature O O O B-city I-city +O O B-music_item O B-playlist_owner B-playlist O +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-movie_name O B-location_name I-location_name +O O O B-object_name I-object_name I-object_name +O B-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating +O O O O B-party_size_number O B-city I-city I-city B-state +O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O B-object_select B-object_type B-rating_value O O B-best_rating +O B-entity_name O B-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name O B-rating_value +O B-artist I-artist O O O B-playlist I-playlist +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name I-location_name +O O O O O O B-cuisine B-restaurant_type I-restaurant_type O B-state +O O O O O B-timeRange I-timeRange O B-country +O O B-artist I-artist O B-playlist_owner O O B-playlist I-playlist +O O O O O O O B-movie_name I-movie_name I-movie_name +O B-artist I-artist I-artist O B-playlist_owner O B-playlist +O O O O O O B-current_location I-current_location +O O O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist +O O B-music_item O B-playlist I-playlist +O O B-playlist O +O O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name O O B-spatial_relation +O O B-object_name I-object_name B-object_type +O O O O B-object_type I-object_type O O B-movie_type O O B-spatial_relation I-spatial_relation +O O O O O O B-party_size_number O O B-spatial_relation O B-poi O B-timeRange I-timeRange +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-genre O +O B-track I-track I-track O B-artist I-artist +B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O O O O O O O B-restaurant_type O B-city I-city +O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name +O O O O O B-condition_description O B-city I-city B-country B-timeRange I-timeRange +O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O O O O O B-city +O O B-restaurant_type O B-city I-city B-state +O B-artist I-artist O B-music_item O B-service I-service +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-sort B-music_item O B-year +O B-artist I-artist O O B-playlist_owner B-playlist O +O B-object_type I-object_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-artist I-artist B-music_item +O O B-object_type O O B-spatial_relation B-movie_type O O B-object_location_type O B-timeRange O +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-sort I-sort B-restaurant_type I-restaurant_type I-restaurant_type O B-city +O O B-object_select B-object_type O O O B-rating_value O O B-best_rating +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O B-party_size_number O O B-restaurant_type O B-country O B-timeRange +O O B-object_name I-object_name B-object_part_of_series_type O B-rating_value +O B-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist +O O O B-condition_description B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O B-album I-album I-album I-album B-music_item O B-artist I-artist +O O O O O B-city I-city +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange +O O O O O B-movie_name I-movie_name I-movie_name O O B-object_location_type +O B-object_type I-object_type O B-spatial_relation B-movie_type +O O O O B-movie_type O O B-location_name I-location_name +O O B-music_item O B-artist I-artist O O +O O O O O B-party_size_number O O O O B-state +B-rating_value B-rating_unit O B-object_select B-object_type +O O B-music_item O B-year O B-service +O O B-object_part_of_series_type B-object_select O B-rating_value +O B-track I-track I-track O B-artist I-artist O B-service +O O O B-object_select B-object_type O O O B-rating_value +O O O B-restaurant_type O O B-facility O O O O O B-party_size_number +O O B-music_item O O B-playlist I-playlist O +O O O B-year +O B-movie_type O O O B-location_name I-location_name I-location_name +O B-album I-album I-album I-album O B-artist I-artist +O B-object_select B-object_type O O O O O O O O B-rating_value +O O O O B-party_size_number O O B-city I-city +O O B-object_name I-object_name I-object_name O O B-rating_value O O B-best_rating +O O B-object_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-condition_temperature O B-state +O O O O O B-object_type B-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-restaurant_type I-restaurant_type O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-cuisine O +O O B-restaurant_type O B-state +O B-movie_type B-spatial_relation I-spatial_relation O B-object_type I-object_type +O O O O O B-music_item O O B-year +O O B-sort B-restaurant_type O B-party_size_number O O B-timeRange O B-city I-city B-state +O O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-served_dish B-restaurant_type O B-city B-state +O O O O O B-state O B-spatial_relation O O O O B-party_size_number +O O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit O O O O O B-best_rating +O O B-object_type O B-object_name I-object_name +O O B-object_type I-object_type O B-location_name I-location_name +O O O O B-party_size_number O B-city +O B-object_type I-object_type +O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O O O O O B-spatial_relation I-spatial_relation I-spatial_relation O B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist I-artist O B-playlist_owner B-playlist O +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name +O O O O O B-timeRange O O B-restaurant_type O O B-served_dish +O O O O O B-party_size_number O O O O B-city O B-timeRange +O O B-movie_name I-movie_name I-movie_name O +O B-object_select B-object_type B-rating_value O B-best_rating +O O O B-condition_description O O B-city I-city B-state I-state +O O B-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type +O O O O O O B-restaurant_type O O B-spatial_relation B-city O B-timeRange I-timeRange I-timeRange +O B-track I-track I-track I-track O B-service +O B-artist I-artist O O B-playlist O +O O O O B-party_size_number B-spatial_relation O B-poi O O B-restaurant_type O O B-facility I-facility +O B-timeRange O O B-spatial_relation B-cuisine O O B-party_size_number O O B-sort B-restaurant_type O B-city +O O B-city +O O O B-artist I-artist +O O B-music_item O B-playlist_owner B-playlist O +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O B-spatial_relation I-spatial_relation B-poi +O O O B-condition_temperature O B-city +O O O O O O O B-current_location I-current_location +O O O B-music_item O B-year O B-service +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-playlist I-playlist I-playlist O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name +O O O B-artist I-artist O B-music_item O O B-playlist +O O O O B-object_type I-object_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist I-playlist I-playlist O +O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-object_type I-object_type O B-location_name I-location_name +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O O O O B-party_size_number O B-state O O B-restaurant_type I-restaurant_type +O O O B-service O O O O O O B-artist I-artist +O B-object_name I-object_name +O B-movie_type O O O B-location_name I-location_name +O B-object_select B-object_type B-rating_value O O B-best_rating +O B-object_name I-object_name I-object_name O B-object_type I-object_type +O B-entity_name O O B-playlist I-playlist O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O B-timeRange I-timeRange O B-state +O O B-object_type B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_name I-object_name B-object_type +O B-object_select B-object_type O B-rating_value +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-object_select B-object_part_of_series_type O B-rating_value B-rating_unit +O O B-spatial_relation I-spatial_relation O O B-poi O O O O B-party_size_number +O O B-music_item B-artist I-artist I-artist O O B-playlist O +O O O O O O O B-timeRange O B-country +B-object_name I-object_name I-object_name O O B-rating_value O +O O O O O O O B-year +O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O O O B-music_item O B-playlist I-playlist +O O B-object_type O B-object_name +O O O O O B-movie_name I-movie_name O O B-object_location_type I-object_location_type O B-timeRange +O B-spatial_relation O B-party_size_number O B-state I-state +O O O O B-music_item O B-artist +O O O O O O B-object_name +O B-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type +O B-music_item B-playlist I-playlist O B-playlist_owner O +O O O O B-object_type O B-object_name O O O O O O O +O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist +O O O O O O B-city +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O B-sort I-sort B-artist B-music_item O B-service +O O O O O B-condition_temperature O B-timeRange I-timeRange O B-city +O O O B-condition_temperature B-country I-country B-city O B-timeRange I-timeRange I-timeRange +O O O O B-object_name I-object_name B-object_part_of_series_type B-object_type O B-rating_value O O B-best_rating +O O B-year B-music_item O B-artist I-artist O B-service +O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-music_item O O O B-year O B-artist I-artist +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O O O B-current_location O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O B-artist I-artist O B-playlist I-playlist I-playlist +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O O O B-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_select B-object_type O B-rating_value +O B-artist I-artist O B-service +O O O O O O B-timeRange O B-city I-city +O O B-object_location_type B-spatial_relation O B-movie_name I-movie_name +O O B-restaurant_type O B-country O B-party_size_number O O B-timeRange I-timeRange +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O B-movie_type I-movie_type O O B-spatial_relation +B-timeRange I-timeRange I-timeRange I-timeRange O O O O O O B-restaurant_type O B-city +O O O O O O O B-timeRange I-timeRange O B-country +O O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-playlist I-playlist I-playlist O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner O +O B-object_type I-object_type O B-location_name I-location_name +O B-object_select B-object_type O O O O O O B-rating_value O O B-best_rating +O O B-music_item O B-artist I-artist +O B-playlist I-playlist O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name +O O B-music_item O B-year +O O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-sort B-music_item O O B-year +O O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O B-cuisine O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O B-music_item O B-playlist_owner O B-playlist I-playlist +O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O O B-served_dish +O O B-object_select B-object_type B-rating_value B-rating_unit +B-object_name I-object_name I-object_name O O B-rating_value O O B-best_rating +O O O O B-object_select B-object_type O B-rating_value O O B-best_rating B-rating_unit +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-state I-state O O B-restaurant_type O O B-facility +O O O B-object_type I-object_type O O B-location_name I-location_name +O O O O O B-condition_temperature O O O B-spatial_relation I-spatial_relation I-spatial_relation O O O O B-country I-country +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city B-state +O O B-artist I-artist I-artist B-music_item O B-service I-service +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist O +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-music_item B-track I-track O B-service +O O O B-artist B-music_item O O O O O O B-playlist I-playlist +O O O B-condition_description O B-timeRange I-timeRange I-timeRange O B-city +O O B-timeRange O B-country I-country +O O O O O B-sort B-music_item O B-artist I-artist O B-service I-service +O B-artist I-artist B-music_item O O B-year +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O B-best_rating +O O O B-object_name I-object_name O B-rating_value +O O O O B-restaurant_type O O B-cuisine O B-city B-state I-state +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-state +O B-music_item O B-artist I-artist +O B-object_type I-object_type O B-timeRange I-timeRange +O O B-music_item O B-playlist I-playlist +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name O +O O O O B-year O B-service +O O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O B-city O O B-restaurant_type O O B-facility +O O B-object_name I-object_name +O O O O O B-playlist I-playlist +O O O O O B-restaurant_type O B-party_size_number O B-country O B-restaurant_name I-restaurant_name +O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item B-album I-album O B-artist I-artist +O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating +O O O B-condition_description O B-city I-city I-city +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-service I-service +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O +O O O O B-timeRange I-timeRange I-timeRange O O O B-spatial_relation O B-poi I-poi I-poi I-poi +O O O O B-object_type I-object_type +O B-music_item O B-playlist I-playlist +O B-service I-service O O B-music_item I-music_item O B-artist I-artist +B-object_select B-object_type O O B-rating_value O B-best_rating O +O O B-restaurant_type O B-party_size_number O B-sort B-city B-state +O O B-restaurant_type +O B-object_name I-object_name I-object_name I-object_name +O O O B-object_type I-object_type O O B-location_name I-location_name I-location_name O B-timeRange I-timeRange I-timeRange +O O O B-year O B-service I-service +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-sort B-restaurant_type O B-party_size_number O B-state O B-city O B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name +O O O O O O O O B-country O O O B-spatial_relation +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange O O O B-condition_temperature +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-album I-album I-album +B-object_select B-object_type O O O O B-rating_value O O B-best_rating +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-object_location_type I-object_location_type B-spatial_relation O B-movie_type +O O O O O B-current_location O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O O O B-country I-country +O O O B-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-year O +O O O O O O B-object_select B-object_type O O O B-rating_value B-rating_unit +O O B-sort O O B-year B-music_item O +O B-object_select B-object_type O B-rating_value +B-party_size_description I-party_size_description I-party_size_description O O O O B-state O B-timeRange I-timeRange +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name B-object_part_of_series_type +O O B-object_type O B-object_name I-object_name I-object_name +O O B-artist I-artist O B-service +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O O O O O B-city B-country O B-timeRange I-timeRange +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O B-year O O B-artist I-artist +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O O O B-city I-city B-country O B-timeRange I-timeRange +O O O B-condition_temperature O B-city +O O O O O B-object_type B-object_name I-object_name +O O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-object_location_type O B-movie_type O B-spatial_relation +O O B-restaurant_type I-restaurant_type O B-city B-state O O B-served_dish I-served_dish I-served_dish O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name O B-rating_value B-rating_unit O O B-best_rating +O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-artist I-artist +O B-condition_description O O B-timeRange I-timeRange O B-state +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-movie_name O O O O +O O B-object_select B-object_type O B-rating_value B-rating_unit +O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O B-music_item O O B-artist I-artist I-artist O B-service +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name B-object_location_type I-object_location_type +O O O O O O B-timeRange I-timeRange I-timeRange O O B-current_location I-current_location +O B-object_type B-object_name I-object_name I-object_name O O O B-rating_value O O B-best_rating +O B-music_item O O B-playlist I-playlist +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O O O B-object_type I-object_type +O O O O O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-spatial_relation B-city O O B-restaurant_name I-restaurant_name I-restaurant_name +O O O O O O O O O B-city I-city B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-object_name I-object_name I-object_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-condition_temperature O B-city +O O B-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type O B-country +O O B-party_size_number O O B-restaurant_type I-restaurant_type O B-timeRange I-timeRange O O B-served_dish I-served_dish O B-country +O O O O O B-condition_description O B-city B-state +O O O O O O B-country +O O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-city I-city B-state I-state +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-music_item O B-year +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O O O O B-object_name I-object_name I-object_name B-object_type +O O B-city I-city +O O B-music_item O O B-playlist I-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist +O B-service O O B-artist I-artist I-artist O O B-year +O O B-condition_temperature B-timeRange O B-city +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O B-restaurant_type O O B-state I-state O B-party_size_number O +O O B-artist O O B-playlist_owner B-playlist I-playlist O +O O O B-condition_description O B-state +O B-rating_value O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value +O B-artist I-artist O B-playlist I-playlist O +O O O B-condition_temperature B-spatial_relation B-state O B-timeRange I-timeRange I-timeRange +O O O B-artist I-artist +O B-object_location_type O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-object_type O B-movie_type I-movie_type O O B-spatial_relation B-object_location_type +O O O O B-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O B-object_name I-object_name O O O B-rating_value +O O O O O B-object_type B-object_name I-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O B-movie_type O O O O O O B-location_name I-location_name O B-timeRange I-timeRange I-timeRange +O O B-sort B-restaurant_type O B-city I-city O B-party_size_number O O B-timeRange +O O B-object_type I-object_type +O B-movie_type O O B-timeRange I-timeRange I-timeRange I-timeRange O B-location_name I-location_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name B-object_type +O O O O B-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-restaurant_type O B-state O B-timeRange +O B-artist I-artist O B-service +O O B-sort B-restaurant_type O B-party_size_number O B-country O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-sort B-artist I-artist B-music_item O B-service +O O O O B-service +O O O O O O B-restaurant_type I-restaurant_type O B-city I-city O B-party_size_number O +O B-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist +O O O O O O B-city B-country I-country +O O O O O O B-state +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-object_name I-object_name I-object_name B-object_type +O O B-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O O B-rating_value +O O O B-object_select B-object_type O B-rating_value +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O O O O O O B-sort I-sort B-cuisine B-restaurant_type O B-city O B-timeRange I-timeRange +O O O B-object_name I-object_name O B-rating_value O O B-best_rating +O B-object_name O B-object_type I-object_type O O O O +O B-artist I-artist B-album +O B-playlist I-playlist I-playlist I-playlist O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O +O O O O O B-object_type I-object_type O B-object_name I-object_name +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist +O O O B-condition_temperature O B-state +O B-object_name B-rating_value B-rating_unit O O B-best_rating +O O O O B-condition_description O B-timeRange I-timeRange O B-state +O B-city B-timeRange I-timeRange I-timeRange I-timeRange O O O O B-party_size_number +O B-artist I-artist O O B-playlist I-playlist O +O O O O B-party_size_number O O B-restaurant_name I-restaurant_name +O O O O O B-genre I-genre +O O B-artist I-artist O O B-year +O B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist O +O O O B-condition_description O O O O B-country I-country +B-playlist I-playlist I-playlist O O B-artist I-artist O O O +O B-service O O O O B-artist I-artist O O B-music_item O O O B-year +O B-artist I-artist B-music_item I-music_item +O O O O B-object_select B-object_type B-rating_value B-rating_unit O O O O B-best_rating +O B-object_name +O O O O O B-object_select B-object_type B-rating_value B-rating_unit O O O O O B-best_rating +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O B-object_type O B-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O O O O O B-spatial_relation O O B-state O O O O B-party_size_number +O O B-music_item B-album I-album O B-artist I-artist +O B-artist I-artist O +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O B-music_item O B-playlist I-playlist I-playlist +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-sort O B-artist I-artist O B-service +O O O O B-cuisine O O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description +O O O O O O O O B-genre O +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city B-state +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-condition_description O B-city +B-timeRange I-timeRange I-timeRange O O O O O O B-condition_description O B-state +O O O O O B-condition_description O O B-current_location I-current_location O B-timeRange +O O B-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type B-object_part_of_series_type B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-artist O O B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O B-object_name I-object_name +O B-artist I-artist O B-playlist_owner O O B-playlist I-playlist +O O O O O B-year O B-artist I-artist O B-service +O O O B-party_size_number O O O O B-restaurant_name I-restaurant_name O B-city B-timeRange +O O O O B-object_type O B-object_name I-object_name +O O O O B-party_size_number O O B-served_dish I-served_dish O O B-restaurant_type I-restaurant_type +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type +O B-location_name I-location_name O O O B-object_type I-object_type +O O O O B-restaurant_type O O B-served_dish O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-sort B-artist I-artist O B-service +O O O B-object_type I-object_type +O O B-object_name I-object_name I-object_name +O O O B-condition_description O B-city +O O O O O B-city O B-timeRange +O O B-object_name I-object_name I-object_name O O O B-rating_value +O O O B-condition_description B-spatial_relation O B-current_location I-current_location +O O B-restaurant_type O B-city B-state O B-party_size_number O +O O O O O B-country B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-current_location +O B-artist O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O O B-condition_description O B-timeRange O B-city O B-state +O O O B-object_type I-object_type O O B-movie_type O B-spatial_relation I-spatial_relation +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O B-artist I-artist O B-playlist_owner B-playlist O +O B-movie_name I-movie_name O +O O O O O B-party_size_number O O B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist B-music_item O O B-service I-service O B-year +O O O O O B-country I-country +O O O O B-condition_description O O O B-current_location I-current_location +O B-rating_value B-rating_unit O B-object_select B-object_type +O O B-movie_name I-movie_name I-movie_name B-movie_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-year +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-playlist I-playlist +O O O O O O B-country +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name O B-timeRange O +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_name I-object_name O B-rating_value +O O O O B-music_item B-album I-album I-album I-album O B-artist I-artist +O O O B-current_location +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O O O O O B-timeRange O B-country I-country +O B-object_name I-object_name O B-rating_value +O B-object_name I-object_name I-object_name I-object_name O B-object_type I-object_type +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange O B-city B-state I-state +O B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_name I-object_name B-rating_value B-rating_unit +O O B-object_select B-object_part_of_series_type O O B-rating_value O O B-best_rating O B-rating_unit +O O O B-movie_name I-movie_name O +O O B-object_name I-object_name I-object_name +B-object_name I-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O B-genre O +O B-entity_name I-entity_name O O B-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O B-object_select B-object_type O B-rating_value +O O B-restaurant_type O B-city B-timeRange I-timeRange I-timeRange +O O O B-condition_description O B-timeRange I-timeRange I-timeRange O B-state +O B-movie_type I-movie_type O O B-location_name I-location_name +O B-artist I-artist O B-playlist_owner B-playlist O +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-timeRange O B-object_type I-object_type B-spatial_relation I-spatial_relation O B-movie_type +O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi +O O O B-restaurant_type O B-timeRange I-timeRange O B-city I-city +O O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_description I-party_size_description I-party_size_description +O O O O O B-city +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O O O O O O O B-state +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-playlist I-playlist I-playlist I-playlist B-music_item O B-playlist_owner O +O O B-playlist_owner B-playlist O O B-music_item O B-artist I-artist +O O O B-condition_description O B-city I-city +O O O O O O B-condition_temperature O B-state B-timeRange I-timeRange I-timeRange +O O O B-movie_name I-movie_name I-movie_name I-movie_name O O +O O B-sort O B-music_item O B-year +O O O O O O O O O B-movie_name I-movie_name +O O B-year B-music_item O B-service +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-cuisine O O B-restaurant_type O B-city B-timeRange +O O B-year B-music_item I-music_item O B-artist I-artist I-artist O B-service I-service +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_type B-spatial_relation O O B-poi I-poi I-poi I-poi O B-party_size_number O +O O O O O B-condition_description O B-state +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O O B-music_item O O O B-artist I-artist +O O B-cuisine B-restaurant_type O B-city B-state B-timeRange O B-party_size_number O +O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-timeRange I-timeRange I-timeRange I-timeRange O O B-restaurant_type O B-facility +O B-object_select B-object_type B-rating_value O B-best_rating +O O B-sort I-sort B-restaurant_type O O O B-cuisine O B-city I-city B-state B-timeRange I-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-condition_description B-timeRange O B-city I-city I-city B-state +O O O O O O O O B-spatial_relation B-restaurant_type +O O O O O B-restaurant_type O B-restaurant_type O B-state +O O O O O B-object_name I-object_name I-object_name B-object_type +O B-album I-album I-album O B-artist I-artist I-artist +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-best_rating O O O B-object_select B-object_type B-rating_value +O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O O O B-entity_name I-entity_name I-entity_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name O B-object_type +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O B-object_type I-object_type O +O B-movie_type I-movie_type O O O B-location_name I-location_name +O O B-object_name I-object_name I-object_name I-object_name O B-rating_value +B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O O B-sort I-sort B-restaurant_type +O O B-object_type B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-year O O B-artist I-artist I-artist +O O O O O O B-restaurant_type O O B-served_dish B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-condition_temperature B-current_location +O O O B-year +O O O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state O B-timeRange I-timeRange +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-sort B-music_item O O B-year +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O B-object_select B-object_type B-rating_value B-rating_unit O B-best_rating +O O O O B-city +O B-movie_name I-movie_name O O B-location_name I-location_name +O O B-timeRange I-timeRange O B-state +O O O O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-artist I-artist O +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O B-object_select B-object_part_of_series_type O O O B-rating_value O O O O O B-best_rating +O B-sort B-artist I-artist +O O O O O O O O B-service +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O O O B-object_location_type I-object_location_type +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O +O O O B-artist I-artist B-music_item O B-service +O O B-music_item O B-artist I-artist +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-condition_temperature O B-city +O O O B-entity_name I-entity_name I-entity_name O O O O B-playlist +O O O O O B-restaurant_type B-spatial_relation B-poi I-poi +O O O O B-object_select B-object_type O O B-rating_value +O O B-sort O B-artist I-artist I-artist +O O O O O B-condition_description O B-timeRange I-timeRange I-timeRange B-spatial_relation B-state I-state I-state +O O O B-object_name I-object_name I-object_name B-object_type +O O O O O O B-sort I-sort B-artist O B-service I-service +O O O B-playlist I-playlist +O O B-music_item O B-year +O O O O O O O B-object_name I-object_name +B-object_name I-object_name I-object_name I-object_name O O O B-rating_value +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O O O O B-current_location I-current_location +O O O O O O O B-current_location I-current_location O B-timeRange I-timeRange +O O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O B-city I-city +O O O B-object_select B-object_type O O O B-rating_value O O O O O B-best_rating +O O B-condition_temperature O B-country +O O O B-artist I-artist +O O O O O O B-party_size_number O O B-restaurant_type +O B-playlist O +O O B-playlist I-playlist O O B-service +O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-object_type I-object_type B-timeRange I-timeRange I-timeRange I-timeRange +O O B-condition_temperature O B-city +O B-movie_name I-movie_name I-movie_name O O B-timeRange O +O O O O O B-city I-city B-country O B-timeRange +O B-album I-album I-album I-album O B-artist I-artist +O O O O O O B-city B-state I-state +O O B-restaurant_type O B-facility O O B-party_size_number +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_name I-restaurant_name O B-timeRange I-timeRange +O O O O B-object_name I-object_name O B-rating_value O O O O O B-best_rating +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-movie_name I-movie_name O O B-location_name I-location_name +O O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-music_item O O B-year O B-service +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name O B-playlist +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-music_item O B-artist I-artist O B-playlist I-playlist B-playlist_owner O +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O B-sort B-music_item O O O B-artist +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-movie_type O O B-location_name I-location_name +O O B-object_type I-object_type O B-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O B-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist +O B-object_type I-object_type +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-year O O B-service +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-city I-city +O B-object_name I-object_name O B-rating_value +O B-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O O O B-restaurant_type O B-country +O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O B-object_type I-object_type +O O B-restaurant_type O O B-country I-country B-timeRange I-timeRange I-timeRange O O O O B-party_size_number +O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-condition_description O B-city I-city +O O B-object_type I-object_type O B-object_name I-object_name +O O O O O O B-restaurant_type O O O B-served_dish I-served_dish I-served_dish +O O B-sort B-year B-music_item I-music_item O B-artist I-artist +O O O B-movie_name I-movie_name O O B-location_name I-location_name +B-rating_unit O O B-object_type O B-rating_value O O B-object_select B-best_rating O +O B-object_name I-object_name I-object_name B-object_type +O O O B-entity_name O O O B-playlist I-playlist +O O O O B-city +O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type +O O O B-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type I-movie_type +O O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange O B-country +O O O O B-restaurant_name I-restaurant_name O O B-spatial_relation B-poi I-poi +O O O B-condition_description O B-city I-city B-country I-country I-country I-country B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-music_item O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O O B-condition_description O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi +O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange O B-country +O O B-country +O O O O B-party_size_number O O O O B-restaurant_type B-poi I-poi O O B-served_dish I-served_dish I-served_dish O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-state O B-city +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O O O B-served_dish B-restaurant_type O B-state +O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-movie_name O O B-location_name I-location_name +O O B-object_select B-object_type O B-rating_value O O B-best_rating +O B-year O +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O B-country O B-timeRange +O O O O B-party_size_number O O B-restaurant_type O O B-served_dish O B-city B-state B-timeRange +O B-music_item B-playlist I-playlist +O O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation O O O O B-timeRange I-timeRange O B-movie_type I-movie_type +O O O O O B-party_size_number O B-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O O B-object_type B-object_name I-object_name I-object_name +O O O O O O O O O B-restaurant_type O B-country +B-object_select O O B-rating_value O B-object_type +O O O B-movie_type O O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O O B-facility B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O O B-poi O B-party_size_number O O B-timeRange +O O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-sort B-artist I-artist +O B-artist O B-playlist_owner I-playlist_owner O O B-playlist I-playlist +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type I-restaurant_type +O O B-object_type O B-object_name I-object_name I-object_name +O O O B-object_type I-object_type O B-movie_type O O O B-spatial_relation B-timeRange I-timeRange I-timeRange +O B-music_item O O B-artist I-artist +O O O O B-restaurant_type O B-country O B-party_size_number O B-timeRange I-timeRange +O O O B-movie_type O O O B-spatial_relation B-object_location_type O +O O O B-movie_name O O O B-location_name I-location_name +O B-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name O B-rating_value O B-best_rating +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_type B-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name O +O O B-object_select B-object_part_of_series_type O B-rating_value +O B-object_name I-object_name I-object_name I-object_name +O O O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name I-location_name +O O O O B-condition_description O B-timeRange I-timeRange O O B-current_location I-current_location +O O O B-object_type O B-object_name +O B-rating_value O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O O B-state B-geographic_poi +O O O O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-restaurant_type O B-state O B-party_size_number +O O O O O B-party_size_number O B-city O B-timeRange I-timeRange +O B-artist B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-movie_name O O B-spatial_relation B-object_location_type +O B-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-country +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-rating_value O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-movie_name I-movie_name +O O O O O B-condition_temperature O B-state B-timeRange +O O O B-year +O O O O B-spatial_relation O O B-country +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O B-rating_value O B-object_name I-object_name I-object_name +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name O B-playlist O +O O O O O B-object_type O B-object_name I-object_name I-object_name +O O B-restaurant_type O B-timeRange I-timeRange +O O O B-timeRange B-object_type I-object_type +O O B-sort B-year B-music_item +O O O B-object_type I-object_type O B-spatial_relation B-movie_type +O O O O O B-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-sort I-sort B-restaurant_type O B-country I-country I-country O B-party_size_number O O B-timeRange I-timeRange I-timeRange +O B-service O O O B-genre +O O B-genre O B-service +O B-object_name I-object_name +O O B-restaurant_type I-restaurant_type O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-service O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-object_name O O +O O O B-condition_description O B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O B-object_type O B-movie_name I-movie_name B-timeRange I-timeRange I-timeRange I-timeRange O O B-spatial_relation B-object_location_type +O O B-sort B-music_item O O B-artist I-artist +O B-service O O O B-artist I-artist B-music_item O B-year +O O O O O B-restaurant_type O B-city I-city O O B-served_dish I-served_dish +O O O O O B-track I-track I-track I-track O B-service +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-state +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name O O O O B-rating_value +O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O B-artist I-artist O O B-playlist O +O O O O O O O B-city I-city +O O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O O O O O B-city +O B-playlist I-playlist O O B-service +O B-artist I-artist O B-service +O O O B-restaurant_type O O B-sort I-sort O B-party_size_description I-party_size_description I-party_size_description O B-country +O B-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit O O B-best_rating +B-party_size_description I-party_size_description I-party_size_description O O O B-state O O +O O O O B-party_size_description I-party_size_description I-party_size_description O B-country +O O O O B-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit O O B-best_rating +O B-object_name I-object_name I-object_name I-object_name +O O O O O O O B-sort B-restaurant_type I-restaurant_type O B-cuisine O B-timeRange I-timeRange O B-country +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist +O B-music_item O B-playlist_owner B-playlist O +O O O B-object_type I-object_type +O O O B-music_item O O B-year +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist O +O O O O O O B-country I-country I-country B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-condition_temperature O B-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-object_type I-object_type O O B-location_name I-location_name I-location_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name +O B-rating_value B-rating_unit O B-object_select B-object_type +O O O O O B-artist I-artist I-artist O O O B-playlist I-playlist I-playlist +O O O B-movie_name I-movie_name I-movie_name O +O O O B-music_item O B-playlist_owner I-playlist_owner O O B-playlist I-playlist +O B-object_name I-object_name +O O O O O B-condition_description O B-city +O O O B-sort B-restaurant_type +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-restaurant_type O B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O B-object_type B-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name +O B-object_select B-object_type O O B-rating_value +O O B-year B-music_item O O B-service +O O B-object_type I-object_type +O O O B-music_item O O B-year +O B-rating_value B-rating_unit O O B-object_select B-object_part_of_series_type +O O O B-sort B-music_item O B-artist I-artist O B-service +O B-service O B-playlist +O O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O B-artist I-artist I-artist +O B-movie_type I-movie_type O O B-timeRange B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O O O B-condition_temperature B-spatial_relation B-state +O O O O B-party_size_number O B-country O B-timeRange +O O O O B-movie_name I-movie_name O O B-timeRange +O B-movie_name I-movie_name O O B-spatial_relation B-object_location_type +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange O O B-spatial_relation B-object_location_type I-object_location_type +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O O O B-movie_type I-movie_type O O O B-spatial_relation I-spatial_relation I-spatial_relation O B-timeRange I-timeRange +O O O O O O O O B-object_name I-object_name +O O O O O B-object_select B-object_type O O O B-rating_value +O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-year O O B-artist O B-service I-service +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-object_name I-object_name I-object_name O B-rating_value +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name +O O O O B-movie_type O B-location_name I-location_name +O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-object_type +O O O B-sort B-artist I-artist B-music_item O B-service +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-artist O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O B-object_name I-object_name I-object_name +O O O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state O B-timeRange I-timeRange I-timeRange +O O O O B-party_size_number O O O B-restaurant_type O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O B-year B-music_item O B-artist I-artist +O B-movie_name I-movie_name O B-location_name I-location_name +O O O O O O B-current_location I-current_location +O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-timeRange I-timeRange I-timeRange O O O O B-party_size_description I-party_size_description I-party_size_description O B-country +O O O O O B-city I-city O B-timeRange I-timeRange O B-state +O B-genre O B-service +O O B-object_type I-object_type B-object_name +O O O O O B-object_type O B-object_name I-object_name +O B-rating_value O O B-object_select B-object_type +O B-object_name I-object_name I-object_name +O O O B-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-object_type I-object_type O O B-timeRange +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-sort B-restaurant_type O O B-spatial_relation O B-poi I-poi O B-timeRange I-timeRange I-timeRange I-timeRange O O B-cuisine +O O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O B-best_rating B-rating_unit +O O B-music_item O B-artist O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_name I-object_name I-object_name B-object_type +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-entity_name O B-playlist I-playlist I-playlist +O O O O O O B-city I-city B-state +O B-artist O O B-sort O +O B-artist I-artist O B-playlist I-playlist I-playlist +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-facility O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O B-year +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O O B-object_select B-object_type O B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O O O B-country I-country +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select O O B-best_rating O O B-rating_value O O B-object_type +O O B-music_item O B-artist I-artist O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name B-restaurant_type O B-timeRange +O O O O O O B-restaurant_type O B-served_dish I-served_dish O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-artist I-artist O B-playlist O +O B-condition_temperature O B-timeRange B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state I-state +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-movie_name I-movie_name I-movie_name I-movie_name +B-object_name I-object_name I-object_name I-object_name I-object_name O O O O O O O B-rating_value B-rating_unit +O B-genre O +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-movie_type O O B-location_name I-location_name +O B-track I-track I-track +O O O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O O B-condition_temperature O O O O B-city +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O O B-object_name +B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-spatial_relation O O O B-timeRange I-timeRange +O O B-playlist O O B-service +O O O O O O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name +O B-party_size_description I-party_size_description I-party_size_description O O O O B-restaurant_type I-restaurant_type O B-country +O O B-movie_name I-movie_name I-movie_name O O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-service O O B-artist I-artist B-sort I-sort B-music_item +O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city B-country +O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_type O B-city I-city B-state I-state +O O O O O B-movie_type B-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation +O B-track I-track +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-music_item O B-playlist I-playlist O +O O O B-movie_type O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-condition_temperature O B-city I-city +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O B-music_item O B-artist I-artist O B-playlist_owner O B-playlist I-playlist +O B-artist I-artist O O O B-service +O O O O B-restaurant_type O B-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O O O O B-track B-music_item O B-service O B-artist I-artist +O O O O O B-country B-restaurant_type +O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_name I-object_name I-object_name +O O B-genre O B-service +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation O B-movie_type I-movie_type +O O O O O B-city B-state +O B-movie_type I-movie_type O O O B-location_name I-location_name +O B-movie_type I-movie_type O O O B-spatial_relation B-object_location_type +O O O B-object_type O B-object_type I-object_type O B-location_name I-location_name +O O B-object_name I-object_name B-object_type I-object_type +O O O O B-party_size_number O B-city I-city B-state +O B-album I-album O B-artist I-artist O B-service +O O O O B-music_item B-track I-track +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-playlist I-playlist O O B-service +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist O +O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O B-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O O B-object_name I-object_name I-object_name +O O B-playlist I-playlist O +O O O O O B-music_item O O B-year +O O O B-object_select B-object_type B-rating_value O O B-best_rating +O B-artist I-artist I-artist B-music_item O B-playlist I-playlist +O O B-object_type B-object_name +O B-playlist I-playlist I-playlist +O O O O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-artist I-artist O O B-playlist I-playlist O +O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O O O O O B-object_type B-object_name I-object_name I-object_name +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit +O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O B-artist I-artist B-music_item O O B-playlist O +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_name I-object_name I-object_name I-object_name I-object_name O O +O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-state O O B-spatial_relation O B-spatial_relation O O O O B-party_size_number +O O B-music_item O B-artist O O B-year +O O B-object_select B-object_type B-rating_value O B-best_rating +O B-movie_name I-movie_name I-movie_name O O O B-object_location_type +O B-condition_temperature O O O O B-current_location I-current_location +O O O O O B-artist I-artist I-artist B-music_item O B-playlist I-playlist I-playlist +O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O B-object_select B-object_type O O B-rating_value B-rating_unit +O O O O O B-city I-city +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O O +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-rating_value O B-object_name I-object_name I-object_name +O O B-restaurant_type O B-city I-city O B-party_size_number +O O O O O O O O O B-state O B-timeRange I-timeRange I-timeRange +O B-artist I-artist O O B-year +O O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O O B-condition_temperature B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O O O O O B-restaurant_type O B-served_dish O B-party_size_number O O B-city +O O B-restaurant_type O B-city O B-timeRange +O O O O O O B-timeRange I-timeRange I-timeRange B-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-movie_type B-spatial_relation I-spatial_relation O O O O B-object_type I-object_type +O B-movie_type O O O B-location_name I-location_name O B-timeRange I-timeRange +O B-object_type I-object_type O B-timeRange I-timeRange I-timeRange O B-location_name I-location_name I-location_name +O B-location_name I-location_name B-object_type I-object_type +O O O O O O O O O B-country B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-spatial_relation B-state +O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange O B-country I-country I-country +O O B-restaurant_type O B-state O B-city I-city +O O O O O O B-city I-city +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O B-object_part_of_series_type B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-artist I-artist O O B-playlist I-playlist O +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-party_size_number O B-timeRange I-timeRange +O O B-service O +O O B-object_select B-object_type B-rating_value O B-best_rating +O O O B-restaurant_type O O B-country +O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O O B-rating_value O O O O O B-best_rating +O O O O B-year +O O O O O O O O B-movie_name I-movie_name +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-movie_type O O O B-location_name I-location_name +O O B-playlist I-playlist I-playlist B-music_item O B-service +O O O O O O O B-object_type I-object_type B-object_name I-object_name O +O O O B-condition_description O O B-current_location I-current_location +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name +O O B-sort I-sort O O B-artist I-artist O B-service +O O O O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O O B-timeRange I-timeRange I-timeRange O B-country +O B-object_select B-object_type O B-rating_value +O O O B-timeRange O B-city +O O O O B-artist I-artist B-music_item O O B-playlist I-playlist O +O O O B-condition_description O O B-current_location I-current_location O B-timeRange I-timeRange +O B-spatial_relation O B-city O O O B-condition_temperature +B-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type I-object_type +O O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O O B-object_select B-object_type O B-rating_value B-rating_unit +O O O B-condition_temperature O B-timeRange I-timeRange O B-city +O O O O O B-object_name I-object_name +O O B-restaurant_type O O B-country I-country +O B-rating_value O O B-object_name I-object_name I-object_name I-object_name +O O O B-year B-music_item O B-artist +O O O B-object_type O B-object_name I-object_name +O B-rating_value B-rating_unit O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-restaurant_type O B-country I-country I-country O B-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_number +O O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-object_type I-object_type O B-location_name I-location_name +O O O B-artist I-artist O O B-sort +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-object_name +O O B-object_select B-object_type O B-rating_value +O O O O O B-spatial_relation B-restaurant_type O B-state +O B-object_select B-object_type O O O B-rating_value +O O B-city +O O B-state O B-timeRange I-timeRange +O O B-genre O +O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-country I-country +B-party_size_description I-party_size_description I-party_size_description O O O O B-country O O B-restaurant_type O O B-timeRange +O B-object_name I-object_name I-object_name +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name +O B-location_name I-location_name I-location_name O B-movie_type I-movie_type +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-condition_description O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-country +O O O O O B-city B-country +O O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O O O B-year O B-service O B-music_item +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O B-object_type I-object_type O B-object_name I-object_name +O O B-music_item O B-artist I-artist O O B-year O B-service +O O O O B-service I-service +O O B-music_item O B-playlist_owner O B-playlist I-playlist +O O O O O B-object_type I-object_type O O +O O O O O O O O O B-timeRange I-timeRange I-timeRange O B-city B-state +O O O O O B-current_location O B-timeRange +O O O O O B-restaurant_type B-timeRange I-timeRange O B-city O B-party_size_number O +O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist O +O O B-music_item I-music_item O B-artist I-artist I-artist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist O +O O B-object_type B-object_name +O B-condition_description O B-timeRange I-timeRange I-timeRange O B-state +O O O O O O B-restaurant_type O O O O O B-party_size_number +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O B-track I-track I-track I-track O B-artist O B-service +O O B-restaurant_type I-restaurant_type O B-timeRange O O B-served_dish +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-country +O O B-music_item O B-playlist_owner O O B-playlist I-playlist +O O B-object_type O B-movie_name I-movie_name O B-location_name I-location_name +O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O B-condition_description O B-city I-city B-country O B-timeRange I-timeRange +O O O B-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O B-best_rating B-rating_unit +O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-state +O O O O O B-artist I-artist O B-service +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-state O B-served_dish I-served_dish O O B-restaurant_type O B-party_size_number +O O O O O B-city I-city B-country +O O B-object_name I-object_name I-object_name O O O O O B-rating_value O O B-best_rating +O O B-track I-track O +O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-country O O B-sort +O O B-condition_description O B-city B-country +O B-track O B-artist I-artist +O O O O O B-state +O O O O O B-spatial_relation I-spatial_relation O B-current_location I-current_location +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange O B-country I-country +O O B-cuisine O B-state O O O B-restaurant_type +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_temperature B-spatial_relation B-city B-timeRange I-timeRange I-timeRange +O O O O O B-restaurant_type I-restaurant_type B-timeRange I-timeRange I-timeRange O B-state I-state I-state +O O B-condition_temperature O B-city +O O O B-year B-music_item +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist +O O O O O O B-condition_temperature O B-state O B-timeRange I-timeRange +B-object_type B-object_name I-object_name O +O B-sort B-artist O O B-service +O O O O O O B-restaurant_type O O O O B-party_size_number O B-state +O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-object_type I-object_type O O B-location_name I-location_name I-location_name +O O B-restaurant_type O B-country O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O O B-city O B-timeRange I-timeRange I-timeRange +O O O O O B-restaurant_type O B-city B-state +O O O B-playlist I-playlist O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name +O O B-object_type O B-object_name I-object_name I-object_name +O B-music_item O B-playlist I-playlist I-playlist +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-music_item B-playlist I-playlist O O +O B-genre I-genre O B-service I-service +O O O B-playlist O +O O O O O O B-timeRange O O B-country I-country +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O O O B-object_type I-object_type O B-timeRange I-timeRange O B-location_name I-location_name +O O O O O B-playlist I-playlist I-playlist +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist +O O O O O O O B-party_size_number O B-restaurant_name I-restaurant_name +O O O O O B-object_type O B-object_name I-object_name +O O O B-movie_name I-movie_name O +O B-object_type I-object_type B-timeRange +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O O B-country I-country I-country I-country I-country +O O O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist +O O B-object_name I-object_name B-rating_value O O B-best_rating +O B-object_name I-object_name O B-rating_value +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-artist I-artist O B-playlist I-playlist +O O O B-object_name B-object_type +O O O B-artist O B-playlist_owner B-playlist I-playlist O +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O O O O B-object_type I-object_type O B-location_name I-location_name +O B-object_type I-object_type O B-movie_type B-spatial_relation +O O O O B-poi O O B-spatial_relation O +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist O B-album I-album I-album +O B-artist I-artist O O B-playlist O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist +O O O O O B-city O B-state I-state B-timeRange I-timeRange I-timeRange +O O O B-restaurant_type O B-party_size_number O O B-city B-state I-state I-state I-state B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O B-timeRange I-timeRange O B-city +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-restaurant_type O B-city B-state O O B-cuisine O O B-party_size_number O +O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-country I-country I-country O B-party_size_number O +O B-track I-track I-track O B-artist I-artist +O O B-artist I-artist O O B-playlist I-playlist I-playlist O +B-restaurant_type O B-country I-country O B-party_size_number +O B-artist I-artist O B-playlist_owner I-playlist_owner O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-condition_description O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange +O O O O B-object_select B-object_type O B-rating_value O O B-best_rating O +O O B-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O B-movie_name I-movie_name I-movie_name O +O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-movie_name I-movie_name O +O O B-object_name I-object_name I-object_name I-object_name +O O B-object_type I-object_type O B-spatial_relation B-movie_type +O O B-playlist I-playlist I-playlist O +O O O O O B-city O B-timeRange I-timeRange +O O O O B-party_size_number O O B-restaurant_type O B-state I-state O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O B-spatial_relation O B-city I-city I-city O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation +O O O B-object_type I-object_type +O B-object_type I-object_type +O O O B-movie_type O B-spatial_relation I-spatial_relation +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-movie_type O O O B-object_type I-object_type O B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-condition_description O O B-state O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange O B-city B-country +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-object_name I-object_name B-rating_value B-rating_unit +O O B-year B-music_item O B-artist I-artist O B-service +O B-playlist_owner I-playlist_owner B-playlist I-playlist O O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name +O O O O O B-object_type I-object_type B-object_name I-object_name +O O O B-object_type I-object_type O B-object_name I-object_name +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange I-timeRange +O B-movie_type O B-location_name I-location_name +O O O O O B-restaurant_type O B-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange +O O B-object_type I-object_type +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-artist I-artist O O B-playlist I-playlist O +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type O O B-rating_value B-rating_unit O O B-best_rating +O O O O O O B-restaurant_name I-restaurant_name B-spatial_relation I-spatial_relation O O B-poi O B-city I-city +O B-object_type I-object_type O O O B-movie_type I-movie_type O O O B-spatial_relation I-spatial_relation I-spatial_relation O O +O B-artist I-artist +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O B-rating_value B-rating_unit O B-object_select B-object_type +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_temperature O B-state +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O O O B-best_rating B-rating_unit O O O O O B-rating_value +O O O B-condition_temperature B-spatial_relation B-current_location O B-city +O O B-object_type B-object_name I-object_name B-rating_value O B-best_rating +O O B-condition_temperature O B-timeRange O B-city B-country I-country +O O B-sort O O B-artist +O O B-year B-music_item O O B-service I-service +O O O O B-object_type I-object_type +O O O O O B-geographic_poi I-geographic_poi +O O B-object_type O B-movie_type O O B-location_name I-location_name +O O O O B-spatial_relation I-spatial_relation B-poi I-poi O B-party_size_number O +O O B-year O O B-service +O O O O B-movie_type O B-spatial_relation +O O B-sort B-artist I-artist B-music_item I-music_item +O O O B-object_select B-object_type O B-rating_value B-rating_unit +O O O O O B-restaurant_type O B-country O O B-served_dish I-served_dish +O B-object_select B-object_type O O B-rating_value O B-best_rating +O O O B-current_location O B-current_location +O O O B-rating_value O B-object_select B-object_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O B-city I-city I-city B-country +O O O O O O B-country +O B-track O B-artist I-artist O B-service +O B-rating_unit O B-object_select O B-rating_value O O B-object_type +O O B-rating_value B-rating_unit O B-object_select B-object_part_of_series_type +O O O B-timeRange O O O B-city B-country +O O B-rating_value O B-best_rating B-rating_unit O O B-object_select B-object_type +O O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O O B-facility I-facility +O O O O O B-sort B-restaurant_type O B-timeRange I-timeRange I-timeRange +O O B-restaurant_type I-restaurant_type O B-state I-state O B-timeRange +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-sort O O B-artist I-artist +O B-location_name I-location_name B-object_type I-object_type +O O O B-playlist I-playlist I-playlist I-playlist O B-artist I-artist I-artist +O O O O O O O O B-city I-city +O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-object_type B-object_name I-object_name +O O O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O O O B-rating_value +O O B-condition_description O B-city +O O B-spatial_relation B-cuisine I-cuisine B-restaurant_type O B-state I-state O B-party_size_number O O B-timeRange I-timeRange +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-timeRange I-timeRange O B-poi I-poi I-poi I-poi I-poi B-spatial_relation +O O O O B-movie_name I-movie_name O O B-timeRange +O O O O O O B-city I-city +O B-movie_type O O B-timeRange O O B-location_name I-location_name I-location_name +O O O O O B-object_type B-object_name I-object_name I-object_name +O O B-party_size_number O O B-facility B-restaurant_type +O O O O O B-state +O O B-condition_temperature O B-state +O O O O O O O B-timeRange I-timeRange B-current_location +O O O O O O B-restaurant_type O B-country O B-served_dish +O O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_select B-object_type B-rating_value +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-state I-state B-timeRange I-timeRange I-timeRange +O O B-sort B-year B-music_item O B-artist I-artist +O O B-object_type I-object_type O B-object_name I-object_name +O O B-sort I-sort B-year B-music_item +O B-object_type I-object_type O O B-object_name I-object_name +O O O B-object_name B-object_type +O O O O O O B-country O B-timeRange I-timeRange +O O O O O O B-condition_description O B-timeRange I-timeRange O B-city B-state +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +B-artist I-artist O O O O B-playlist_owner I-playlist_owner O B-playlist I-playlist +O B-artist I-artist O B-playlist I-playlist +O O B-restaurant_name I-restaurant_name O B-country O B-party_size_number O +O O O O O O B-timeRange I-timeRange O B-city B-state +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-timeRange O B-timeRange O O O B-condition_temperature O B-city B-state +O O B-movie_type O O O B-location_name I-location_name +O O B-facility O B-restaurant_type O B-timeRange I-timeRange I-timeRange +O O B-served_dish O B-restaurant_type O B-state O B-party_size_number +O O O O O O B-state B-timeRange I-timeRange +B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value B-rating_unit O O O O O B-best_rating +O O O O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O O B-spatial_relation O O O O B-country I-country +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-poi B-spatial_relation O B-spatial_relation +O O O O O B-object_type O B-object_name I-object_name +O O B-object_select B-object_type O B-rating_value +O B-location_name I-location_name O B-movie_type I-movie_type +O O O O B-service I-service +O O O O O B-restaurant_type O B-timeRange I-timeRange I-timeRange O B-party_size_number +O O O O O B-restaurant_type O O B-cuisine O +O O O O B-timeRange I-timeRange O B-country O O O O B-party_size_number +O O O O B-object_name I-object_name +O O O O B-object_type O B-movie_name +O O B-country I-country +O O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-timeRange I-timeRange O O B-condition_description O O B-country +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name +O O O O B-artist I-artist +O B-service O O O B-artist I-artist B-music_item B-track I-track +O O O B-condition_temperature O B-city O O B-timeRange +O B-track I-track I-track I-track I-track +O O O O O O O B-condition_description O B-city I-city +O B-music_item O B-playlist I-playlist O +O O O O O B-sort B-music_item O O B-year +O B-year O +O B-rating_value O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-sort B-year B-music_item O B-artist I-artist +O O O B-playlist I-playlist +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-playlist I-playlist O +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name B-object_part_of_series_type +O O O B-year +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +B-object_select B-object_part_of_series_type O O B-rating_value O B-best_rating B-rating_unit +O O B-restaurant_type O B-served_dish I-served_dish I-served_dish O B-city +O O B-sort B-artist I-artist O +O O O O O B-condition_temperature O O B-current_location I-current_location O B-timeRange I-timeRange +O B-artist I-artist O B-playlist_owner B-playlist +O B-object_name I-object_name O B-object_type +O O O O O B-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-facility O B-party_size_number O +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name O +O B-track I-track I-track +O O B-music_item O B-playlist I-playlist I-playlist +O O O O O B-restaurant_type O B-country O B-party_size_number O +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O O B-condition_description O B-city +O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-service O O B-track I-track I-track I-track I-track I-track +O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O O B-object_name I-object_name B-object_type +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O O O O O B-geographic_poi I-geographic_poi O O B-spatial_relation O O O O B-condition_temperature +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange +O B-artist I-artist O B-playlist_owner B-playlist I-playlist +O O O B-object_type B-object_name +O O O B-object_type I-object_type +O O B-sort B-music_item O O B-year +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-year B-music_item O O O B-sort B-artist I-artist +O O B-object_type O B-movie_type O B-location_name I-location_name +O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O B-object_name +O O B-cuisine B-restaurant_type O B-state I-state B-spatial_relation I-spatial_relation O O B-timeRange I-timeRange I-timeRange I-timeRange +O B-cuisine I-cuisine B-restaurant_type O B-timeRange I-timeRange +O O O O O O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O O O B-restaurant_type B-spatial_relation O B-city +O O O O O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_type I-object_type +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist +O O O O O B-condition_temperature O B-country +O O O O O O B-music_item O O B-sort O B-service I-service O O B-artist I-artist I-artist +O O O O O O B-country O B-timeRange I-timeRange I-timeRange +O O O O B-object_name I-object_name +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-movie_type O O B-location_name I-location_name +O O B-object_select B-object_type O B-rating_value +O O B-object_name I-object_name B-rating_value B-rating_unit +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-object_type I-object_type B-object_name I-object_name +O O O O B-restaurant_name O B-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-year +O O O O O B-condition_description O B-city +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange +O B-rating_value O O B-best_rating O B-object_select B-object_type +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O O B-playlist I-playlist I-playlist I-playlist +O O O B-object_type O B-object_name I-object_name +O B-artist I-artist O O O B-year +O B-artist I-artist B-track I-track I-track I-track +O O O O O B-sort B-restaurant_type O B-country +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O O O B-artist I-artist O B-year B-music_item O B-service +O O B-year B-music_item O B-sort O O B-artist +O O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +B-object_select B-object_part_of_series_type O O B-rating_value O O B-best_rating +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +B-object_name I-object_name I-object_name I-object_name O O B-rating_value +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name +O O B-sort I-sort B-music_item O B-year +O O O O B-service +O O O O O O B-restaurant_type O B-city O O B-served_dish I-served_dish +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-service +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name B-timeRange I-timeRange I-timeRange I-timeRange +O B-rating_value B-rating_unit O O B-best_rating O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-city I-city I-city O B-party_size_number +B-object_type I-object_type O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-city I-city O O B-condition_temperature O +O O O B-music_item O B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist +O B-track O B-artist O B-service I-service +O O O O O O O B-sort B-restaurant_type O B-country I-country I-country I-country +O O O B-playlist O +O O O B-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O O B-city B-state +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O O O O O B-object_name I-object_name B-object_type +O B-object_name I-object_name B-rating_value O O B-best_rating +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name +O O O B-artist I-artist I-artist O B-track I-track I-track I-track B-music_item +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-movie_type O O O B-location_name I-location_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-rating_value B-rating_unit O B-object_select B-object_type +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-artist O B-service +O B-artist O B-playlist I-playlist I-playlist +O O O O O B-object_type I-object_type B-object_name I-object_name +O O O O B-party_size_number O O B-restaurant_type O B-country O B-timeRange I-timeRange +O O O O O B-cuisine B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description +O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-year O O B-artist I-artist +O O B-condition_description O B-timeRange O B-city I-city B-country +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-sort B-music_item O B-year +O O O O O O B-city I-city +O B-object_select B-object_type O B-rating_value +B-restaurant_type O B-country O O B-restaurant_type O O B-facility +O O B-object_type B-object_name I-object_name I-object_name +B-restaurant_type O B-city O B-timeRange I-timeRange +O O B-condition_temperature O B-city +O B-movie_type O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_select B-object_type B-rating_value O B-best_rating +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O O B-playlist O +O O O O B-party_size_number O O B-state B-restaurant_type O B-served_dish O O O B-timeRange +O B-movie_type I-movie_type O O B-spatial_relation +O O B-music_item O O O B-playlist I-playlist I-playlist I-playlist +O O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange B-current_location +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-timeRange I-timeRange O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-year +O O O O B-artist I-artist +O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O B-city B-country I-country O B-condition_temperature O +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O O O O B-restaurant_type O B-party_size_number O O B-city +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-object_select B-object_part_of_series_type O O O O O O B-best_rating O O O O B-rating_value +O O O B-year +O O O O O O B-city +O O O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O B-spatial_relation I-spatial_relation B-movie_type B-object_type I-object_type +O O O O B-condition_description O B-timeRange I-timeRange I-timeRange I-timeRange O O B-state I-state I-state I-state +B-object_name I-object_name I-object_name O O B-rating_value O +O O O O O B-spatial_relation B-country +O O O B-object_select B-object_type O B-rating_value B-rating_unit +O O O O B-city B-state +O O O O B-object_select B-object_type O O O B-rating_value O O B-best_rating B-rating_unit +O O B-object_type I-object_type O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-restaurant_type O B-party_size_number O B-state +O O B-condition_description O B-state B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-party_size_number O O B-restaurant_type O B-served_dish +O O B-restaurant_type O O B-served_dish O B-party_size_number O +O O O B-movie_name I-movie_name I-movie_name O +O O B-sort O O B-artist I-artist O B-service +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-country +O O B-condition_description O B-city I-city B-state +O O O B-condition_description O B-timeRange O B-country I-country +O B-rating_value O O B-object_select B-object_type +O O O B-object_type I-object_type O O B-movie_type B-spatial_relation O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-sort B-music_item O O B-year +O B-artist I-artist O O B-playlist O +O O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O O +O B-object_name I-object_name I-object_name B-object_type +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O B-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange O B-country +O O O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O B-music_item O B-artist I-artist O B-playlist_owner I-playlist_owner O O O O B-playlist I-playlist +O O O O O B-restaurant_type B-spatial_relation B-poi I-poi +O O B-artist I-artist B-album I-album O B-service +O B-album I-album I-album I-album O B-artist I-artist +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O B-restaurant_type I-restaurant_type O B-city B-state +O B-album I-album O B-artist I-artist O B-service +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-movie_name I-movie_name I-movie_name O +O O O O B-track I-track I-track +O O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-condition_temperature O B-geographic_poi I-geographic_poi B-timeRange +O B-object_name I-object_name I-object_name +O O B-artist I-artist O O B-year +O O O O O B-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O B-playlist I-playlist O O B-artist I-artist O O +O B-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O B-artist I-artist O B-sort O O B-service I-service +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-current_location O B-timeRange I-timeRange +O O O B-movie_name O O B-location_name I-location_name +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-service O O O +O O O O O B-city I-city O B-country +O O O O B-party_size_number O B-city B-state +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name +O O O O B-condition_temperature O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O O O B-movie_type B-spatial_relation I-spatial_relation +O O O B-music_item O B-artist I-artist O B-service +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-movie_type O O B-location_name I-location_name +O O O B-object_type O B-object_name +O O O B-condition_temperature O B-city B-country +O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O B-party_size_number O O B-restaurant_type B-spatial_relation O B-poi O B-state +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O B-year B-music_item +O B-artist O O B-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value +O B-location_name I-location_name O O B-movie_name I-movie_name I-movie_name I-movie_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value +O B-entity_name O B-playlist O +O O O O O B-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange +O O B-object_type I-object_type +O O O O B-object_name I-object_name O +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O O O B-sort B-restaurant_type O B-state +O B-album O B-artist I-artist +O B-entity_name I-entity_name I-entity_name O O B-playlist O +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-object_name I-object_name I-object_name +O O O B-condition_description O O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type O B-rating_value +O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-track I-track I-track I-track O B-artist I-artist +O O O O O O B-restaurant_type O O B-served_dish +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist +O O O O B-city B-country O O B-timeRange I-timeRange +O B-track I-track I-track O B-artist I-artist O B-service +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-object_name I-object_name I-object_name +O B-object_name I-object_name +O B-track I-track I-track O B-artist I-artist +O O B-restaurant_type O B-party_size_number O B-cuisine +O B-timeRange I-timeRange O O O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-restaurant_type I-restaurant_type O O B-served_dish O B-city O B-party_size_number O O B-timeRange +O O B-music_item O B-year +O B-movie_name I-movie_name +O O O B-music_item O B-album I-album +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-restaurant_type O O B-served_dish O B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O B-city I-city O +O O O O O B-city +O O O O O B-country +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name O +O O O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O O B-spatial_relation O B-state +O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-movie_type I-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-sort I-sort O O B-party_size_number O O B-restaurant_type +O O B-artist I-artist B-music_item O O B-year +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-party_size_number O O B-restaurant_type O O B-facility O B-country I-country I-country I-country I-country +O O O O O O B-party_size_number O B-state O O B-restaurant_type O O B-spatial_relation I-spatial_relation O O B-served_dish I-served_dish +O O B-sort O O B-artist I-artist +O O B-music_item O B-playlist +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type B-rating_value B-rating_unit +O B-album O B-artist I-artist +O O O B-condition_description O B-timeRange I-timeRange I-timeRange O B-country I-country I-country I-country +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O B-condition_description B-current_location B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name B-object_type I-object_type +O O O O O B-condition_description O B-current_location +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_type O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist +O B-object_name I-object_name O B-object_type +O O O B-object_type I-object_type +O B-object_name B-rating_value O O B-best_rating +O B-object_name I-object_name B-object_type +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name O B-rating_value +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O B-state +O O O O O B-condition_temperature B-spatial_relation I-spatial_relation I-spatial_relation O B-state O B-timeRange +O O O O O O B-condition_description O B-city O B-country +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O B-condition_temperature O B-city I-city +O O O O O B-object_name I-object_name I-object_name +O O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-object_name I-object_name I-object_name I-object_name +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O O O B-state O B-city O B-party_size_number +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist +O O O O O B-timeRange O B-city I-city +O O O B-object_name I-object_name O B-rating_value O +O O B-genre I-genre I-genre O B-service +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O B-party_size_number O O B-sort B-restaurant_type +O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation +O O B-sort O O B-artist +O B-service O O O O B-artist O O O B-year +O O O O B-music_item O O B-artist O O B-year O B-service +O O O B-object_type O B-object_name I-object_name +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name +O B-movie_type I-movie_type O O O B-location_name I-location_name +O O O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O O O B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-facility B-restaurant_type O B-timeRange I-timeRange I-timeRange B-party_size_number O +O O O O O O B-restaurant_type O O B-served_dish O B-state +O O O B-condition_description O O B-city I-city B-state O B-timeRange I-timeRange I-timeRange +O O O O O O O B-movie_name I-movie_name O O B-object_location_type +O B-cuisine O O B-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange +O O B-music_item B-track O B-artist I-artist O B-service +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-object_select B-object_part_of_series_type O B-rating_value +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-timeRange B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-artist I-artist O O B-playlist I-playlist I-playlist I-playlist O +O B-entity_name I-entity_name O B-playlist I-playlist O +O O B-object_type I-object_type O B-location_name I-location_name +O O O O O B-spatial_relation B-restaurant_type O B-state O B-party_size_number +O O B-movie_name I-movie_name I-movie_name I-movie_name +O B-movie_type I-movie_type O O O B-location_name I-location_name +O B-movie_type O O O B-location_name I-location_name +O O O B-object_type B-object_name I-object_name +O O B-movie_type O O O B-location_name I-location_name +O O O O B-sort I-sort B-music_item O B-artist I-artist +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type I-object_type O B-movie_type B-spatial_relation +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O B-object_type I-object_type +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-restaurant_name I-restaurant_name O B-country +O O B-condition_description O O B-current_location I-current_location +O O B-object_type I-object_type O B-object_name I-object_name +O O B-object_part_of_series_type O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O B-object_name I-object_name B-object_type +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item B-track B-artist I-artist +O O O O O O B-restaurant_type I-restaurant_type B-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +B-object_name I-object_name I-object_name O O O O B-rating_value +O O O O B-restaurant_name I-restaurant_name I-restaurant_name B-timeRange I-timeRange I-timeRange O B-party_size_number +O O O B-object_type B-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-served_dish O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-country +O O O O O O B-city I-city B-state O B-timeRange I-timeRange I-timeRange +O O B-sort O B-artist I-artist +O O B-year B-music_item O B-artist I-artist +O O O O B-party_size_number O O B-cuisine B-restaurant_type B-spatial_relation B-country +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-location_name I-location_name O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name +O O B-object_location_type I-object_location_type O B-movie_type I-movie_type O O B-spatial_relation O O +O O O O B-city B-state +O O B-object_type I-object_type O B-timeRange I-timeRange O B-location_name I-location_name +O O O O B-rating_value B-rating_unit O O B-best_rating O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type O +O O O O O B-timeRange I-timeRange I-timeRange O B-city +O O O O B-party_size_number O B-city B-spatial_relation O +O O O B-object_type I-object_type O B-location_name I-location_name +B-restaurant_type O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-restaurant_type O O O O B-state +O O O O B-object_type I-object_type B-spatial_relation O O B-movie_type I-movie_type +O O O O O O B-restaurant_type O B-city O O B-served_dish +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +B-object_select B-object_type O B-rating_value B-rating_unit +O O O O B-artist O O O O B-year +O O B-object_select B-object_type O B-rating_value O O B-best_rating +B-object_name I-object_name I-object_name O O O O B-rating_value B-rating_unit +O O B-restaurant_type O O B-served_dish I-served_dish O B-city +O O O O O B-city I-city B-state +O O B-music_item O O B-year +O O B-genre O +O B-movie_type O B-object_type I-object_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O B-service +O O O B-condition_temperature B-current_location B-timeRange I-timeRange I-timeRange +O O O O O O B-timeRange O B-state +O O O B-condition_temperature O B-city B-timeRange I-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-playlist I-playlist I-playlist I-playlist +O O B-object_name I-object_name I-object_name O B-rating_value +O B-service O O B-year O O B-music_item +O O B-object_name B-object_type +O O O B-object_type I-object_type O O +O O B-artist I-artist O B-service +O O B-object_location_type O B-movie_name I-movie_name B-spatial_relation O B-timeRange I-timeRange I-timeRange +O O O B-year O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-object_select B-object_type B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_description I-party_size_description I-party_size_description +O O B-music_item O B-artist I-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O B-music_item O B-playlist I-playlist +O O O B-object_type O B-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit +O B-state O O O B-condition_temperature O B-city I-city I-city +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O O B-object_select B-object_type O B-rating_value +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item O B-playlist_owner O O B-playlist I-playlist +O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-rating_value O O B-object_select B-object_type +O B-object_type I-object_type O B-location_name I-location_name +O O O O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-city I-city B-state O O B-timeRange +O O B-object_type B-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name B-object_type +O O O O O B-restaurant_type O B-served_dish O B-country +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O O O O O B-timeRange B-spatial_relation I-spatial_relation B-state +O O B-object_select B-object_part_of_series_type O B-rating_value +O O O O O B-condition_temperature B-timeRange O B-state +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-music_item O B-playlist I-playlist I-playlist +O O O O O B-condition_temperature O B-city I-city +O O O B-spatial_relation B-object_location_type O O O B-movie_type +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-object_type I-object_type O O B-location_name I-location_name +O O O O O B-condition_temperature O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O O B-current_location I-current_location +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-entity_name I-entity_name O B-playlist_owner B-playlist O +O O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O B-genre I-genre +O O B-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O B-restaurant_type O O B-served_dish O B-party_size_number O +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-year B-music_item O B-artist I-artist +O O O O O O O B-restaurant_type O B-served_dish O B-timeRange I-timeRange I-timeRange I-timeRange +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-spatial_relation B-object_location_type O O B-movie_type O B-timeRange I-timeRange I-timeRange +O O B-restaurant_type O B-city +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-movie_type O O O B-location_name I-location_name I-location_name +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-object_name I-object_name +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange O B-location_name I-location_name +O O O O O O B-city B-country +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O B-artist I-artist I-artist O B-music_item I-music_item O B-service +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-artist I-artist O O B-year +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O O O B-timeRange I-timeRange I-timeRange O B-state +O B-genre +O B-service I-service O O O O O B-artist I-artist +O O O B-object_name I-object_name B-object_type +O B-condition_temperature O O O B-city +O O O O O B-object_name I-object_name B-object_type I-object_type +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-country +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-best_rating O B-object_name I-object_name I-object_name O B-rating_value +O O O O B-artist I-artist I-artist +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O O B-artist I-artist B-music_item O +O O B-sort I-sort B-cuisine I-cuisine B-restaurant_type O B-city O B-party_size_description I-party_size_description I-party_size_description O B-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist +O B-timeRange I-timeRange O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name +O O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name I-location_name +O O O O O B-restaurant_name I-restaurant_name O B-state O B-party_size_number +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-object_name I-object_name B-rating_value B-rating_unit +O B-object_name I-object_name +O B-service O O B-album I-album I-album O B-artist I-artist +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-artist I-artist O O O B-year O B-service I-service +O B-movie_type I-movie_type O O O B-location_name I-location_name O B-timeRange O +B-object_type I-object_type O B-location_name I-location_name +O O O O O O O B-restaurant_type O B-state O O O O B-party_size_number +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type O O B-rating_value B-rating_unit +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-year O O B-artist O B-service I-service +O O O B-condition_description O B-city I-city B-country +O B-object_select B-object_type O B-rating_value +O O O O O B-current_location B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-artist I-artist O B-service I-service +O O O O O O B-spatial_relation I-spatial_relation O B-state O B-timeRange I-timeRange +O O O O O O B-city B-state I-state +O O B-restaurant_type O B-timeRange I-timeRange O B-party_size_number +O O O O O B-city +B-object_select B-object_type O O O O O O B-rating_value B-rating_unit +O B-artist I-artist +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O B-music_item O B-playlist I-playlist O +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-service O B-artist I-artist O B-year +O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi O B-party_size_description I-party_size_description I-party_size_description +O O O O O B-restaurant_name I-restaurant_name O B-city I-city +O O B-music_item O B-artist O B-service +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O B-restaurant_type O B-state O B-party_size_description I-party_size_description I-party_size_description +O B-city O B-condition_temperature O B-timeRange I-timeRange I-timeRange +O O O B-condition_description B-spatial_relation I-spatial_relation O B-country O B-timeRange I-timeRange +O O B-genre I-genre O B-service +O O O O B-object_type I-object_type +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name O O +O B-artist I-artist O B-playlist_owner B-playlist +O O B-music_item O B-artist I-artist O O B-album I-album B-music_item O B-service I-service +O O O O O B-year B-music_item O +O O O B-party_size_number O O B-timeRange I-timeRange O B-country +O B-artist I-artist O B-playlist I-playlist I-playlist +O O O O B-restaurant_name O B-country I-country B-timeRange I-timeRange +O O B-genre O +O O O O O O B-restaurant_type O B-city B-state O O O O B-party_size_number +O O B-sort B-music_item O O B-year +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-entity_name I-entity_name I-entity_name O O O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name +O O B-music_item O O B-playlist O O B-service I-service +O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-city I-city O B-party_size_number O O B-facility O B-restaurant_type I-restaurant_type +O O O B-condition_temperature O B-city I-city B-country +O O O O B-party_size_number O O B-sort B-restaurant_type O B-city I-city B-state O O B-cuisine I-cuisine O +O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange +O B-album I-album I-album I-album I-album O B-service +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O O O O B-party_size_number O B-spatial_relation B-country +O O O O O B-state O B-timeRange +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O O B-city O B-state +O B-music_item O B-playlist_owner B-playlist O +O O O O O B-object_name +O O O O O B-rating_value O O B-best_rating O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-object_type O B-object_name +O O B-object_name I-object_name B-rating_value O O B-best_rating +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-music_item B-album O B-service +O O O O O B-music_item O O B-playlist I-playlist I-playlist I-playlist O +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-timeRange I-timeRange O B-city B-state +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-sort O B-artist I-artist O B-service I-service +O O O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-object_name I-object_name I-object_name +O O O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-location_name I-location_name I-location_name O B-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-object_type I-object_type O B-location_name I-location_name +O O B-artist B-music_item O B-sort I-sort B-year O +O O O O O B-artist O O B-music_item O O B-year +O O O B-object_type I-object_type +O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation O B-movie_type +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-object_type I-object_type O B-object_name I-object_name +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-condition_temperature O B-city I-city O B-country O B-timeRange I-timeRange +O B-artist I-artist I-artist O B-sort B-music_item O B-service +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist +O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-object_name I-object_name I-object_name I-object_name +O O B-condition_temperature O O B-current_location I-current_location O O O O B-timeRange I-timeRange I-timeRange +O B-object_select B-object_type O B-rating_value +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O O O O O B-city +O O O O B-party_size_number O O B-restaurant_type O B-city +O B-object_name I-object_name +O O O O O O B-object_type I-object_type O B-movie_type B-spatial_relation O +O O O O O O O O B-restaurant_type O O B-served_dish O B-party_size_number O B-city +O O O B-artist I-artist B-service +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist +O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-sort B-music_item O B-artist I-artist +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-music_item O B-playlist I-playlist +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-country O B-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-artist I-artist O O B-playlist I-playlist O +O O O O O B-condition_temperature O B-city B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O B-service I-service +O O B-music_item O B-playlist_owner B-playlist I-playlist O +B-track O B-music_item O O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-music_item O O B-year +O O O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-spatial_relation I-spatial_relation O B-current_location I-current_location +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O B-track I-track I-track +O O O O B-spatial_relation O B-city I-city O B-timeRange +O O O O O B-served_dish B-restaurant_type O B-city I-city +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O B-object_select B-object_type O B-rating_value +O B-album I-album +O O B-state O B-party_size_number O B-city +O O B-music_item B-track I-track O B-artist I-artist +O O O O O B-music_item O B-playlist_owner B-playlist O +O O O B-artist I-artist +O O O O O O B-city +O O O B-condition_description O B-city O B-timeRange I-timeRange I-timeRange +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-best_rating B-rating_unit O O O O O B-rating_value +O O O B-object_type I-object_type +O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-music_item O O B-sort O B-year +O O B-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating +O O B-artist I-artist B-music_item O B-playlist +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange +O O O O O B-city B-state +O O O O O B-object_name I-object_name I-object_name B-object_type +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name B-rating_value B-rating_unit +O O O O O O B-city O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-music_item O O B-playlist I-playlist O +O O O O O B-city +O O O B-music_item O O B-year B-music_item +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-movie_name I-movie_name I-movie_name O +O O O B-playlist I-playlist I-playlist +O B-entity_name I-entity_name O B-playlist_owner I-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist +O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating +O B-track I-track I-track O B-artist +O O B-object_type O B-object_type I-object_type +O O O B-object_select B-object_type O O B-object_part_of_series_type O O B-rating_value O O B-best_rating B-rating_unit +O O O O B-restaurant_name B-timeRange I-timeRange I-timeRange O B-city +O O B-country O O B-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name +O O B-artist I-artist B-music_item O B-year +O O B-music_item O O O B-playlist I-playlist +O O O O O B-object_type O O B-object_name I-object_name I-object_name +O O O O O B-state O B-timeRange I-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O O B-artist I-artist B-music_item O B-playlist_owner B-playlist O +O O B-condition_temperature B-timeRange O B-city B-state +O O B-spatial_relation B-object_location_type O B-movie_type +O O B-music_item O B-playlist_owner O O O O B-playlist I-playlist I-playlist I-playlist +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name O O O O O B-rating_value B-rating_unit +O O O B-service +O O O O O O O B-country O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type O B-rating_value B-rating_unit +O O O B-object_name I-object_name B-object_part_of_series_type O O O B-rating_value O O O O O B-best_rating +O B-object_type B-object_name I-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit O O B-best_rating O O +O O O B-object_type I-object_type B-object_name I-object_name +O O O O O O B-year B-music_item +O O O O O B-city I-city B-state +O O O O O B-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-sort O O B-artist I-artist I-artist +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O O O O B-party_size_number O B-state +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-service +O B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-country I-country B-timeRange I-timeRange O B-party_size_number O +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-artist I-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O B-artist I-artist B-track I-track I-track +O B-year O O B-artist I-artist I-artist O B-service O B-music_item O +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O B-music_item O O B-playlist I-playlist O +O O O B-condition_temperature O B-city B-country +O B-track I-track I-track O B-artist +O O O O O B-party_size_number O B-restaurant_name I-restaurant_name +O B-movie_type O O O B-location_name I-location_name +O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist O +O O O O O B-object_type I-object_type O O B-location_name I-location_name +O B-object_name I-object_name I-object_name O B-object_type I-object_type +O B-rating_value O O B-object_select B-object_type +O O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation O O O B-object_type I-object_type +O B-service I-service O O B-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name I-movie_name +O B-artist I-artist O O B-year +O O O O O B-party_size_number B-timeRange I-timeRange I-timeRange O O B-restaurant_type O O B-served_dish +O O O O B-timeRange O B-party_size_number O O B-restaurant_type I-restaurant_type +O O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O O B-restaurant_type O B-city I-city B-state +O O B-music_item O B-artist I-artist O B-year +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-cuisine B-restaurant_type O B-party_size_number +O O O O O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_name I-object_name I-object_name +O O B-restaurant_name I-restaurant_name O B-country O B-party_size_number O +O O O O O B-object_type O B-object_name I-object_name +O O B-condition_description O B-city +O O B-object_type B-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O +O B-object_name I-object_name +O O B-object_select B-object_type B-rating_value +O O O O B-served_dish O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange +O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange O O B-current_location I-current_location +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O +O O O O O O B-current_location I-current_location +O O O O O O B-condition_temperature O O B-current_location I-current_location +O O O O O B-sort B-restaurant_type O B-country I-country +O O O B-condition_temperature O B-city B-country I-country I-country I-country +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O B-cuisine I-cuisine B-restaurant_type O B-party_size_number O B-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi +O O O O B-sort B-restaurant_type O O O B-party_size_number O B-timeRange I-timeRange I-timeRange O O +O O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange O B-city B-country I-country +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation O B-timeRange I-timeRange I-timeRange +O O B-music_item O B-playlist I-playlist I-playlist O +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name +O O O O B-object_type I-object_type O B-timeRange I-timeRange I-timeRange +O O B-object_type I-object_type B-object_name I-object_name +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_part_of_series_type +O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O B-service B-sort I-sort O B-artist +O O B-music_item O B-playlist I-playlist I-playlist +O B-object_select B-object_type B-rating_value B-rating_unit +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist O B-playlist_owner O +O B-music_item O B-playlist I-playlist I-playlist I-playlist +O O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O O B-current_location I-current_location B-timeRange I-timeRange I-timeRange +O O O O O B-object_type O B-object_name I-object_name I-object_name +O B-object_name +O O O O O B-timeRange I-timeRange I-timeRange O B-state +O O B-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O O B-restaurant_type O B-party_size_number O B-state +O O O O O B-object_name I-object_name O O O B-object_type +O O B-music_item B-artist O B-playlist_owner B-playlist I-playlist O +O B-playlist I-playlist I-playlist I-playlist O B-service +O O O O B-party_size_number O O B-restaurant_type O B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O O O O O B-state O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O O O B-current_location I-current_location O B-timeRange +O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name B-timeRange I-timeRange I-timeRange +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state O O O O B-party_size_number +O B-object_select B-object_type O B-rating_value B-rating_unit O O O O O B-best_rating +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O B-restaurant_name I-restaurant_name I-restaurant_name +O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number O O B-state +O O O B-sort I-sort B-music_item O B-artist I-artist O B-service +O O B-object_type I-object_type B-object_name I-object_name +O O O O O O B-city B-state O B-timeRange I-timeRange +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-track I-track I-track I-track I-track O B-artist I-artist +O O O B-object_name I-object_name I-object_name I-object_name +B-timeRange I-timeRange B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi +B-object_type I-object_type O B-location_name I-location_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_name I-restaurant_name O B-timeRange O B-city +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-sort O O B-artist I-artist +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-sort I-sort B-music_item I-music_item O B-year +O O B-restaurant_type O B-city B-state I-state I-state I-state O O B-served_dish +O O B-playlist I-playlist I-playlist O O B-artist I-artist O O O +O O O O O B-city B-country +O O O O O O O O O B-timeRange I-timeRange O B-city B-country +O O O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist O +O O O B-spatial_relation O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state +O B-object_select B-object_type O B-rating_value +O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-city I-city B-state +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type +O O O O O O O O B-city +O O O O O O B-country B-city +O O B-object_type B-object_name I-object_name +O O B-music_item B-track I-track I-track I-track O B-artist I-artist +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O B-party_size_number O O B-served_dish I-served_dish O O B-restaurant_type O B-country +O B-rating_value O B-best_rating B-rating_unit O B-object_name I-object_name +O O B-restaurant_type O B-party_size_number O B-timeRange +O O O O O B-object_type O B-object_name I-object_name +O O O O B-city I-city O O B-restaurant_type O B-party_size_number +O B-service O O O O +O B-rating_value O O B-best_rating O B-object_select B-object_type +O O O O B-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist +O O B-artist B-music_item +O O O O O B-spatial_relation B-current_location B-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-object_type O B-object_name +O O O O O B-genre +O O O B-year O O B-service +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner O O B-playlist I-playlist +O B-object_select B-object_type O O O B-rating_value O O B-best_rating +O O O B-object_type I-object_type O O B-location_name I-location_name +O O O O B-party_size_number O O B-restaurant_type O B-served_dish O B-timeRange O B-city B-state +O O B-music_item O B-artist I-artist +O B-object_select B-object_type B-rating_value +O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-city B-restaurant_type +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O O O O B-current_location +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-object_name I-object_name I-object_name O B-rating_value +O O B-playlist I-playlist B-music_item O B-playlist_owner I-playlist_owner O +O O B-object_type B-object_name I-object_name +O O B-track I-track I-track I-track I-track O B-artist +O O O O B-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-state +O B-entity_name O O B-playlist I-playlist I-playlist O +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O B-object_name I-object_name I-object_name B-object_part_of_series_type O O O B-rating_value B-rating_unit +O O B-sort I-sort B-music_item O B-artist I-artist O B-service I-service +O B-service O B-playlist I-playlist I-playlist +O O B-object_part_of_series_type O B-rating_value O O B-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O B-music_item I-music_item O B-artist I-artist O +O O O O B-party_size_number O O O B-restaurant_type O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name +O B-year B-music_item O O B-artist O B-service +O O O O O O O B-sort O O B-timeRange I-timeRange I-timeRange O O B-restaurant_type I-restaurant_type O O O O B-party_size_number O O O O B-city O O B-spatial_relation O +O O O O O O O O B-timeRange O B-country +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-rating_value B-rating_unit O B-best_rating O B-object_name I-object_name I-object_name I-object_name +O O O O O B-sort B-cuisine B-restaurant_type O B-city I-city B-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist O +O O O O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description O B-city I-city +O O O O O B-restaurant_type O B-facility O O B-spatial_relation B-country +O O O B-music_item O O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist +O O O O O B-restaurant_type O B-party_size_number O O B-served_dish +O B-artist I-artist O B-playlist I-playlist I-playlist O +B-rating_value B-rating_unit O O B-best_rating O O O O B-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O B-state O B-condition_temperature O +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist +O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O B-music_item O O O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-object_select B-object_type O B-rating_value +O O O B-object_type I-object_type O B-location_name I-location_name +O O B-rating_value O O B-object_name I-object_name I-object_name +O O B-restaurant_type O B-party_size_number O B-country I-country I-country +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-track I-track I-track O B-artist I-artist O B-service +O O O B-restaurant_type B-spatial_relation B-country O O B-served_dish O B-party_size_number O +O O B-condition_description O O B-timeRange O B-city +O O O O B-object_type B-object_name I-object_name I-object_name +O O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist +O O O O B-object_name I-object_name +O O B-restaurant_type B-spatial_relation O B-poi I-poi I-poi O B-party_size_number O +O O O B-movie_name I-movie_name I-movie_name I-movie_name O O +O B-service O O B-year +B-spatial_relation I-spatial_relation I-spatial_relation O B-movie_type O B-object_type I-object_type +O O O O O B-movie_name I-movie_name I-movie_name +O O O O O O B-sort B-restaurant_type O B-timeRange I-timeRange +O O O B-object_type O B-object_name I-object_name I-object_name +O O O O O O O B-sort O B-artist I-artist +O B-music_item O O B-year O B-artist I-artist +O O O B-artist I-artist I-artist O O B-sort +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O B-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O O B-country +O O B-object_name I-object_name I-object_name I-object_name +O B-year B-music_item O O B-artist I-artist +O O B-music_item O O O B-playlist +O O B-sort I-sort O O B-artist I-artist I-artist +O B-object_select B-object_type O B-rating_value B-rating_unit +O O B-condition_temperature O B-city +O B-object_name I-object_name I-object_name B-rating_value +O B-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O B-timeRange I-timeRange I-timeRange O O B-spatial_relation B-poi B-restaurant_type +O O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating +O B-year O O B-artist I-artist O B-service I-service +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_select B-object_type B-rating_value B-rating_unit +O B-artist I-artist O B-playlist I-playlist O +O O O O B-object_type I-object_type +O B-music_item O B-playlist_owner B-playlist I-playlist +O B-artist I-artist O O B-playlist I-playlist +O B-movie_name O O B-object_location_type +O O B-music_item I-music_item O B-artist I-artist I-artist O B-service +O O O O B-restaurant_name I-restaurant_name O B-city +B-restaurant_name B-spatial_relation O B-poi I-poi O O O B-party_size_number O O B-timeRange I-timeRange I-timeRange I-timeRange +O B-artist O B-playlist_owner B-playlist I-playlist I-playlist +O B-object_type I-object_type O B-location_name I-location_name +O O O O B-genre O B-service +O O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O O O O B-state O O O B-restaurant_type I-restaurant_type O O B-facility O O O O O O B-party_size_number O O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-spatial_relation O B-state I-state +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O B-object_type I-object_type O O O O B-location_name I-location_name B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-party_size_number O B-state I-state O B-timeRange I-timeRange +O O B-music_item O B-playlist_owner B-playlist O +O B-service O O O B-genre +O O O O O B-genre O +O B-artist I-artist I-artist O B-service +O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation O O O O B-movie_type +O O O O O B-restaurant_type O B-city I-city O B-timeRange +O O B-music_item O B-playlist_owner I-playlist_owner O B-playlist +O O O O B-timeRange I-timeRange I-timeRange O B-city +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O B-movie_name I-movie_name O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name B-rating_value O O B-best_rating +O B-rating_value O O B-best_rating B-rating_unit O B-object_name +O O B-object_type O B-object_name I-object_name +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type O B-rating_value B-rating_unit +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type B-spatial_relation I-spatial_relation O B-city O O B-cuisine I-cuisine +O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O B-playlist I-playlist O O B-entity_name I-entity_name +B-object_select B-object_type O O B-rating_value O B-best_rating +O O B-location_name I-location_name B-object_type I-object_type +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O O B-object_type I-object_type O O B-location_name I-location_name +O O O O B-object_name I-object_name +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_type O B-object_name I-object_name +O B-artist I-artist O B-playlist I-playlist +O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-object_type I-object_type +O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-condition_temperature O O B-city +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O O B-sort O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-sort B-restaurant_type O B-city +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O O B-object_type I-object_type +O B-object_select B-object_part_of_series_type O B-rating_value O O B-best_rating +O O O O O O O B-timeRange O B-city B-state I-state O O O O B-party_size_number O O B-restaurant_name I-restaurant_name +O O O B-condition_temperature B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value B-rating_unit +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_name I-object_name B-rating_value +O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-timeRange +O B-track I-track O B-artist I-artist +O O O B-object_type I-object_type O B-location_name I-location_name B-timeRange I-timeRange I-timeRange +O O O B-condition_temperature O B-city +O O B-condition_temperature O B-state I-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-condition_temperature O B-city I-city +O O O O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O B-track I-track I-track I-track O B-artist I-artist +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-artist I-artist I-artist O B-year B-playlist +B-timeRange I-timeRange I-timeRange O O O O O O B-restaurant_type I-restaurant_type O O B-cuisine O O B-city +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating +O O O O O B-artist I-artist O O B-playlist I-playlist I-playlist O +O O O O B-party_size_number O O B-timeRange O O B-restaurant_type +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-country B-restaurant_type O B-cuisine +O B-spatial_relation B-object_location_type I-object_location_type O O B-movie_name I-movie_name +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O B-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O B-condition_description O O B-city I-city +O B-music_item O B-playlist I-playlist O +O O O O O B-cuisine B-restaurant_type O O B-timeRange +O O B-object_type I-object_type O O B-movie_type B-spatial_relation I-spatial_relation O B-timeRange +O O O O O B-restaurant_type I-restaurant_type I-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-city I-city +O O O O O O B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-object_name I-object_name B-object_type +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange +O O O O O B-year O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O B-timeRange I-timeRange O B-state I-state +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name O O O O B-rating_value O O O O O B-best_rating +O B-object_select B-object_type O O O B-rating_value O O B-best_rating +O O B-object_name I-object_name B-object_type +O O B-sort B-music_item O B-artist +O O B-service B-artist I-artist +O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-object_name I-object_name +O O B-party_size_number O O B-restaurant_type O B-city +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O O B-music_item O B-playlist_owner B-playlist O +O O B-object_name I-object_name I-object_name B-object_type +O O B-sort I-sort B-music_item O B-artist I-artist O O B-service +O B-object_type I-object_type O B-location_name I-location_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type O B-rating_value O O +O O O B-condition_description B-timeRange B-spatial_relation O B-city +O O O O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O O O O B-party_size_number O O O B-sort I-sort B-restaurant_type O B-country +O O O O O B-object_name B-object_type I-object_type +O O O B-object_select B-object_type O B-rating_value O O O O O B-best_rating +O O O O O O B-restaurant_name I-restaurant_name O O O O B-party_size_number +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O +O O O O O B-restaurant_type O B-state O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O B-condition_description O B-timeRange O B-city +O B-service I-service O O O B-album I-album I-album B-music_item +O O O O B-object_type I-object_type +O B-entity_name I-entity_name I-entity_name O B-playlist +O O B-object_select B-object_part_of_series_type O O O B-rating_value O O B-best_rating +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-spatial_relation B-state O B-timeRange I-timeRange I-timeRange O O O O B-party_size_number +O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-city O B-party_size_number O +O O O O B-object_name I-object_name +O O O O O O O B-timeRange I-timeRange O B-city I-city I-city +O B-sort I-sort O B-artist I-artist +O O B-restaurant_type O O B-party_size_number O O B-facility O +O O B-artist I-artist B-music_item O B-service I-service +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O O O O B-object_name +O O O O O O O O O B-restaurant_type O B-state +O O B-state O B-restaurant_name I-restaurant_name +O O B-object_select B-object_type O B-rating_value +O O O B-year +O O B-music_item O B-playlist_owner B-playlist O +O O B-object_type I-object_type O B-object_name I-object_name +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-movie_name I-movie_name I-movie_name I-movie_name O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_name I-object_name B-rating_value O B-best_rating +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O O B-best_rating O O B-rating_value O O +O O B-party_size_number O B-cuisine O O O B-restaurant_type +O B-location_name I-location_name I-location_name B-movie_type +O O O B-object_name I-object_name I-object_name I-object_name O +O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-music_item O B-playlist I-playlist I-playlist +O O B-year B-music_item O B-artist O B-service +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O O B-movie_name I-movie_name I-movie_name +O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-object_type I-object_type O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O O B-year +O B-music_item O B-artist I-artist I-artist +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O B-timeRange I-timeRange O B-city I-city B-state +O O B-music_item O O B-artist I-artist O B-service +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation +O O O O O O B-current_location I-current_location +O O B-music_item O B-playlist_owner O B-playlist I-playlist +O O O O O B-party_size_number O O O B-restaurant_type O B-country O O B-served_dish +O O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange +O O B-restaurant_name I-restaurant_name O B-timeRange +O O O O O O B-movie_name I-movie_name I-movie_name +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O B-object_name I-object_name I-object_name O O O O B-rating_value O O B-best_rating B-rating_unit +O O O B-condition_temperature O B-timeRange I-timeRange O B-country +B-timeRange I-timeRange I-timeRange O O O B-restaurant_type O B-country I-country O B-party_size_number +O B-object_select B-object_type B-rating_value B-rating_unit +B-rating_value O O B-best_rating B-rating_unit O O B-object_select B-object_type +O B-album I-album I-album O B-service I-service +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O O O O O B-state I-state I-state I-state O B-timeRange I-timeRange +O O B-party_size_number O B-timeRange I-timeRange +O O O B-service +O B-music_item O B-playlist I-playlist I-playlist I-playlist O +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-object_type I-object_type O B-movie_type B-spatial_relation +O O B-music_item O B-playlist_owner B-playlist O +O O O O O O B-country I-country +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-year B-artist I-artist O B-service +O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name B-state +O O O O O B-city O B-country I-country I-country O B-timeRange I-timeRange +O O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-object_type B-object_name I-object_name +O O B-location_name I-location_name O O B-object_type I-object_type +O O B-restaurant_type O B-facility O O B-city I-city +O O B-object_type I-object_type O B-movie_type B-spatial_relation +O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist +O B-year B-music_item O +O O B-location_name I-location_name B-object_type I-object_type +O O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O B-object_type I-object_type B-timeRange +O O O O B-timeRange O O B-cuisine I-cuisine B-restaurant_type +O O B-artist I-artist O O B-playlist I-playlist +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name B-spatial_relation O B-state O O O O B-party_size_number +O O B-condition_description O B-country +O B-object_name I-object_name +O O B-object_select B-object_type O B-rating_value +O O O O O O B-city B-country O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O B-music_item O B-year O O O +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-served_dish I-served_dish O O B-restaurant_type I-restaurant_type +O B-object_name I-object_name I-object_name O B-rating_value +O O O B-condition_temperature O B-state B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-movie_type O O B-spatial_relation I-spatial_relation +O B-object_select B-object_type O B-rating_value O O B-best_rating O +O O B-object_type I-object_type O B-object_name I-object_name +O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist I-playlist +O O B-music_item O O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O O B-object_name I-object_name I-object_name +O O B-music_item O O B-playlist I-playlist O +O B-artist I-artist O O B-year +O O O O B-sort B-year B-music_item I-music_item +O O O B-rating_value O O B-best_rating O B-object_name I-object_name I-object_name I-object_name +O O O O O O B-city +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist O +O B-state O B-condition_temperature O +O O O O O O B-city I-city I-city B-state +O B-object_name O B-object_type +O B-entity_name I-entity_name I-entity_name I-entity_name O O O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-sort B-restaurant_type B-spatial_relation B-country I-country +O O O O O B-city B-state O B-timeRange I-timeRange +O O O O B-genre O +O O O O O O B-state +O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O B-object_type I-object_type O B-location_name I-location_name +O B-album I-album I-album I-album I-album I-album O B-artist I-artist I-artist O B-service +O O O O O O O O O B-city O B-country I-country I-country I-country I-country I-country I-country B-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist I-playlist +O O B-music_item O B-playlist_owner B-playlist O +O O O O O O B-restaurant_type O O B-spatial_relation O O B-country I-country +O O O O O B-sort I-sort B-restaurant_type I-restaurant_type O B-cuisine +O O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-rating_value B-rating_unit O B-best_rating O B-object_name I-object_name I-object_name I-object_name +O O O O B-timeRange B-condition_temperature O B-state +O O B-object_select B-object_type O O O O O B-rating_value O O O O O B-best_rating +O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O B-service +O O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist I-playlist I-playlist O +O O O B-condition_temperature O B-state +O O B-condition_temperature O B-city B-state +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-movie_name I-movie_name I-movie_name O O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O B-party_size_number O O B-restaurant_type O B-state I-state +O B-object_name I-object_name I-object_name I-object_name +O O O B-location_name I-location_name B-object_type I-object_type +B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-sort B-artist I-artist O +O O B-object_select B-object_type B-rating_value O B-best_rating +O O O B-service +O O B-spatial_relation B-movie_type I-movie_type O O B-object_location_type I-object_location_type +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-genre B-music_item O B-year +O O O O B-artist I-artist +O O B-restaurant_type O B-party_size_number O O B-served_dish I-served_dish +O O B-object_type I-object_type +O O O O O O O B-current_location I-current_location +O O B-artist I-artist B-music_item +O O O O O B-restaurant_type O O B-country I-country B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_name I-object_name I-object_name B-object_type +O O B-sort B-music_item O B-artist I-artist O B-service I-service +O O O O B-object_name I-object_name I-object_name O O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O O O B-object_type O B-movie_type O B-location_name I-location_name +O B-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-state +O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type B-object_name +O O B-object_type I-object_type O B-object_name I-object_name +O O O O B-party_size_number O +O O O O O B-city I-city B-state +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O B-current_location O B-timeRange +O O B-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-artist I-artist O B-music_item +O O O O O O O B-party_size_number +O B-playlist I-playlist I-playlist O B-service +O O B-restaurant_name O B-city +O O B-object_select B-object_type O B-rating_value O O B-best_rating O +B-object_select B-object_type O B-rating_value O B-best_rating B-rating_unit O O O +B-object_name O O O O B-object_type B-object_name I-object_name O B-rating_value B-rating_unit +O O O O B-party_size_number O O O B-restaurant_type O B-city I-city +O O O B-object_name I-object_name I-object_name B-object_type +O O O O B-party_size_number O O B-served_dish B-restaurant_type +O O B-music_item O B-playlist_owner B-playlist O +O O O O B-track I-track O B-artist I-artist O B-service +O O B-object_type I-object_type O B-location_name I-location_name +O O B-object_select B-object_part_of_series_type O B-rating_value +O B-album O B-artist I-artist +O O O O B-restaurant_type I-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-album O B-artist I-artist +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O B-object_type I-object_type +O O O O O O B-country O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange +O O B-artist I-artist O O B-year O B-service +O O O O B-condition_description O B-city O B-state +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O B-music_item O O B-artist I-artist +O B-movie_type O O O B-object_type I-object_type B-spatial_relation I-spatial_relation +O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange O B-state +O B-artist I-artist O B-music_item +O O B-music_item O B-artist I-artist O O B-playlist I-playlist O +O O O O O B-city B-timeRange I-timeRange I-timeRange +O B-music_item O O O B-sort O B-artist I-artist +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-year O +O O O O O B-state I-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name +O O B-object_name I-object_name I-object_name O +O B-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist O O B-year O B-service I-service +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O B-facility B-restaurant_type O B-city +O O O O B-year +O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-playlist I-playlist +O O B-music_item O B-artist I-artist +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-year O O B-service I-service +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O O O B-rating_value O O B-best_rating +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange +O B-artist I-artist O B-playlist I-playlist I-playlist +O O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-facility +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O O O O B-timeRange I-timeRange I-timeRange O B-country I-country +O B-artist I-artist O B-service +O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O O B-object_type B-object_name I-object_name +O B-entity_name I-entity_name O B-playlist I-playlist O +O B-music_item B-playlist I-playlist +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-sort O O B-artist I-artist +O O B-condition_temperature B-spatial_relation O B-country +O B-object_part_of_series_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O B-rating_value +O O O B-movie_name I-movie_name I-movie_name O +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-artist I-artist O B-playlist I-playlist I-playlist O +O B-genre O O B-service I-service +O O O O O B-state +O O O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating O +O O B-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O O B-current_location +O O O O B-object_type I-object_type B-object_name I-object_name +O O O O O B-movie_name I-movie_name I-movie_name +O O B-music_item O O B-playlist I-playlist I-playlist O +O B-movie_name I-movie_name O B-location_name I-location_name +O O O O O B-condition_temperature O B-city +O O B-sort I-sort B-music_item O B-service I-service O B-artist I-artist +O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-country B-timeRange I-timeRange I-timeRange +B-object_name I-object_name I-object_name O O O O O B-rating_value +O B-movie_type O O O B-location_name I-location_name I-location_name +O O O O O O B-party_size_number O O B-restaurant_type O B-state +O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist +O O O B-object_name I-object_name I-object_name B-object_type +O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-party_size_number O O B-restaurant_type O O B-served_dish I-served_dish +O O O B-condition_temperature B-spatial_relation B-city +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-sort I-sort O O B-artist I-artist +O B-artist I-artist O O B-year +O O B-artist I-artist +O B-artist I-artist O B-playlist I-playlist +O O B-genre I-genre +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-music_item O B-playlist_owner O B-playlist I-playlist +O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O B-object_type B-object_name +O O O O O B-year O O O B-service +O B-music_item O B-playlist_owner B-artist I-artist B-playlist +O O O O O B-city +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-served_dish O B-restaurant_type O B-party_size_number O B-city I-city B-state +O O O O B-year O B-artist +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_type B-timeRange +O O O O O O B-city I-city O B-timeRange I-timeRange +O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-state +O O O O O B-artist O B-playlist_owner B-playlist I-playlist O +O O B-city O B-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-movie_type O O B-timeRange O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_name I-object_name I-object_name I-object_name O B-object_type +O B-condition_temperature O O O B-city +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-condition_temperature O B-city +O O O B-object_name I-object_name B-object_type +O B-object_name I-object_name I-object_name +O B-album I-album I-album I-album O B-artist +O B-object_name I-object_name B-rating_value O O B-best_rating +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O B-music_item O B-playlist I-playlist +O O B-object_name I-object_name I-object_name B-object_type +O O B-object_name I-object_name O O O B-rating_value +O B-rating_value O O B-best_rating O O B-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner O B-playlist I-playlist +O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-condition_description B-current_location +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_description I-party_size_description I-party_size_description O B-city I-city +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-sort B-music_item O B-artist I-artist +O O B-sort B-music_item I-music_item O B-artist I-artist O B-service +O O O O O B-country I-country +O O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange I-timeRange O B-country I-country +O O O O O B-city I-city B-timeRange I-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O B-party_size_number O O O B-restaurant_type O O B-facility +O O O B-object_type I-object_type +O O O B-object_type O B-object_name +O B-artist I-artist I-artist O B-playlist B-music_item +O O B-playlist O +O O O B-condition_description O B-city B-state +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-spatial_relation B-object_location_type O O B-movie_type O +O O B-artist I-artist O B-service +O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-movie_type I-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-artist I-artist O B-playlist I-playlist I-playlist +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-music_item O B-playlist_owner B-playlist O +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-entity_name I-entity_name O O O O B-playlist I-playlist I-playlist O +O O O O O B-restaurant_type O O B-spatial_relation B-state B-facility O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-object_select B-object_type O O O B-rating_value O O B-best_rating O +O B-artist I-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-playlist O O O B-music_item +O O O O O O B-restaurant_type O O O O B-party_size_number O B-cuisine +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O O B-party_size_number O B-spatial_relation B-country +O O B-genre +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-restaurant_type O B-city I-city O O B-served_dish I-served_dish I-served_dish +O O B-restaurant_type O B-state O B-party_size_number O +O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O O B-city O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O B-service O O O B-music_item O B-artist I-artist O O B-year +O O B-music_item O B-artist I-artist O B-playlist I-playlist I-playlist +O B-entity_name I-entity_name O B-playlist_owner B-playlist +B-restaurant_type O B-restaurant_name I-restaurant_name O B-city B-state +O O O O O O B-restaurant_name I-restaurant_name B-timeRange I-timeRange I-timeRange O B-state I-state I-state +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-party_size_number O B-timeRange O B-state +O O B-object_select B-object_type O O B-rating_value O O B-best_rating +O B-artist I-artist I-artist O O O O B-playlist I-playlist +O O O O O B-object_type I-object_type +O O O B-condition_description O B-city I-city +O O O B-playlist I-playlist O +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_location_type O O O B-movie_name I-movie_name I-movie_name +O O O O B-timeRange O B-state O O B-restaurant_name I-restaurant_name I-restaurant_name +O O O O B-object_name I-object_name I-object_name I-object_name +O O O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_type I-object_type O O B-location_name I-location_name +O O B-music_item O B-playlist_owner B-playlist O +B-object_select B-object_part_of_series_type O O O O B-rating_value +O B-track I-track O B-artist I-artist +O B-artist I-artist O O O B-year +O O O B-object_name I-object_name I-object_name B-object_type +O O O O O O B-timeRange I-timeRange I-timeRange O B-state +O O O O B-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type B-rating_value O B-best_rating +O O O O B-condition_description B-spatial_relation +O O O B-condition_description O B-state +O B-object_select B-object_type O O O O O O B-best_rating O O O O O B-rating_value +O O O B-genre I-genre +O O O O O B-served_dish O B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O B-entity_name O O B-playlist O +O O O O O B-object_name I-object_name I-object_name I-object_name +O O B-spatial_relation B-condition_description O B-timeRange I-timeRange O B-city +O O O B-object_select B-object_type O B-rating_value +B-object_name I-object_name O O O O O O B-rating_value B-rating_unit O O +O O B-restaurant_type O B-party_size_number O B-city I-city +B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-served_dish I-served_dish O O B-restaurant_type +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name B-timeRange +O B-object_select B-object_type B-rating_value B-rating_unit +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-music_item O B-artist I-artist O B-year O O B-sort +O O B-restaurant_type O B-state O O O O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-rating_unit O B-object_select O O B-rating_value O O B-object_type O O B-best_rating +O B-movie_type I-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type O B-timeRange +O B-artist I-artist I-artist O B-playlist_owner O O B-playlist I-playlist I-playlist +O B-year O +O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name +O O O O B-timeRange I-timeRange O B-city O O B-restaurant_type +O B-year B-music_item O O B-service I-service +O O O O B-music_item B-track I-track O B-service I-service O B-artist I-artist +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type O O B-rating_value +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-movie_type O O O B-location_name I-location_name +O B-object_name +O O O O O B-restaurant_type O B-state I-state O O B-facility +O O O O O B-restaurant_type O B-facility O B-country +O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange I-timeRange O B-city O O B-restaurant_type +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_type O B-object_name I-object_name I-object_name +O O O O O O B-party_size_number O B-restaurant_type O O B-facility +O O O B-object_part_of_series_type O B-object_name I-object_name I-object_name I-object_name I-object_name O O O O B-rating_value O +O O O O B-state O B-party_size_number O B-timeRange O O B-restaurant_type O O B-cuisine I-cuisine +O O O O O O B-country I-country I-country +O O B-music_item O B-artist I-artist O O B-playlist I-playlist O +O O B-object_select B-object_type O B-rating_value +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-artist I-artist O B-music_item O B-year O O B-service +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O B-city O O O B-served_dish I-served_dish I-served_dish O O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-timeRange I-timeRange +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O B-object_type O B-object_name I-object_name I-object_name +O O O O O O B-genre O B-service +O B-object_name I-object_name I-object_name B-object_type +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O B-object_select B-object_type B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-sort B-restaurant_type O B-city I-city +O O O O O B-artist O B-sort B-music_item +O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-object_type O B-object_name I-object_name +O O B-music_item O B-artist I-artist O B-year O B-service +O O O B-artist I-artist B-music_item O O B-playlist O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O O B-condition_temperature B-timeRange O B-city +O B-object_select B-object_type B-rating_value O B-best_rating +O O O O O O O O B-sort B-cuisine B-restaurant_type O B-city O O B-spatial_relation O O O B-party_size_number +O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-music_item O O B-year O B-artist I-artist +O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist O O B-playlist O +O O O O B-object_name I-object_name I-object_name +O O B-restaurant_type O B-state O B-timeRange O B-party_size_number O +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name B-timeRange +O O O B-timeRange O O B-city O B-country I-country +O O O O B-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_type I-object_type O O B-location_name I-location_name +O B-artist I-artist B-music_item B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O B-city B-country +O B-year B-artist I-artist O B-service +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O O B-playlist_owner O B-playlist O O B-entity_name I-entity_name I-entity_name I-entity_name +O B-playlist I-playlist O O O B-artist O B-playlist_owner O +O O O O B-party_size_number O O B-served_dish O +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-state I-state +O O O O O B-sort B-restaurant_type O O B-cuisine O O O O O B-party_size_number O O B-country I-country +O O B-artist I-artist O B-service I-service +O B-object_type I-object_type O B-location_name I-location_name +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name I-location_name +O B-artist I-artist O B-playlist_owner O O B-playlist I-playlist +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-condition_description O O O O O B-city B-state +O O O B-year B-artist I-artist B-music_item O B-service I-service +O B-country O O O B-condition_description O B-city +O O B-restaurant_type I-restaurant_type O B-timeRange O B-spatial_relation O B-state I-state I-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-artist I-artist B-music_item I-music_item O B-service +O O O O O B-country I-country I-country O O O O O O B-party_size_number +O O O O B-sort O O B-artist I-artist +O O O B-object_type I-object_type +O O B-year B-music_item O B-artist I-artist I-artist O B-service +O O O O O B-current_location +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O O O B-city I-city B-state B-timeRange I-timeRange I-timeRange +O B-service O +O O B-artist I-artist O O O B-year +O B-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O B-object_select B-object_type O B-rating_value +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-genre O O B-service +O O O B-served_dish I-served_dish I-served_dish O O O O O B-city I-city B-state B-restaurant_type O O O O B-timeRange I-timeRange I-timeRange I-timeRange +O B-movie_name I-movie_name I-movie_name O O B-object_location_type +O O O B-object_type I-object_type O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O B-timeRange I-timeRange O O B-current_location I-current_location +O O B-movie_name I-movie_name I-movie_name O +O O B-object_type I-object_type +O O O O O O B-state +O O O O O O B-restaurant_type I-restaurant_type O O B-served_dish I-served_dish O B-party_size_number O +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O O O O B-party_size_number B-spatial_relation I-spatial_relation I-spatial_relation O O O O B-country +O O O B-restaurant_type O O O O O B-served_dish +O O O B-restaurant_type O O O O O B-party_size_number O O B-cuisine B-restaurant_type I-restaurant_type +O B-object_select B-object_type O O O O B-rating_value O B-best_rating +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O B-condition_temperature O O O B-country +O O B-sort B-artist I-artist +O B-service I-service O O B-genre I-genre +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O O O O O O B-playlist I-playlist I-playlist +O B-artist O O B-playlist I-playlist I-playlist I-playlist O +O O B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_name B-rating_value O O O B-best_rating +O O O B-movie_type O B-spatial_relation I-spatial_relation +O O O O O O B-restaurant_type I-restaurant_type I-restaurant_type O B-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-facility +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O O B-cuisine +B-object_name I-object_name O O O O B-rating_value +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist I-playlist O +O O O B-year O O B-artist I-artist +O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit O O B-best_rating +O O O O O O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O B-condition_description O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O B-music_item O B-artist I-artist O B-service +O O O B-condition_temperature O B-timeRange I-timeRange O B-state +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O O O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O O O B-service O B-artist I-artist +O O O O O O B-timeRange O B-geographic_poi I-geographic_poi +O O O O O B-music_item B-track I-track O B-artist I-artist O B-service +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist +O O B-year O O O B-service +O B-object_type I-object_type +O O O O O B-restaurant_type O B-served_dish I-served_dish I-served_dish I-served_dish O B-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation O B-country I-country I-country I-country +O B-object_name I-object_name +O O O O O O B-city +O O O O O B-party_size_number O O B-restaurant_type O O B-served_dish I-served_dish +O O O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-location_name I-location_name I-location_name O O B-movie_type +O O O O O B-object_type I-object_type O B-location_name I-location_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O O O O B-city +O O O O O O B-sort B-cuisine I-cuisine B-restaurant_type I-restaurant_type +O O O O O O B-city I-city +O B-music_item O B-playlist_owner B-playlist O +O O O B-movie_name I-movie_name I-movie_name O +O B-object_name I-object_name I-object_name B-object_type +B-country I-country O B-condition_temperature O O B-timeRange I-timeRange +O O O O O B-object_type I-object_type O B-location_name I-location_name +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_type I-object_type O B-location_name I-location_name +O O O O B-party_size_number O O B-sort B-cuisine B-restaurant_type O B-country +O O O O B-restaurant_name I-restaurant_name O B-country +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-restaurant_type O B-city O B-party_size_number O +O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_type O B-country O B-facility O B-party_size_description I-party_size_description I-party_size_description B-timeRange I-timeRange I-timeRange +O O O O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name B-object_type +O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number O B-timeRange O O B-country I-country I-country I-country I-country B-spatial_relation +O O B-music_item O O B-artist I-artist O O O +O B-object_name I-object_name +B-object_select B-object_type O O B-rating_value O O B-best_rating O O O +O O O B-restaurant_type O O O O O B-served_dish I-served_dish O B-state +O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O B-music_item O B-playlist I-playlist +O B-entity_name O B-playlist I-playlist O +O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi +O B-object_name I-object_name B-object_type +O O O O B-condition_description O O B-timeRange I-timeRange O B-city I-city +O O B-object_name I-object_name +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value O B-best_rating +O O B-condition_description O B-city +O O B-sort B-music_item O B-artist I-artist O B-service I-service +O B-music_item O B-playlist I-playlist +O O O O O O O O B-timeRange I-timeRange O B-country +O O O O O B-year O B-service +O O O B-playlist O +O O B-sort O O B-year +O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O O O O B-object_location_type +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O B-object_select B-object_part_of_series_type O B-rating_value +O O O O O B-movie_type O B-spatial_relation +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name B-city O B-timeRange I-timeRange I-timeRange +B-rating_value O O O B-object_select B-object_type +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O B-service O +O O O B-genre I-genre +O B-movie_name I-movie_name I-movie_name O O +O B-restaurant_name I-restaurant_name O B-city O B-timeRange O +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name B-object_type +O B-movie_type O O O B-location_name I-location_name +O O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-sort B-artist I-artist O O B-service +O O B-music_item O O B-playlist I-playlist +O O B-music_item B-playlist O B-playlist_owner B-artist I-artist O +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O O O B-timeRange I-timeRange I-timeRange O B-geographic_poi +O B-music_item I-music_item O O O B-year +O B-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-year B-music_item +O O B-object_select B-object_type O B-rating_value O O B-best_rating O +O O B-artist O O O O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-condition_temperature O B-city I-city O B-timeRange +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-movie_type I-movie_type O O B-location_name I-location_name +O O O O O B-restaurant_type O B-city O B-party_size_number +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state I-state +O O O O O B-party_size_number O O B-city O B-timeRange I-timeRange I-timeRange +O B-artist I-artist O O B-playlist O +O B-artist I-artist B-album I-album I-album I-album I-album I-album +O O B-restaurant_type I-restaurant_type O O B-served_dish O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-object_type B-object_name I-object_name +O O O O O O B-artist I-artist B-music_item +O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O O O O O O B-sort I-sort B-cuisine B-restaurant_type +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-service I-service +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-object_type I-object_type B-timeRange I-timeRange I-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist B-playlist_owner O +O O B-music_item O B-playlist I-playlist I-playlist +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-restaurant_type O B-country +O B-album I-album I-album I-album I-album O B-artist I-artist +O O B-sort I-sort B-restaurant_type +O O O O B-artist I-artist O O B-year O O B-music_item O B-service I-service +O B-service +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O B-restaurant_name I-restaurant_name O B-city O B-timeRange I-timeRange +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O O B-party_size_number O O B-served_dish B-restaurant_type O B-poi I-poi I-poi I-poi O O B-spatial_relation I-spatial_relation B-timeRange I-timeRange I-timeRange +O B-year O B-service +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O B-geographic_poi +O O O O O B-condition_description O B-timeRange O B-country +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-artist I-artist +O O B-object_select B-object_type B-rating_value O O B-best_rating +O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating +O O B-movie_name I-movie_name I-movie_name I-movie_name O O +O O O O O B-facility O B-city I-city O O O O B-party_size_number O O B-restaurant_type B-timeRange I-timeRange I-timeRange O O B-spatial_relation +O B-service I-service O +O O O O O B-restaurant_type O B-country I-country O O O O B-party_size_number +O B-object_name I-object_name I-object_name O O +O O O O O O B-current_location +O O O O B-music_item I-music_item O B-year +O O O O O B-cuisine O O O B-restaurant_type O B-city +O O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O B-rating_value B-rating_unit O B-object_name +O O B-sort I-sort B-music_item O O B-artist I-artist +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-service +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name +O O O B-condition_temperature O B-timeRange I-timeRange O B-city B-state +O O B-current_location I-current_location O O O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi +O B-music_item O B-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-condition_temperature B-spatial_relation I-spatial_relation I-spatial_relation O B-state +O O O B-party_size_number O O O B-sort B-cuisine B-restaurant_type B-spatial_relation B-poi I-poi I-poi +O O O O O O O B-restaurant_type O B-city +O O O O O O B-city +O O B-sort I-sort O B-artist I-artist +O O B-service I-service +O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_description I-party_size_description I-party_size_description +O O O O O B-restaurant_type I-restaurant_type O O B-served_dish I-served_dish O B-timeRange I-timeRange I-timeRange +O B-object_type I-object_type O B-spatial_relation I-spatial_relation B-movie_type +O O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-entity_name I-entity_name I-entity_name O O B-playlist O +O B-movie_name I-movie_name O O B-object_location_type I-object_location_type +O B-cuisine O O B-city O B-timeRange I-timeRange O B-party_size_number O O B-restaurant_type B-sort I-sort O B-state +B-party_size_description I-party_size_description I-party_size_description O O O O B-city I-city +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O O B-object_name I-object_name +O B-condition_temperature O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O +O O B-music_item O B-artist I-artist O O B-playlist I-playlist I-playlist O +O O B-sort B-music_item B-artist O O O B-year +O B-spatial_relation B-state B-restaurant_type O B-cuisine I-cuisine O O B-party_size_number O O B-sort I-sort O B-timeRange +O O O O B-object_type I-object_type O B-location_name I-location_name +O B-object_name I-object_name +O O O O O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description O B-country +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-genre B-service O O +O O B-music_item O B-year O B-artist I-artist +O O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-playlist I-playlist +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-state O O B-condition_temperature O O B-city +O O O O O O B-current_location I-current_location O B-condition_description O B-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation +O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-condition_description B-spatial_relation O O B-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O B-restaurant_type I-restaurant_type I-restaurant_type +O O O O B-object_name I-object_name I-object_name +O B-movie_name I-movie_name I-movie_name +O O O O B-artist +O O O O O O B-sort I-sort B-restaurant_type O B-state I-state I-state I-state +O B-artist B-music_item O B-playlist I-playlist +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-timeRange +O O O B-object_type B-object_name I-object_name I-object_name +O B-music_item O B-playlist I-playlist +O B-album I-album O B-artist I-artist I-artist O B-service +O O B-restaurant_type O B-timeRange I-timeRange B-spatial_relation I-spatial_relation O O B-country I-country +O O B-sort I-sort B-artist I-artist B-music_item +O O O O B-genre O O B-service I-service +O B-artist O B-service I-service +O O O O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-condition_description O B-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O O B-current_location I-current_location +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-music_item O B-artist I-artist +O O O O B-genre O B-service +O O O O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange O O B-restaurant_type O B-facility B-spatial_relation O B-poi +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O B-service +O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O O O B-timeRange I-timeRange O B-country +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_select B-object_type O B-rating_value O O B-best_rating O +O O B-restaurant_type O B-party_size_number O B-state +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-city +O B-timeRange O O B-party_size_number O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O B-genre O +O O O B-movie_type O O B-spatial_relation B-object_location_type +O O O O O O B-city I-city O B-timeRange I-timeRange +O O O B-music_item O O B-playlist O +O O B-music_item O O B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-music_item O O B-year O B-service I-service +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O O O O O B-restaurant_type O O B-served_dish O B-state +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description B-spatial_relation B-poi I-poi O O B-facility B-restaurant_type +O O O B-service O O O O B-sort B-music_item O B-artist I-artist I-artist +O O O O O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-party_size_number O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-album I-album I-album I-album O B-artist I-artist +O O O B-object_name B-object_type +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-condition_description O B-country +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O B-country B-timeRange I-timeRange I-timeRange I-timeRange +O B-track I-track O B-artist I-artist O B-service +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-timeRange I-timeRange I-timeRange I-timeRange O O O B-current_location I-current_location +O O O O O B-timeRange I-timeRange O B-country +O O B-condition_description O O O O B-state O B-timeRange I-timeRange +O B-rating_value B-rating_unit O B-object_select B-object_type +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O O B-state I-state I-state O B-timeRange +O O O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O B-artist I-artist O B-playlist +O O O O B-city B-state +O B-entity_name O B-playlist I-playlist I-playlist O +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange O B-country +O O B-year B-music_item +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange +O O B-genre I-genre +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O O O O B-object_name B-object_type +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-served_dish B-restaurant_type O B-state +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-entity_name I-entity_name O O B-playlist I-playlist O +O B-album I-album I-album I-album O B-artist I-artist O B-service +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description B-spatial_relation O B-country I-country +O O B-restaurant_type I-restaurant_type O O B-served_dish I-served_dish O B-party_size_number O +O O O B-service +O O B-music_item B-track I-track I-track +O O B-music_item O B-playlist_owner B-playlist I-playlist +O O O B-object_select B-object_type B-rating_value B-rating_unit O O O O B-best_rating +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-playlist I-playlist O B-playlist_owner I-playlist_owner B-artist I-artist O +O O B-object_type I-object_type O B-location_name I-location_name +O O O B-object_type O B-object_name I-object_name I-object_name +O B-movie_type B-spatial_relation I-spatial_relation +O B-genre I-genre O +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O B-best_rating +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-city B-state B-timeRange I-timeRange I-timeRange +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-artist I-artist I-artist +O O B-sort O O B-artist I-artist O B-service +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-object_type I-object_type +O B-track I-track I-track I-track I-track I-track I-track O B-artist I-artist +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-party_size_number O O B-restaurant_type O B-country I-country I-country I-country +O O O O O O O O B-object_type I-object_type +O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O B-cuisine I-cuisine O B-restaurant_type +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O O O O O O O B-restaurant_type I-restaurant_type O B-state O O B-served_dish +O O O O O B-restaurant_name I-restaurant_name +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-cuisine B-restaurant_type +O O O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-condition_description O +O B-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_name I-object_name I-object_name B-object_type +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O B-city O B-party_size_number O B-timeRange +O O O O O B-music_item O B-artist I-artist O O O B-playlist I-playlist +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist I-artist O B-playlist I-playlist +O B-restaurant_name I-restaurant_name I-restaurant_name O B-city O B-party_size_number O B-timeRange I-timeRange I-timeRange +O O O B-music_item O B-artist I-artist +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O O B-playlist +O O O O O O O B-party_size_number O O B-served_dish B-restaurant_type O B-city +O O B-object_select B-object_type B-rating_value O O B-best_rating +O B-timeRange I-timeRange I-timeRange I-timeRange O O O O O O B-city B-country +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-cuisine O O B-timeRange I-timeRange I-timeRange O O B-restaurant_type +O O O O B-condition_description O O B-current_location I-current_location +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name I-movie_name +O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state I-state +O O B-city +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type B-timeRange I-timeRange I-timeRange +O O O O O B-restaurant_type O B-country I-country O O B-served_dish +O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-condition_description O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O O O O O O O B-sort B-restaurant_type O B-state +O B-track I-track O B-artist +O O B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_type B-object_name I-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type +O B-music_item O B-playlist I-playlist +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type I-object_type +O O O B-object_select B-object_type B-rating_value B-rating_unit +O B-music_item B-artist I-artist O B-playlist I-playlist I-playlist +O B-object_name O B-object_type +O O O B-genre +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-track I-track I-track +O O O O O O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O B-music_item O O O B-playlist I-playlist O +O O O O B-service +O O B-object_name B-object_type +O B-object_name I-object_name I-object_name O B-object_type +O B-artist O B-service +O O O B-artist I-artist O B-album I-album O B-service +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O B-music_item O B-artist I-artist +O O O O B-album O B-artist I-artist I-artist I-artist I-artist I-artist +O O O O O O O O B-spatial_relation I-spatial_relation O B-party_size_number O O O O B-state +O O B-service O B-artist I-artist +O O O B-object_type I-object_type O O B-movie_type O O O B-spatial_relation +O O O O O O B-city B-state I-state O B-timeRange I-timeRange I-timeRange +O O O O B-party_size_number O B-city I-city O B-timeRange I-timeRange +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O B-restaurant_type O B-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description +O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist O O O B-entity_name I-entity_name +O O B-object_type I-object_type O B-object_name I-object_name +O O O B-object_name I-object_name I-object_name O O O B-rating_value O O O O O B-best_rating +O O B-restaurant_type O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-spatial_relation O B-city +O B-object_type I-object_type O O B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O O B-object_type O B-object_name I-object_name +O O B-track I-track I-track +O B-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist I-playlist +O O O B-restaurant_type O O B-served_dish I-served_dish O B-city I-city B-state I-state O B-party_size_number O O B-timeRange I-timeRange +O O O B-music_item O B-playlist O +O B-music_item O B-playlist +O B-object_select B-object_type O O B-rating_value +O B-movie_type O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-service +B-rating_value B-rating_unit O O B-object_select B-object_part_of_series_type +O O O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name O B-rating_value +O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_type B-object_name I-object_name I-object_name +O B-movie_type O O O B-location_name I-location_name O O +O O B-object_select B-object_type O O O B-rating_value O O B-best_rating +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-object_name I-object_name B-object_type +O O O B-object_type I-object_type +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-city B-state +O B-movie_name I-movie_name I-movie_name +O O O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-movie_type B-spatial_relation I-spatial_relation +O O O B-object_type I-object_type O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-cuisine B-restaurant_type O B-state +O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O B-condition_temperature O O O B-current_location +O B-city I-city B-condition_temperature O B-country +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type B-timeRange I-timeRange I-timeRange +O O O O B-party_size_number O B-timeRange I-timeRange +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O B-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-city B-state O B-timeRange I-timeRange +O O O B-artist I-artist O B-service +O O B-artist I-artist B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-artist I-artist O B-sort B-music_item +O O B-music_item O B-year +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-restaurant_type B-spatial_relation O B-city I-city +O B-movie_name I-movie_name I-movie_name I-movie_name O O O +O O O O O O O B-state O B-timeRange I-timeRange I-timeRange +O O B-sort I-sort B-music_item O B-artist I-artist I-artist +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O O O O B-spatial_relation O B-city I-city B-timeRange I-timeRange +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O O B-timeRange I-timeRange I-timeRange O O B-current_location I-current_location +O O O O B-artist O O O O B-year +O B-service O O B-playlist I-playlist I-playlist I-playlist +O O O O O O B-facility B-restaurant_type +O O O B-spatial_relation I-spatial_relation O B-state O O B-restaurant_type O B-facility O B-party_size_description I-party_size_description I-party_size_description I-party_size_description B-timeRange I-timeRange I-timeRange +O B-playlist I-playlist I-playlist I-playlist O +O O O B-object_name B-object_type +O O B-playlist I-playlist O +O O O O O B-object_name I-object_name +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state O B-party_size_number +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_type I-movie_type +O O O O O O B-city O B-timeRange +O O B-condition_description O O B-city I-city O B-timeRange +O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O O B-movie_name I-movie_name O +O O B-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-condition_description B-timeRange O B-country I-country I-country O B-city I-city +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_type +O B-movie_type O B-location_name I-location_name I-location_name +O O B-object_select B-object_type O O O B-rating_value B-rating_unit +O B-track I-track O B-artist I-artist +O O O O B-city O B-country +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_number O B-state I-state +O O O O O B-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O B-city B-condition_temperature +O O O O O B-country I-country O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name +O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist O +O O B-object_type B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-condition_description O B-state I-state +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O B-genre O +O O O B-object_type B-object_name I-object_name I-object_name +O O O B-condition_description O B-city I-city B-state +O B-movie_name I-movie_name I-movie_name O O B-object_location_type +O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name O B-country +O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-object_part_of_series_type O B-object_name I-object_name I-object_name B-rating_value B-rating_unit O O O O O B-best_rating +O O O O O B-condition_temperature O B-timeRange I-timeRange O B-state +O O O B-object_name I-object_name B-object_type +O O O B-movie_type O O O O B-location_name I-location_name +O O B-music_item O O B-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O O O B-restaurant_type O O O O B-party_size_number +O B-sort B-music_item O B-artist I-artist O B-service +O B-service O O O B-sort B-music_item O B-artist I-artist +O O O O B-sort B-music_item O O B-year +O O B-album I-album O B-artist I-artist +O B-location_name I-location_name O B-movie_name I-movie_name O +O O B-condition_temperature B-current_location +O B-condition_temperature O O O O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-condition_temperature O B-city +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange +O O B-music_item O O B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name +O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-country O B-timeRange +O O O O B-sort O O O B-music_item O O O B-year +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange O B-country +O O B-playlist I-playlist O +O O B-sort B-music_item O B-artist I-artist O B-service I-service +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-restaurant_type O B-state O B-timeRange I-timeRange O B-served_dish I-served_dish I-served_dish +O O O B-movie_name O B-location_name I-location_name +O O B-object_type O B-movie_name I-movie_name B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-city B-state I-state B-restaurant_type O B-party_size_number O +O O O O O B-restaurant_type O B-city B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O B-restaurant_type O B-city I-city O B-party_size_number O +O O O O O B-sort B-music_item O B-artist I-artist I-artist O O B-year +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-artist I-artist O O O B-music_item +O O O O O O B-timeRange I-timeRange O B-city O B-party_size_description I-party_size_description I-party_size_description +O O B-restaurant_type O B-party_size_number O +O B-object_select B-object_type O O O O O O B-rating_value O O O O O B-best_rating +O B-object_name I-object_name I-object_name O B-rating_value +O B-object_name I-object_name I-object_name I-object_name B-rating_value +O B-artist +O O O O O B-movie_name O B-location_name I-location_name O B-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value O B-best_rating +O O O O O B-condition_temperature B-timeRange O B-city B-state +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist +O O O O O B-city O B-restaurant_name I-restaurant_name O O O O B-party_size_number +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O O B-current_location +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-object_select B-object_part_of_series_type O B-rating_value +O O O O O B-year O O B-artist I-artist +O O B-year B-music_item O B-artist I-artist +O B-condition_description O O O O O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_type I-object_type O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O O B-city I-city +O O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O O B-restaurant_name I-restaurant_name O B-city +O O B-artist B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O B-party_size_number O O B-country O O O B-spatial_relation I-spatial_relation I-spatial_relation O O O +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O B-object_name I-object_name B-object_type +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O O B-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type I-object_type +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist O +O O O O O O O B-spatial_relation B-object_location_type I-object_location_type O O O O B-movie_type +O O B-year B-artist I-artist I-artist O B-service I-service +O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-served_dish O O B-restaurant_type O B-state I-state +O O B-object_name I-object_name I-object_name O O O B-rating_value O O B-best_rating B-rating_unit +O O O B-object_type B-object_name I-object_name I-object_name +O O B-sort B-artist I-artist O +O O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-sort I-sort B-playlist O B-artist I-artist +O O B-object_type B-object_name +O B-movie_type O O O B-location_name I-location_name +O O B-object_select B-object_part_of_series_type I-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-timeRange I-timeRange O B-city B-country +O O O B-cuisine B-restaurant_type O O O O B-party_size_number +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O B-artist I-artist I-artist O B-playlist I-playlist O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-playlist I-playlist I-playlist O +O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O O B-sort I-sort B-music_item O B-year +O B-music_item O O B-year +O O B-artist I-artist O B-service I-service +O B-movie_name I-movie_name I-movie_name I-movie_name +O O B-party_size_number O O B-restaurant_type O B-served_dish O B-city +O O O O O B-city +O O O B-party_size_number O O O B-restaurant_type I-restaurant_type +O B-sort B-artist I-artist B-music_item I-music_item +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-object_type I-object_type +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type I-object_type O B-location_name I-location_name +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O O O O O B-country I-country +O O O B-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type +O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-condition_description O O O B-city B-state +O O O B-movie_type O O B-location_name I-location_name +O O O O B-party_size_number O O +O B-track I-track I-track O B-artist I-artist +O O B-genre O O B-service +O O B-object_name I-object_name +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name B-object_type O O +O O B-restaurant_type O B-party_size_number O O B-timeRange I-timeRange +O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O O +O O O O O O O B-current_location I-current_location +B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O O B-state O O O +O B-playlist_owner O B-playlist I-playlist O O O B-entity_name I-entity_name I-entity_name I-entity_name +O O O B-spatial_relation I-spatial_relation B-country O +O O O O O B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O O B-condition_temperature B-current_location +O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-restaurant_type B-spatial_relation O B-city B-timeRange +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-genre O +O B-playlist I-playlist +O O B-restaurant_name I-restaurant_name O B-country I-country I-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-cuisine B-restaurant_type O B-party_size_number O +O O O O O O B-country O B-timeRange I-timeRange +O B-object_select B-object_type O B-rating_value O O B-best_rating +O B-track I-track I-track +O O O B-object_type B-object_name I-object_name I-object_name +O O O B-condition_temperature O B-state I-state O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-party_size_number O B-city +O O O O O O B-city B-state B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O O O O B-restaurant_type O B-cuisine O O B-state +O O O B-object_select B-object_type O B-rating_value +O O B-object_type B-object_name I-object_name +O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-object_select B-object_type O B-rating_value +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O O B-restaurant_type O O B-served_dish I-served_dish O B-country +O O O B-condition_temperature O B-city B-state I-state +O O O O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-artist I-artist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O O B-country +O O O O O B-artist B-music_item +O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-object_type I-object_type O B-spatial_relation I-spatial_relation I-spatial_relation O O B-movie_type +O O O B-spatial_relation B-object_location_type O B-movie_type O O B-timeRange I-timeRange I-timeRange +O B-object_name +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange +O O O B-object_select B-object_type O B-rating_value +O O O B-restaurant_type I-restaurant_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-spatial_relation B-state +O O O O O B-state O B-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-spatial_relation O B-poi +O B-object_name I-object_name I-object_name O O +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-movie_name I-movie_name O +O O B-sort B-music_item O B-artist I-artist O B-service +O B-rating_value O O B-best_rating B-object_part_of_series_type O B-object_name I-object_name I-object_name +O B-movie_type O O O B-location_name I-location_name I-location_name +O B-music_item O B-artist I-artist O B-playlist I-playlist +O O O O B-party_size_number O B-restaurant_name I-restaurant_name O B-city +O O O O B-party_size_number O O B-sort B-restaurant_type O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-party_size_number O O B-restaurant_type O B-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange +O O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O O B-restaurant_type O O B-facility O B-party_size_number O +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name O B-state +O O B-object_location_type I-object_location_type B-spatial_relation O B-movie_name I-movie_name I-movie_name +O B-object_name I-object_name I-object_name +O B-album I-album I-album I-album I-album +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +B-party_size_description I-party_size_description I-party_size_description O O O O O O B-timeRange I-timeRange O B-state +O O O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-object_name O +O O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O B-service +O O O B-object_type I-object_type O O B-location_name I-location_name +O B-artist I-artist B-music_item O O B-year +O O B-music_item B-album I-album I-album I-album O B-artist I-artist O B-service +O O O O O O B-sort I-sort B-restaurant_type I-restaurant_type +O O O B-condition_temperature O B-city I-city +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_type O B-object_name I-object_name +O B-entity_name I-entity_name O B-playlist O +O O B-artist I-artist O B-playlist_owner B-playlist I-playlist +O O O O B-album O B-artist O O B-service +O B-music_item B-artist I-artist O B-playlist +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +B-object_name I-object_name O B-rating_value B-rating_unit +O O O O O B-party_size_number O B-state +O O O O O O O B-timeRange I-timeRange O B-city I-city +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-restaurant_type O B-party_size_number O O B-timeRange I-timeRange O B-country +O O O O O B-spatial_relation O O B-current_location I-current_location O B-timeRange +O O B-music_item B-artist I-artist I-artist I-artist O O B-playlist I-playlist O +O O O O B-object_name I-object_name I-object_name B-object_type +O B-object_name I-object_name I-object_name I-object_name O O O B-rating_value +O O B-sort B-music_item O O B-year O B-artist I-artist +O O B-object_type B-object_name O O O B-rating_value O O B-best_rating +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-music_item B-album I-album I-album O B-artist I-artist +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O O O O B-spatial_relation B-state B-timeRange I-timeRange +O B-spatial_relation I-spatial_relation B-movie_type O O B-object_type I-object_type +O O O B-condition_temperature O B-state B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-year +O O O O B-year +O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number O B-city +O O O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating +O O B-object_name I-object_name I-object_name +O O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name +O O O O O O B-city B-state +O B-track O B-artist O B-service +O O O O O O B-movie_name I-movie_name I-movie_name +O B-object_type I-object_type +O O O O B-object_name I-object_name I-object_name +O O O B-condition_description O O O B-current_location I-current_location +O O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O B-object_type I-object_type O B-location_name I-location_name I-location_name O +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-party_size_number O B-country O B-timeRange I-timeRange I-timeRange +O O B-condition_temperature O B-city I-city B-timeRange +O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O O B-condition_temperature B-current_location B-timeRange I-timeRange I-timeRange +O B-object_select B-object_type B-rating_value O B-best_rating +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-restaurant_name I-restaurant_name O B-city I-city +O B-entity_name I-entity_name O B-playlist I-playlist +O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state I-state I-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O B-music_item O B-playlist I-playlist I-playlist +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O O B-city +O O O O B-object_type I-object_type +O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-playlist I-playlist I-playlist O +O O O O O O B-city B-country O B-timeRange +O B-condition_temperature O O O O O O B-city I-city B-state B-timeRange I-timeRange I-timeRange +O B-artist B-sort O B-music_item +O B-timeRange I-timeRange O O O O O B-current_location +O O O B-condition_temperature O B-country O B-timeRange I-timeRange +O O O B-condition_temperature B-timeRange I-timeRange O B-city B-country +O O B-year B-music_item O B-artist I-artist +O O B-party_size_number O +O O O O B-service +O O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O B-year O B-artist +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name O B-object_type I-object_type +O B-object_location_type O O B-spatial_relation O B-movie_type +O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O B-restaurant_type O B-state I-state I-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-object_name I-object_name I-object_name +O O O O O B-city B-state +O O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name O B-playlist I-playlist +O B-artist I-artist B-sort B-music_item +O O O B-music_item O B-service +O B-playlist I-playlist O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O +O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type O B-timeRange I-timeRange +O B-playlist_owner B-music_item O B-playlist I-playlist I-playlist I-playlist +O B-artist I-artist B-music_item O B-year +O O O B-restaurant_name I-restaurant_name O B-city I-city +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O B-party_size_number O O B-restaurant_type O O B-cuisine I-cuisine +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O O B-object_select B-object_part_of_series_type O O O B-rating_value O O O O O B-best_rating +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist I-artist O B-playlist_owner B-playlist O +O O O B-object_select B-object_type B-rating_value B-rating_unit O O O O O B-best_rating +O B-artist O O O O B-year O B-service +O O B-genre I-genre +O B-artist I-artist O B-album I-album I-album I-album +O O O B-restaurant_type O O B-party_size_number O B-timeRange I-timeRange O O B-cuisine O O B-city I-city B-state I-state +O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O B-state +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-sort B-year B-music_item O O +O O O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name O +O O B-object_type B-object_name I-object_name I-object_name +O O O O O O O B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name O O B-playlist I-playlist O +O O O B-movie_name I-movie_name I-movie_name O +O O O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item B-album I-album O B-service +O O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name O B-timeRange I-timeRange I-timeRange +O O O O B-spatial_relation O B-city +B-object_select B-object_type O O O O B-rating_value +O O B-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name +O O O O B-object_type I-object_type +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-condition_temperature B-timeRange O B-city B-country +O B-genre O +O O O B-music_item O B-year +O O O B-artist B-sort O O B-service +O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-country B-timeRange I-timeRange I-timeRange +O O O O O B-object_name I-object_name B-object_type I-object_type +O O O O O B-state O B-timeRange I-timeRange +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_part_of_series_type +O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation O B-movie_type +B-object_name I-object_name I-object_name I-object_name O O O O O B-rating_value +O O O B-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type +O B-timeRange I-timeRange I-timeRange O B-country O O O B-condition_temperature +O O B-genre I-genre +O B-service B-music_item B-album +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-music_item O O O O B-playlist_owner I-playlist_owner O B-playlist I-playlist +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-state I-state +O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O O O O O B-music_item O B-playlist +O O O O O B-movie_name I-movie_name O O B-object_location_type +O O B-object_type I-object_type O B-object_name I-object_name +O O O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O B-condition_temperature O B-geographic_poi +O O O B-object_name I-object_name B-object_type +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_type I-object_type O B-timeRange I-timeRange I-timeRange O O B-spatial_relation B-movie_type +O O B-object_type I-object_type O B-location_name I-location_name +O O B-condition_description B-timeRange O B-country I-country +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O O O O B-spatial_relation O O B-poi I-poi I-poi I-poi B-timeRange I-timeRange I-timeRange +O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O B-restaurant_type O B-facility O B-state O B-party_size_number O +B-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-party_size_number O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-object_name I-object_name I-object_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type O B-spatial_relation I-spatial_relation B-movie_type +O B-service +O O O B-spatial_relation B-current_location I-current_location +O O O O O B-spatial_relation O B-current_location I-current_location +O O B-music_item O O O B-year +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_type I-object_type O O B-location_name I-location_name +O B-location_name I-location_name O B-object_type I-object_type O +O B-entity_name I-entity_name O B-playlist I-playlist +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O B-sort B-artist I-artist O +O O O O O O B-restaurant_name O O B-country O O B-party_size_number +O O O O O O B-country B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi O O O O B-party_size_number +O O O O B-restaurant_name I-restaurant_name B-spatial_relation B-poi I-poi +O O B-music_item O B-artist I-artist O O B-playlist I-playlist I-playlist O +O O B-condition_temperature O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city B-state I-state +O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-country O B-timeRange I-timeRange +O O O B-artist I-artist +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type O B-timeRange I-timeRange +O O O O B-party_size_number O O B-restaurant_type O B-timeRange I-timeRange I-timeRange +O O B-music_item O B-year +O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O O B-condition_description O B-city +O O O O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O O B-city +O O O O B-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O O B-served_dish I-served_dish +O O O O B-party_size_number O B-timeRange I-timeRange O O B-restaurant_type O B-facility O B-city I-city +O O O O B-restaurant_name I-restaurant_name O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi +O O O O B-party_size_number O O B-country +O O O O O B-restaurant_type O B-facility +O O B-music_item O O B-playlist O +O O B-artist I-artist I-artist B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O B-object_type I-object_type O B-location_name I-location_name +O B-year O O B-service I-service +O O B-playlist I-playlist I-playlist O O O O +O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type O B-rating_value B-rating_unit +O B-artist I-artist B-album I-album I-album I-album I-album I-album O B-service +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city +O O O B-object_type I-object_type O O B-object_name +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O O O B-timeRange O B-state +O O O B-artist I-artist O B-year +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O O B-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-condition_description O O B-spatial_relation O B-city +O B-artist I-artist B-sort O +O O O O O B-city I-city B-state +O B-album O B-artist I-artist +O B-album I-album I-album O B-service +O O O O O B-facility B-restaurant_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist O +O B-object_name I-object_name I-object_name +O O O O O B-timeRange O B-restaurant_name I-restaurant_name O B-city I-city +O O O B-condition_description O B-timeRange I-timeRange O B-city B-country +O O B-music_item O B-year +O B-music_item O B-artist I-artist O B-service +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name I-movie_name O +O O O O O O B-condition_temperature O O O B-spatial_relation O B-state I-state +O O O O O O O B-party_size_number B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi I-poi I-poi +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-movie_type I-movie_type O O O O B-location_name I-location_name +O B-music_item O B-playlist I-playlist I-playlist I-playlist O +O O O B-condition_description B-spatial_relation O B-country +O B-movie_type B-spatial_relation I-spatial_relation +O B-object_name I-object_name B-rating_value B-rating_unit +O B-object_type I-object_type +O O B-object_type O B-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_number O B-city I-city B-state +O O O B-music_item O B-playlist_owner B-playlist O +O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-condition_temperature O B-country I-country I-country +O O O O B-movie_type O O B-location_name I-location_name I-location_name +O O B-object_select B-object_type B-rating_value O B-best_rating +O O O B-sort I-sort B-artist I-artist B-music_item O B-service +O B-service O O B-track I-track O B-artist +O B-album O B-artist I-artist +O O O O O B-city B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-movie_name I-movie_name I-movie_name O B-object_location_type I-object_location_type O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-sort B-year B-music_item O B-artist I-artist +O O O O O O O O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-party_size_number O O B-restaurant_type O B-facility O B-country +O B-music_item O B-playlist I-playlist +O O B-city I-city O B-timeRange I-timeRange I-timeRange +O O O O O B-party_size_number O O B-restaurant_type O B-timeRange I-timeRange +O O B-music_item O B-playlist I-playlist I-playlist +O O O O B-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit O O O O O B-best_rating +O O O O O B-object_name I-object_name +O O O O O B-city O O O B-condition_temperature +O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist B-music_item +O O B-artist I-artist B-music_item O O B-playlist I-playlist I-playlist O +O O B-sort B-music_item O B-year +O O B-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value O B-best_rating +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O O B-artist I-artist +O O B-restaurant_type O B-city I-city O B-timeRange I-timeRange I-timeRange +O O O O O B-current_location O B-timeRange O +O B-rating_value O O B-best_rating O B-object_select B-object_type +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type +O O B-sort B-restaurant_type O B-city +O O O O O O B-cuisine B-restaurant_type O B-party_size_number +O B-artist I-artist O B-playlist_owner B-playlist O +O O O O O B-restaurant_name I-restaurant_name O B-country B-timeRange I-timeRange I-timeRange +O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O B-year +O O O O B-service +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-party_size_number O O O B-restaurant_type O B-country +O O B-music_item O O B-playlist I-playlist I-playlist O +O O O B-condition_description O B-timeRange O B-state +O O O O O B-condition_temperature O B-country O B-timeRange +O B-genre O B-service +O O B-music_item B-playlist I-playlist I-playlist I-playlist O B-playlist_owner O +O O B-movie_name I-movie_name I-movie_name O +O O B-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_type I-object_type +O O O O B-rating_value B-rating_unit O O B-best_rating O B-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name +O O B-service I-service O O B-year +O O O O O O O B-playlist I-playlist B-music_item +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation +O O O B-spatial_relation B-city O B-timeRange I-timeRange +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O O B-restaurant_type B-spatial_relation B-city +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_type I-object_type O B-object_name +O B-artist O B-playlist I-playlist +O O B-condition_description O B-city I-city I-city B-state +O O B-year O B-service +O O B-album O B-artist O B-service +O O O O O B-spatial_relation O B-current_location I-current_location +O O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item O O B-playlist_owner I-playlist_owner B-playlist O +O O O B-object_type I-object_type B-object_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-condition_temperature O B-country O B-timeRange I-timeRange +O O O O B-artist I-artist O O B-service +O O O B-condition_temperature O B-country B-timeRange I-timeRange I-timeRange +O O O O O B-timeRange I-timeRange I-timeRange O B-state O O O B-condition_description +O O O O O B-condition_temperature O B-country +O O O O O B-condition_description O B-city B-state +O B-music_item O O B-year +O O O O O B-city +O B-year O B-artist I-artist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-movie_name I-movie_name O O B-spatial_relation B-object_location_type +O O B-year O O B-artist I-artist O B-service I-service +O O B-sort B-music_item O O B-artist I-artist O O B-year +O O O O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O O O O B-rating_value O O O O O B-best_rating +O O O O O O B-city +O O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-object_type B-object_name I-object_name I-object_name +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O O B-condition_description O B-state +O O O O O B-condition_temperature O B-timeRange O O B-city B-state +O O O O O O B-state I-state B-restaurant_type O B-party_size_number +O B-artist I-artist B-music_item O B-playlist_owner B-playlist +O O B-artist O B-year O B-service +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange O O B-country I-country +O B-track I-track I-track I-track +O O B-object_select B-object_part_of_series_type B-object_type B-rating_value B-rating_unit +O O O O O B-restaurant_name I-restaurant_name O B-city I-city +O O O O O B-restaurant_type O B-country I-country O B-party_size_number O +O B-object_select B-object_type O B-rating_value +O O B-restaurant_type O B-facility O B-party_size_number O +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-service I-service +O O O O B-party_size_description I-party_size_description I-party_size_description B-timeRange I-timeRange I-timeRange +O O O O O O B-city +O O O O O B-served_dish B-restaurant_type I-restaurant_type O O O O B-party_size_number +O B-track O B-artist I-artist I-artist +O O O B-spatial_relation B-object_location_type O B-movie_type I-movie_type +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-entity_name O O B-playlist O +O O O B-state O O B-condition_description O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O B-sort B-artist I-artist O B-service +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O B-object_type I-object_type O B-location_name I-location_name +O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-condition_temperature O B-city +O B-movie_name I-movie_name I-movie_name +O O B-restaurant_type O B-country +O O O O O O O B-timeRange I-timeRange I-timeRange O B-country I-country +O O B-music_item O B-artist +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-city I-city B-state +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange +O B-year B-music_item O O B-artist I-artist I-artist I-artist O B-service +O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-state I-state O B-party_size_number O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name O B-playlist I-playlist +O O B-year B-music_item O B-artist I-artist O B-service +O O O O B-geographic_poi I-geographic_poi O B-timeRange +O B-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O B-music_item O B-artist O B-year +O O B-object_type B-object_name I-object_name B-rating_value O O B-best_rating +O O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-restaurant_name I-restaurant_name B-restaurant_type O B-party_size_number O O B-city +O O O B-object_type B-object_name I-object_name I-object_name +O O B-service O O B-genre I-genre +O O O O B-party_size_number O B-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-condition_description O O B-city B-country I-country +O O B-restaurant_type B-spatial_relation O B-poi I-poi +O O O O B-party_size_number O O B-timeRange I-timeRange O B-city +O O O O O B-city I-city +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-music_item O O B-artist I-artist +O B-artist I-artist O O O B-service +O O B-music_item O B-playlist_owner B-playlist O +O O O O B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-country I-country +O O O O B-city B-spatial_relation I-spatial_relation O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name O B-playlist +O O O O O B-object_type I-object_type O +O O O O B-year O O +O O O O O B-city +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-service O O B-album I-album I-album I-album O B-artist +O O O O O O B-condition_temperature B-current_location +O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O O B-music_item O B-playlist_owner B-playlist I-playlist +O B-year B-music_item O B-artist I-artist +O O O O O B-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O O O O B-best_rating +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O O B-service +O O O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O O B-state I-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-object_type B-object_name I-object_name +B-timeRange I-timeRange I-timeRange I-timeRange O O B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-served_dish O O B-restaurant_type O B-spatial_relation B-state +O O O O O B-restaurant_type O B-city I-city B-state O O O O B-party_size_number +O B-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O B-object_type I-object_type B-object_name I-object_name +O O O O O B-city O B-country +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O B-artist O B-service I-service +O O B-object_type I-object_type O B-spatial_relation B-movie_type +O O O O B-party_size_number O O B-restaurant_type O B-city +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-city +B-object_type O B-object_name I-object_name +O O B-music_item O B-playlist I-playlist +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-genre I-genre O B-service +O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-music_item O B-playlist I-playlist I-playlist +O B-music_item O O B-playlist I-playlist +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O B-artist I-artist B-music_item O O B-service I-service +O O O O O B-party_size_number O O O B-restaurant_type O O O O O B-served_dish I-served_dish +O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-condition_description O O B-current_location I-current_location +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist +O B-movie_type O B-object_type I-object_type O O B-spatial_relation +O O O O O O O O B-country B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O B-condition_description O O O B-country B-timeRange I-timeRange +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_name I-object_name I-object_name I-object_name O B-object_type I-object_type +O B-object_select B-object_type B-rating_value B-rating_unit +O B-playlist +O B-track I-track I-track I-track O B-service +O O B-spatial_relation B-restaurant_type O B-facility O B-city +O O O O O O B-city B-country +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O B-party_size_number O B-country +O O O O O B-object_type O B-object_name I-object_name O O +O B-playlist O +B-object_type I-object_type O B-location_name I-location_name +O O O B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O B-entity_name I-entity_name O B-playlist +B-timeRange I-timeRange I-timeRange I-timeRange O O O O O O B-city B-state I-state +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O B-object_type I-object_type O B-location_name I-location_name +O B-object_name I-object_name I-object_name I-object_name +O B-artist O B-playlist I-playlist +O O O O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value O B-best_rating +O O O B-object_type O B-object_name +O O B-condition_description B-timeRange I-timeRange O B-city I-city B-country +O B-rating_value O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-artist I-artist I-artist B-music_item O B-playlist_owner O B-playlist I-playlist +O O O B-object_name I-object_name B-object_type +O B-movie_name I-movie_name O +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O B-track O B-artist O B-service I-service +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O O B-city I-city B-country +O O O O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O B-rating_value B-rating_unit +O O B-object_type O B-object_name I-object_name +O O B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name O O O B-rating_value B-rating_unit +O B-movie_type O O B-spatial_relation +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O B-object_name I-object_name I-object_name B-object_type +O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value +O B-object_name I-object_name I-object_name I-object_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_temperature O B-city I-city B-state +O B-location_name I-location_name O B-movie_name I-movie_name +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-year O B-service +O O B-music_item O B-year +O B-object_select B-object_type O O O O B-rating_value B-rating_unit O O O O O B-best_rating +O O O O O B-party_size_number O B-state +O O O B-movie_type O O B-spatial_relation B-object_location_type +O O O O O B-party_size_number O O B-restaurant_type O B-city I-city O B-served_dish O B-timeRange I-timeRange I-timeRange +O O B-artist B-music_item +O O O O O B-timeRange I-timeRange B-spatial_relation O B-current_location I-current_location +O O B-object_type I-object_type O B-object_name I-object_name +O O O B-object_name I-object_name O B-rating_value O O B-best_rating O +O B-movie_name I-movie_name O O B-location_name I-location_name +O B-object_select B-object_type B-rating_value O B-best_rating +O O O O O O B-party_size_number O B-timeRange I-timeRange O O B-restaurant_type O B-state O O B-cuisine O +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number +O O O O B-music_item O O B-year O B-artist I-artist +O O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O B-track I-track I-track I-track I-track O B-artist I-artist I-artist I-artist O B-service +O O O O O B-timeRange O B-city I-city I-city +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O O O O B-current_location I-current_location O B-timeRange I-timeRange +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-restaurant_type O B-city I-city O B-timeRange I-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O B-facility O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation O O O B-city I-city +O O O O B-party_size_number O B-spatial_relation B-city +O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange +O B-track I-track I-track I-track I-track I-track O B-artist I-artist I-artist +O O B-restaurant_type O B-city I-city +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange +O B-service O O B-track O B-artist I-artist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-movie_type I-movie_type O O O O B-spatial_relation B-object_location_type +O B-rating_value O O B-best_rating O O B-object_name I-object_name I-object_name B-object_part_of_series_type +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O B-sort I-sort O O B-artist I-artist +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-object_select B-object_part_of_series_type O B-rating_value +O O O B-country I-country O O B-city O B-timeRange I-timeRange I-timeRange +O O B-object_type B-object_name I-object_name I-object_name +O O O O O B-object_type I-object_type O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation O O O B-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-artist I-artist I-artist O B-album I-album B-music_item O B-service +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-track I-track I-track I-track O B-artist I-artist +O O B-object_type O B-object_name I-object_name +O B-entity_name O O B-playlist I-playlist O +O O B-restaurant_type O O O B-state +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange +O O O O O O B-city O B-timeRange I-timeRange I-timeRange +O O O B-movie_name I-movie_name O O B-location_name I-location_name +O B-movie_name O O B-object_location_type I-object_location_type +O O O O O B-restaurant_type O B-city B-state O B-timeRange I-timeRange +O O B-music_item O O B-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O B-object_select I-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_name I-object_name +O O O O O O B-city I-city O B-timeRange I-timeRange I-timeRange +O B-artist I-artist O B-playlist I-playlist +O O O B-timeRange I-timeRange I-timeRange B-object_type I-object_type O B-location_name I-location_name +O O B-condition_description O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item O O B-playlist I-playlist I-playlist O +O O O B-year +O O O O O B-restaurant_type O B-facility O B-state +O O O O O O O O B-spatial_relation I-spatial_relation O B-country I-country +O O O B-condition_temperature O B-country +O O O B-object_name +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist +O O B-music_item O O B-playlist I-playlist +O O O B-playlist I-playlist O B-service +O O O O B-artist +O B-object_location_type O O B-movie_name I-movie_name I-movie_name +O B-object_select B-object_type O B-rating_value O O B-best_rating +O O O O O O B-condition_temperature O B-city B-state +O O O B-party_size_number O B-restaurant_type O B-facility +O O B-restaurant_type O B-country O B-party_size_number O +O O O O B-party_size_number B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi +O O O O B-timeRange O O B-restaurant_name I-restaurant_name I-restaurant_name +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O B-object_name I-object_name O B-object_type +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-city I-city +O B-artist I-artist O O B-playlist I-playlist I-playlist O +O B-object_name B-object_part_of_series_type O B-rating_value B-rating_unit +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O B-condition_description B-spatial_relation B-state I-state +O O O O O B-restaurant_type O O O O O B-party_size_number O B-timeRange I-timeRange +O O O B-condition_description O B-city B-country I-country I-country +O B-music_item O B-playlist I-playlist +O O B-music_item O B-year +O O O O O B-movie_type I-movie_type O B-location_name I-location_name +O O O B-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-timeRange +O O B-object_select B-object_type O B-rating_value +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-cuisine B-restaurant_type B-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi +O O O O O B-served_dish B-restaurant_type O B-state I-state +O O O B-music_item O B-artist I-artist O O B-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O B-city +O O B-cuisine B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description B-spatial_relation B-country B-timeRange I-timeRange +O O B-music_item O B-playlist I-playlist +O O O O B-party_size_number O O B-restaurant_type O B-served_dish +O B-artist O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-music_item O B-playlist I-playlist +O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O O B-timeRange O O B-country +O O B-object_name B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O O O B-restaurant_type I-restaurant_type O O O O B-party_size_number O O B-facility +O B-movie_type O O O B-location_name I-location_name O B-timeRange I-timeRange +O O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O B-movie_type I-movie_type O O O B-location_name I-location_name +O O B-city +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-genre I-genre O +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O O O O B-object_name B-object_type +O O O B-object_type I-object_type O B-movie_type O B-timeRange B-spatial_relation I-spatial_relation I-spatial_relation +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O B-object_select B-object_type I-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-party_size_number O O B-timeRange I-timeRange I-timeRange O O B-restaurant_type I-restaurant_type O O B-served_dish O B-country +B-entity_name I-entity_name I-entity_name O O O O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-object_type B-object_name I-object_name +O O O O O O B-object_name I-object_name +O O B-object_select B-object_type B-rating_value B-rating_unit O B-best_rating +O O B-city +O B-service O O O B-music_item O O O B-year +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O O B-state O B-timeRange I-timeRange +O O O B-condition_description O B-city +O O O B-object_type O O O O B-rating_value O O O O O B-best_rating O O B-object_select +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O O O B-restaurant_name I-restaurant_name O B-party_size_number O O B-timeRange +O O B-sort B-restaurant_type I-restaurant_type O B-party_size_number O O B-country I-country B-timeRange +O O O B-year B-music_item +O B-object_select B-object_type O O O B-rating_value +O O O O O B-party_size_number O B-city O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner O O B-playlist I-playlist +O O O O O O B-party_size_number O O O B-restaurant_type +O B-artist I-artist O B-service O B-album I-album I-album I-album I-album +O B-artist I-artist B-music_item O O B-sort +O O O O O O B-object_type B-object_name +O B-music_item B-track O B-artist I-artist +O O B-object_type O B-object_name I-object_name I-object_name +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O O O O O O O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange +O O B-genre O +O B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O B-restaurant_name I-restaurant_name O B-party_size_number O +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-music_item O B-artist I-artist +O B-object_name I-object_name I-object_name B-object_type +O O B-artist I-artist O O B-year +O B-object_select B-object_type B-rating_value O B-best_rating +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O B-object_name I-object_name I-object_name +O O O O O B-restaurant_type O B-party_size_number B-timeRange I-timeRange +O O B-music_item O O O O B-playlist I-playlist +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-restaurant_type O B-timeRange I-timeRange +O O B-music_item O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-movie_type I-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O B-entity_name I-entity_name O O B-playlist I-playlist O +O O O B-restaurant_type O B-country O B-party_size_number +O O B-object_select B-object_type O B-object_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_type O B-object_name I-object_name +O O O O O B-movie_name I-movie_name O B-timeRange I-timeRange +O O O B-object_select B-object_type O B-rating_value O B-best_rating +O O O O O O B-object_name I-object_name B-object_type +O B-genre I-genre +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O O O B-city +O O B-condition_temperature O B-city I-city +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O B-party_size_number O B-country O O O O O B-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange +O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-genre +O O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state +O O O O O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-served_dish B-restaurant_type B-spatial_relation O B-poi I-poi O B-party_size_number O B-timeRange I-timeRange +O O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_type I-object_type +O O O O B-party_size_number O O O B-spatial_relation I-spatial_relation O B-city +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name O O O +O O O O B-music_item O B-artist I-artist +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type +O O O O B-party_size_number +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-service O O B-artist I-artist +O O O B-music_item O B-album I-album I-album +O O O B-artist +O O O O B-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-restaurant_name I-restaurant_name O B-city O O O O B-party_size_number +O O O O O B-party_size_number O O O B-restaurant_type +O O O B-movie_name I-movie_name I-movie_name I-movie_name +O B-cuisine O O O B-sort I-sort B-restaurant_type O B-party_size_number O B-timeRange I-timeRange +O O O O O B-party_size_number O O O B-restaurant_type O B-city I-city +O B-year O B-service I-service +O O O O B-condition_description B-timeRange I-timeRange I-timeRange O B-city B-country I-country +O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-music_item O O O B-playlist_owner O O B-playlist I-playlist I-playlist +O O O O B-country I-country I-country O B-timeRange I-timeRange O O O O B-party_size_number +B-object_select O O B-rating_value O O B-best_rating O O B-object_type +O O O B-object_type B-object_name +O O O O O O B-facility B-restaurant_type O B-timeRange I-timeRange +O O O B-condition_temperature B-spatial_relation I-spatial_relation I-spatial_relation O B-state +O O O B-object_type I-object_type O B-location_name I-location_name +O O B-sort I-sort O O B-artist +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-artist I-artist B-track I-track +O O O O O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_type O B-object_name I-object_name I-object_name +O B-movie_name I-movie_name O B-timeRange +O O B-object_type B-object_name I-object_name +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O O O O B-party_size_number O B-state +O O B-rating_value B-rating_unit O O B-object_type B-object_name I-object_name I-object_name +O O B-sort B-artist I-artist B-music_item O B-service I-service +O B-artist I-artist O O B-playlist I-playlist I-playlist O +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O B-playlist_owner O B-music_item O B-playlist I-playlist I-playlist I-playlist +O B-movie_name I-movie_name O +O B-artist O B-playlist O +O O O O O O B-restaurant_type O O B-served_dish O O O O O O +B-object_name I-object_name I-object_name O O O O B-rating_value B-rating_unit O O B-best_rating +O O O O O B-party_size_number O B-city +O O O O B-party_size_number O B-state O O O O B-city +O B-service O O O B-sort I-sort B-music_item O B-artist I-artist +O O O O B-object_type O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-condition_temperature O B-city +O B-artist I-artist B-music_item I-music_item O B-service +B-object_select B-object_type O O O O O O B-best_rating B-rating_unit O B-rating_value +O O O O O B-city I-city B-country I-country +O B-track I-track I-track I-track I-track I-track O B-artist I-artist +O B-object_type I-object_type +O O O B-object_type I-object_type O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist +O O O B-current_location O B-timeRange +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-condition_description O B-city B-country +O O O O O O O O B-timeRange I-timeRange O B-state +O O O O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-restaurant_name I-restaurant_name I-restaurant_name O B-poi +O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist O O O B-year +O O O O B-artist I-artist B-music_item +O O O B-movie_name I-movie_name O O B-location_name I-location_name +O O B-genre +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-restaurant_type O O B-timeRange O B-party_size_number O +O B-playlist I-playlist O O O B-music_item +O O O B-playlist I-playlist I-playlist O +O O B-condition_temperature B-current_location B-timeRange +O O B-city I-city I-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-spatial_relation B-restaurant_type O B-cuisine +O O B-restaurant_type O O B-timeRange O B-cuisine O +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-movie_type O O B-spatial_relation I-spatial_relation +O O O O B-object_name +O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O B-spatial_relation O O O B-city I-city O B-timeRange I-timeRange I-timeRange O O O B-party_size_number O +O O O O B-party_size_number B-timeRange I-timeRange O B-country +O O O O O B-restaurant_type O O O O B-city +O O B-object_type I-object_type +O O O O O B-country +O O B-object_type I-object_type +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-sort B-restaurant_type O O B-cuisine O O B-state +O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-sort I-sort +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O B-object_location_type O O B-movie_name I-movie_name +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi +O O O O O B-party_size_number O O B-cuisine B-restaurant_type +O O B-object_type O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O O B-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name +O O B-music_item O B-year +O O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-album I-album I-album O B-artist I-artist O O B-service +O O O B-movie_name I-movie_name O +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O B-music_item O O B-music_item O B-artist I-artist +O O O O B-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange +O O B-restaurant_type O O B-country I-country O B-timeRange I-timeRange +O O B-restaurant_type O B-city B-state O B-party_size_number O +O B-track I-track +O O O O O B-movie_type O O B-spatial_relation B-object_location_type O B-timeRange I-timeRange +O O O O O B-party_size_number O B-city B-timeRange I-timeRange I-timeRange +O O O O B-condition_description O O O B-city I-city +O O B-object_select B-object_type O B-rating_value +O O B-restaurant_type B-timeRange I-timeRange I-timeRange O B-party_size_number +O O O O B-city O O B-sort I-sort B-restaurant_type +O O B-music_item O B-artist I-artist O B-service +O O O O B-restaurant_type O B-state B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-movie_type I-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type +O B-music_item O B-playlist_owner B-playlist I-playlist +O O B-music_item O O O O B-playlist I-playlist +O B-object_type I-object_type +O B-movie_type I-movie_type O O O O B-location_name I-location_name I-location_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-service O O B-sort O O B-artist I-artist +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-party_size_description I-party_size_description I-party_size_description O B-country +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O B-object_type O B-object_name I-object_name +O O O O O B-object_type I-object_type B-object_name +O O B-object_name +O O O B-object_select B-object_type O B-rating_value +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O B-sort B-music_item O B-year O B-artist I-artist +O B-year B-sort B-music_item O +O O B-object_part_of_series_type B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-service O O O B-year O +O O O B-artist I-artist O O B-music_item B-album I-album I-album I-album I-album I-album I-album O B-service I-service +O B-year O B-service +O O O O O B-music_item O B-year +O O O O O B-spatial_relation O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-poi I-poi I-poi +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-music_item B-album I-album O B-artist I-artist +O O B-movie_name I-movie_name I-movie_name O +O O B-year O O B-service +O O B-sort O O B-year B-music_item O O B-artist I-artist +O O O B-object_type B-object_name I-object_name I-object_name +O O B-object_select B-object_part_of_series_type O B-rating_value +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-party_size_number O B-state +O B-track I-track O B-service +O O B-restaurant_name I-restaurant_name O B-party_size_number +O O B-object_name I-object_name B-object_type +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O B-movie_name I-movie_name I-movie_name O +O O B-playlist I-playlist O O B-service +O O O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_number B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi I-poi +O B-object_select B-object_type O O O B-rating_value O O B-best_rating +O O B-condition_description O O B-city I-city B-state +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-genre O O B-service +O O O O B-movie_type O O B-location_name I-location_name +O O O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-object_select B-object_type O B-rating_value O O B-best_rating +O O O O B-condition_description O B-timeRange I-timeRange O O B-current_location I-current_location +O O O O B-object_name I-object_name B-object_type I-object_type +O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O B-album I-album I-album O B-artist I-artist O B-service +O O B-object_select B-object_type O B-rating_value +O B-track O B-artist I-artist +O O O O O O B-party_size_number O O B-facility B-restaurant_type +O O O B-spatial_relation I-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-object_select B-object_part_of_series_type O O O B-rating_value O O O O O B-best_rating +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_part_of_series_type B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O B-object_name I-object_name I-object_name B-object_type +O O B-artist I-artist B-music_item +O B-object_name O B-rating_value +O O O B-artist I-artist O O B-playlist I-playlist O +O O O O O B-country O B-city O B-condition_description O B-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist O O B-service I-service O B-year O O B-music_item O +O O O O O B-object_name +O B-object_type B-object_name +O O B-object_type I-object_type O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-artist I-artist B-music_item O O B-playlist I-playlist O +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-sort B-music_item O B-artist I-artist +O B-object_name +O O O B-condition_description O B-city +O O B-object_type B-object_name I-object_name I-object_name +O O O B-restaurant_type O B-timeRange I-timeRange O B-state +O O O B-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O B-object_part_of_series_type B-object_name I-object_name I-object_name O O B-best_rating O O O B-rating_value +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O B-movie_type O O O O O B-location_name I-location_name +O O B-music_item O O B-year O B-service +O O O O B-artist I-artist O O B-service +O O B-music_item O O O O B-year +O B-object_select B-object_type O B-rating_value +O O O O B-party_size_number O O B-restaurant_type O B-state B-timeRange I-timeRange I-timeRange +O O B-restaurant_type O B-state I-state O O B-served_dish +O O B-object_type O B-object_name I-object_name I-object_name +O O B-music_item O O O O O O B-playlist I-playlist I-playlist I-playlist +O O B-music_item B-album I-album O B-artist I-artist +O O O B-object_name I-object_name +O B-object_type I-object_type +O B-movie_type O O O B-object_type I-object_type O B-timeRange O O B-spatial_relation I-spatial_relation O +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O B-condition_temperature O O B-current_location I-current_location +O O O O O O O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-restaurant_type O B-cuisine O O B-party_size_number O +O O O O O O O B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange O O B-sort I-sort +O O O O O B-condition_description B-timeRange O B-country +O O O O O B-condition_temperature O B-timeRange O B-city B-country +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-music_item O B-playlist +O O O B-timeRange B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O B-restaurant_type O B-city B-timeRange I-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-music_item O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist +O O O O B-condition_description B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-restaurant_type O B-country I-country +O O B-restaurant_type O B-city O B-state I-state +O O O O B-party_size_number O B-restaurant_name I-restaurant_name +O O O O O O B-restaurant_name I-restaurant_name O B-country +O B-playlist I-playlist O O B-entity_name I-entity_name I-entity_name O O O +O O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation O +O O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-city I-city B-state +O O B-object_select B-object_type O B-rating_value +O O O O O O B-country +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-sort O O B-year +O O O B-object_select B-object_type O B-rating_value B-rating_unit +O O O B-object_type B-object_name I-object_name +O O O O O O B-playlist_owner O B-entity_name O O B-playlist I-playlist I-playlist O +O O B-movie_name I-movie_name I-movie_name O +O O B-track I-track I-track I-track I-track O B-artist I-artist +O O B-music_item B-track I-track I-track I-track I-track O B-artist I-artist +O O B-genre I-genre B-music_item O B-service I-service +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O B-album O B-artist I-artist +O O O O B-genre +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O B-year O O B-service +O O O O O O O B-country O B-timeRange I-timeRange +O O B-object_type B-object_name I-object_name I-object_name O O B-rating_value O O O B-best_rating B-rating_unit +O O O O O O B-movie_type B-spatial_relation I-spatial_relation +O O B-object_type O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-country O B-party_size_number +O B-album O B-artist I-artist O B-service +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-entity_name O B-playlist I-playlist I-playlist +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O B-condition_temperature O B-state I-state +O B-object_type I-object_type O B-location_name I-location_name I-location_name +B-object_type O O B-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-service O O B-track I-track I-track +O O B-object_type O B-object_name I-object_name +O O O O O B-object_name +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist +O O B-artist B-music_item O B-playlist I-playlist +O O O O B-condition_description B-current_location O O B-spatial_relation O +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation +O O O O O O O B-year O B-service +O O B-year O +O B-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange I-timeRange +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange +O B-restaurant_name I-restaurant_name O B-country O B-party_size_number O +O B-movie_type O O B-location_name I-location_name B-timeRange I-timeRange I-timeRange +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-movie_name I-movie_name I-movie_name O +O B-artist I-artist O O B-year B-music_item O +O B-object_name I-object_name +O O O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name +O O B-artist I-artist B-music_item O O B-year +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O B-best_rating +O O O O O B-sort B-restaurant_type O B-state I-state I-state I-state +O O B-object_type O B-object_name I-object_name +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O B-object_type B-object_name I-object_name I-object_name +O O O O O O B-object_type B-object_name I-object_name +O O O O O O B-movie_type O B-location_name I-location_name +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O B-object_name I-object_name I-object_name I-object_name O B-object_type +O B-movie_type B-spatial_relation O O B-object_location_type +O O O O B-party_size_number O B-timeRange I-timeRange O B-city +O O O B-restaurant_type O O O B-served_dish I-served_dish O O B-city +B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O B-city I-city O B-party_size_number O B-restaurant_name I-restaurant_name +O O B-condition_description O B-country O B-timeRange I-timeRange +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name +O O B-year B-music_item O B-service +O O O O O B-condition_temperature O O O B-timeRange O B-city I-city O B-country +O O O O O O O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_number O O B-sort B-restaurant_type +O O B-object_type O B-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-object_type B-object_name I-object_name +O O O O O B-party_size_number B-timeRange I-timeRange O B-country +O O O B-condition_temperature O B-city B-country O O B-timeRange +O O B-object_name I-object_name I-object_name +O O O O B-object_type I-object_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist +O O O O O O O B-restaurant_type I-restaurant_type B-spatial_relation O B-country I-country I-country I-country +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-year +O O O O O O O O O B-party_size_number +O O B-object_select B-object_type O B-rating_value O O B-best_rating +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist O +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state +O O B-restaurant_type I-restaurant_type B-facility O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-sort B-year O B-artist I-artist O B-music_item +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +B-restaurant_type I-restaurant_type O B-timeRange I-timeRange I-timeRange I-timeRange O O B-sort O O O O O B-party_size_number +O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-restaurant_type O B-restaurant_type O O B-cuisine O O O O B-party_size_number +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O O O B-city I-city +O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-restaurant_type O O B-served_dish O B-state +O O O B-rating_value O O B-object_select B-object_part_of_series_type O B-rating_unit +O O O O B-album I-album I-album I-album B-music_item O B-artist I-artist +O O O B-year O B-service +O B-movie_name I-movie_name O O O O O B-object_location_type I-object_location_type B-timeRange +O O O O O B-condition_temperature O B-timeRange I-timeRange O B-city B-country I-country I-country +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-year O O B-artist I-artist +O O O O O B-party_size_number O O O B-spatial_relation O B-city +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-object_type I-object_type +O O B-music_item O B-playlist_owner B-playlist O +O B-timeRange I-timeRange O O O O O B-restaurant_name I-restaurant_name O O B-state I-state I-state I-state +O O O O B-playlist I-playlist O +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-object_type I-object_type B-object_name I-object_name +O B-object_select B-object_type O O B-rating_value O O B-best_rating +O B-artist I-artist O B-playlist I-playlist I-playlist O +O O O O O B-city B-country I-country O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O B-best_rating +O B-playlist_owner O B-music_item O O B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating O +O B-artist I-artist O B-playlist I-playlist I-playlist O +O O O B-object_type O B-object_name I-object_name +O O B-condition_description O B-city +O O O O O O O B-current_location I-current_location B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +B-album O O O B-service +O O B-artist I-artist I-artist O O O B-year +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange +O O O B-year +O O O O O O B-cuisine B-restaurant_type +O O O O O B-genre I-genre I-genre I-genre I-genre I-genre +O B-movie_type O O O B-location_name I-location_name +O O O O O B-object_type B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-party_size_number O O B-restaurant_type O B-served_dish I-served_dish B-spatial_relation I-spatial_relation O B-state I-state +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O B-playlist O O B-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name B-restaurant_type O O B-party_size_number O O B-country +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name +O O O O O B-artist I-artist O O B-year O B-service +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O O O B-city +O B-music_item B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-object_select B-object_type O O O O O B-rating_value O B-best_rating O +O O O O O O O B-restaurant_type I-restaurant_type O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange +O O B-album I-album I-album I-album O B-artist I-artist +O O O O O O O B-timeRange O B-country +O O B-sort I-sort B-music_item O O B-year O B-artist I-artist +O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist +O B-object_select B-object_type O O B-best_rating B-rating_unit O O O O O B-rating_value +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O B-artist I-artist I-artist O B-year +O O O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-sort I-sort B-music_item O O B-year +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O B-current_location +O O B-year B-music_item O B-artist I-artist O B-service I-service +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange +O O O B-object_type B-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value +O O B-object_type O B-object_name I-object_name +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O O B-current_location I-current_location O B-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name I-object_name +O O O O O O B-state I-state I-state I-state +O O B-object_name I-object_name B-rating_value B-rating_unit +O O B-restaurant_type O B-facility I-facility O B-party_size_number O B-country +O O O O O O B-city B-country B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-object_select B-object_type O B-rating_value O O B-best_rating +O O O O O O B-condition_description O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O B-music_item O B-playlist I-playlist I-playlist +O O B-artist I-artist I-artist B-music_item O O B-playlist I-playlist O +O O B-music_item O B-playlist I-playlist +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O B-object_name I-object_name I-object_name B-object_type +O O B-music_item O B-artist +O O O O B-restaurant_name I-restaurant_name O B-city B-state +O O O B-condition_description O B-state +O O O O O B-city O B-state I-state B-timeRange +O O B-music_item O B-service +O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O B-city B-country +O B-artist I-artist I-artist +O O B-music_item O O B-year +O O O O O O B-object_type B-object_name I-object_name +O O O O B-object_name I-object_name I-object_name +O O B-object_type B-object_name I-object_name O +O O O O O B-facility O B-party_size_number O O B-restaurant_type I-restaurant_type O B-country O B-timeRange I-timeRange +O O O B-object_name I-object_name I-object_name O O O O B-rating_value +O O O O O O O O B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-artist I-artist O O B-playlist O +O O O O O O B-timeRange I-timeRange O B-city B-state +O O B-restaurant_type O B-restaurant_type O O B-served_dish O B-state I-state +O O O O O O B-state +O B-object_select B-object_type O O O B-rating_value O O B-best_rating +O O O O O B-restaurant_type O B-state +O B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name B-rating_value B-rating_unit +O B-entity_name O O B-playlist O +O O O B-object_type I-object_type O O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-movie_name I-movie_name I-movie_name +O O B-condition_description O B-country +O O O B-city O O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist +O O B-object_type O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O B-object_name I-object_name B-object_type +O O B-object_type I-object_type O B-spatial_relation B-movie_type +O B-object_select B-object_type O B-rating_value O O B-best_rating +O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-sort I-sort O B-spatial_relation B-restaurant_type O B-country O B-party_size_number O B-timeRange I-timeRange +O B-artist I-artist O O B-year +O O B-object_type I-object_type O O B-location_name I-location_name I-location_name +O O B-country I-country O B-restaurant_name I-restaurant_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_part_of_series_type O B-rating_value +O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name O B-rating_value O +O B-object_type I-object_type O B-location_name I-location_name +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O O O O O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-city I-city +O O O B-object_type I-object_type O O B-location_name I-location_name I-location_name +O O O O O O B-city B-state +O B-track I-track O B-artist I-artist +O B-object_type B-object_name I-object_name +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-condition_temperature O B-state +O O O O O B-condition_description O B-state B-timeRange I-timeRange +O O B-music_item B-album I-album I-album I-album I-album I-album I-album +O O B-artist I-artist O B-year O B-service +O B-playlist I-playlist I-playlist I-playlist O +O O O O O O B-city B-country I-country B-timeRange I-timeRange I-timeRange +O B-service O O O B-year O O B-artist I-artist +O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O O O O O B-condition_temperature B-current_location O B-timeRange I-timeRange +O O O O B-party_size_number O O B-city B-state +O O O O B-object_type I-object_type O O B-spatial_relation I-spatial_relation B-movie_type +O O B-condition_temperature B-timeRange O B-city I-city O O B-country I-country I-country +O O B-cuisine B-restaurant_type O B-party_size_number O O B-sort I-sort B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-country +O O B-restaurant_type O O B-facility O B-state +O O O B-condition_temperature B-timeRange I-timeRange O B-country I-country +O O O B-object_type I-object_type O B-location_name I-location_name +O B-artist O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O O B-restaurant_type O O B-facility O B-city I-city +O O O O O O B-city I-city +O O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O B-state +O O O O O B-spatial_relation O B-state I-state B-timeRange I-timeRange I-timeRange +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name +O B-movie_name O O O B-spatial_relation B-object_location_type +O O O O O O B-movie_type O O O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation O B-timeRange +O B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist +O O O O O B-restaurant_type O B-timeRange O O B-state +O O O O B-current_location +O O O O B-year +O O O O B-playlist +O O O B-object_name I-object_name I-object_name I-object_name +O O O O B-condition_temperature O B-city +O O O B-condition_temperature O B-city B-country +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O O O O O B-party_size_number O O B-restaurant_type O B-state +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-album I-album I-album I-album I-album O B-artist I-artist I-artist I-artist O B-service I-service +O B-track O B-artist I-artist +O O O O B-music_item O B-playlist I-playlist I-playlist +O B-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist +O O O O O O O B-city B-country O B-timeRange I-timeRange +O O B-artist I-artist O B-sort O +O O B-music_item O B-playlist_owner B-playlist O +O B-rating_value B-rating_unit O O B-best_rating O B-object_select B-object_type +O B-year B-music_item O +O O B-restaurant_type I-restaurant_type O O B-sort I-sort O B-country +O B-track I-track I-track O B-artist I-artist O B-service +O O B-music_item B-track I-track I-track O B-artist I-artist I-artist +O O O O O B-movie_type O O O O O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-artist I-artist O B-playlist +O O O O O O B-restaurant_type O O B-cuisine +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-rating_value O B-object_select B-object_type +O O O O O O B-artist +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-year +O O O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-year B-music_item O B-service +O O O O B-party_size_number O O B-restaurant_type O B-facility +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-music_item O B-artist I-artist +O O O O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type I-movie_type +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange I-timeRange +O B-playlist +O B-rating_value B-rating_unit O O B-best_rating O B-object_name I-object_name I-object_name +O O O B-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type O O +O O B-object_name +O O B-artist I-artist O B-service +O O O O B-object_name I-object_name +O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-sort B-restaurant_type O O B-cuisine I-cuisine +O O B-sort I-sort B-restaurant_type O B-restaurant_type I-restaurant_type B-cuisine O B-party_size_description I-party_size_description I-party_size_description O B-city B-state +O O B-object_type O B-object_name I-object_name +O O O B-movie_name I-movie_name O O O O B-object_location_type I-object_location_type +O O O O B-party_size_number O O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi I-poi I-poi +O O B-party_size_number O B-city +O O O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O O B-sort I-sort B-restaurant_type I-restaurant_type I-restaurant_type B-spatial_relation B-country O B-party_size_number O O +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-track I-track I-track O B-artist I-artist +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-object_select B-object_type B-rating_value O O B-best_rating +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O B-artist I-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O O B-sort I-sort O O B-artist I-artist O B-service I-service +O O O O O O O O B-condition_temperature O B-city B-timeRange I-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-album I-album I-album I-album I-album O B-service +O O B-rating_value O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_name B-timeRange I-timeRange O B-spatial_relation B-state O B-party_size_description I-party_size_description I-party_size_description +O O B-restaurant_type O B-party_size_number +O O O O O B-sort B-music_item O B-year +O B-movie_name I-movie_name I-movie_name O +O O B-music_item O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O B-state +O O B-object_select B-object_type O B-rating_value B-rating_unit +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O O O B-party_size_number B-spatial_relation O B-country B-restaurant_type O O B-facility +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O O B-movie_name I-movie_name O O B-object_location_type I-object_location_type +O B-music_item O B-playlist I-playlist +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist I-playlist I-playlist +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O O O O B-object_type O B-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-artist I-artist +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange +O B-service I-service O O O B-music_item +O O O B-condition_description B-current_location O +O O O O B-party_size_number O O B-country B-restaurant_type +O O O O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-artist O B-playlist I-playlist I-playlist +O O B-music_item B-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange O B-party_size_number +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O O B-condition_description B-timeRange I-timeRange I-timeRange O O B-country I-country I-country +O O B-music_item O B-playlist_owner B-playlist +O O O O B-party_size_number O O B-restaurant_type O B-country I-country I-country I-country I-country +O O O O B-restaurant_type O B-city O O B-served_dish I-served_dish +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-state +O O B-party_size_number O O B-state +O O B-music_item O B-playlist_owner B-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-artist I-artist B-music_item O B-service I-service O B-year +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist +O O O O B-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist +O O O B-object_type I-object_type +O O O O O O O B-timeRange B-spatial_relation B-country I-country +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-year O B-service +O O B-restaurant_type O B-facility O O B-party_size_number B-timeRange I-timeRange I-timeRange O B-state +O B-movie_type O O O B-location_name I-location_name B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name B-object_part_of_series_type O B-rating_value O O B-best_rating +O O O O B-object_select B-object_type O B-rating_value O O B-best_rating B-rating_unit +O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name O O O B-rating_value O O B-best_rating +O O O O O O O B-current_location I-current_location B-timeRange I-timeRange +O O B-music_item B-artist I-artist O O B-playlist I-playlist I-playlist O +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist +O O O O O O O O O B-city O B-timeRange +O O B-condition_temperature O B-country O B-timeRange +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-artist O B-playlist_owner B-playlist I-playlist O +O O O B-music_item O O B-sort O O O B-year +O O O O B-condition_description O B-city I-city B-state +O B-movie_type O O O B-location_name I-location_name +O O O O O O O O B-country +O O O O O B-party_size_number O O B-restaurant_type O B-country I-country I-country I-country I-country +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O B-object_select B-object_type O B-rating_value O B-best_rating B-rating_unit +O O B-condition_temperature O O B-current_location I-current_location +O O B-genre O O B-service +O O O O O B-restaurant_name I-restaurant_name O B-city I-city +O O B-timeRange O O B-city +O O O O O B-object_type B-object_name I-object_name I-object_name +O O B-music_item B-album I-album I-album I-album I-album +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O B-artist O B-playlist I-playlist O +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name B-object_part_of_series_type +O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-object_name B-rating_value O O B-best_rating +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-object_type I-object_type +O O B-restaurant_type B-timeRange I-timeRange I-timeRange O B-party_size_number O O B-city I-city +O O O O B-spatial_relation O B-current_location I-current_location +O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-movie_type B-spatial_relation O O B-object_location_type I-object_location_type +O B-artist I-artist I-artist O B-playlist I-playlist I-playlist O +O O B-playlist I-playlist B-music_item O O B-playlist_owner I-playlist_owner O +O O B-music_item O B-artist O B-playlist_owner B-playlist I-playlist O +O B-playlist +O O O O O B-restaurant_type O B-timeRange I-timeRange O O B-facility +O O O O O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi O B-party_size_number +O O O O B-object_type I-object_type O B-movie_type O O O O O B-timeRange I-timeRange O O O B-spatial_relation I-spatial_relation +O O O O O B-spatial_relation I-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange +O O O O B-object_name I-object_name B-object_type +O B-object_type I-object_type +O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-state O B-party_size_number O +O B-service B-music_item O B-artist I-artist O O B-sort +O B-artist O B-playlist I-playlist +O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O O O O B-state +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange O B-country I-country I-country I-country +O B-object_name I-object_name I-object_name I-object_name O B-object_type +O B-track I-track O B-artist I-artist +O O O O O B-city I-city I-city +O O B-sort B-music_item O O B-year +O O O O O B-object_type O B-object_name I-object_name I-object_name +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +B-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type O B-city B-state +O O O B-restaurant_type O O B-served_dish O B-party_size_number O B-state I-state +O B-artist I-artist O O B-playlist I-playlist O +O B-object_location_type I-object_location_type O O O B-movie_type I-movie_type B-spatial_relation +O O O B-movie_name I-movie_name O B-location_name I-location_name O +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O B-sort B-artist I-artist O +O B-track O B-artist +O O O O O O B-country I-country I-country I-country +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type +O O O B-condition_description O O B-current_location I-current_location O B-timeRange +O O O B-object_type B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-entity_name O O B-playlist I-playlist I-playlist +O O O B-object_name I-object_name I-object_name B-object_type +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O +O O O O O B-poi I-poi O B-restaurant_type O O B-served_dish I-served_dish B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation +O O B-restaurant_type O O B-facility B-spatial_relation O B-poi I-poi I-poi O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange +O O O B-condition_temperature B-spatial_relation O B-current_location O B-timeRange I-timeRange I-timeRange +O B-playlist I-playlist O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O +O O O O B-restaurant_type O B-city I-city +O O B-object_type I-object_type O B-location_name I-location_name +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist O +O O B-restaurant_type O B-state O O O B-party_size_number O B-timeRange I-timeRange +O O O B-condition_temperature O B-city +O B-object_name I-object_name I-object_name +O O B-sort B-music_item O B-artist +O B-condition_description O O O B-city +B-object_name I-object_name I-object_name O O O O O B-rating_value O O O O O B-best_rating +O O O O B-object_type I-object_type O B-object_name I-object_name +O O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-state O B-timeRange I-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist +O O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O O B-timeRange O O B-state +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_name I-object_name I-object_name B-object_type +O O O O B-object_type I-object_type O O B-location_name I-location_name I-location_name +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-year B-music_item O O B-service +O B-object_name I-object_name O O O O B-rating_value B-rating_unit O O B-best_rating O +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O O B-year B-artist I-artist +O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation O B-timeRange I-timeRange +O O O O B-object_type O B-object_name I-object_name +O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-music_item O B-playlist I-playlist +O O B-condition_description O B-city B-state I-state +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O O B-current_location I-current_location +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-service I-service O O O B-sort B-music_item O B-artist I-artist I-artist I-artist +O O O O O O B-restaurant_type O O B-facility B-spatial_relation B-city O B-timeRange +O O O B-condition_temperature O B-timeRange O B-city B-country +O B-object_type I-object_type O B-location_name I-location_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-track I-track I-track I-track I-track O B-artist I-artist +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-spatial_relation B-object_location_type O O B-movie_type I-movie_type +O O B-year B-music_item +O B-object_part_of_series_type B-object_name I-object_name I-object_name O O B-rating_value +O O O O O B-playlist I-playlist +O O B-object_type I-object_type O B-location_name I-location_name +O B-object_name I-object_name I-object_name +O B-artist I-artist O O B-playlist I-playlist I-playlist O +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O B-object_select B-object_type O O B-rating_value B-rating_unit O O O O O B-best_rating +O O O B-playlist +O O O O O B-city B-state B-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist O O B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O O B-state B-timeRange I-timeRange I-timeRange +O O B-music_item O B-playlist_owner B-playlist I-playlist +O B-object_location_type I-object_location_type O O B-spatial_relation O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange +O O O O O B-city O B-timeRange I-timeRange +O O B-object_type B-object_name I-object_name +O O B-party_size_number O O O O O B-cuisine O O B-restaurant_type O O O +O B-music_item B-track I-track +O O O O O B-party_size_number O O B-sort B-restaurant_type O B-timeRange I-timeRange O B-state +O O O O O O B-city I-city B-timeRange I-timeRange I-timeRange +O O B-condition_description O O O B-city +O O B-music_item B-track I-track +O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-condition_temperature B-timeRange I-timeRange O B-city B-country I-country +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-music_item O B-playlist I-playlist +O O O B-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O B-service +O O O O B-object_type O B-object_name I-object_name +O O B-rating_value B-rating_unit O O B-object_type B-object_name I-object_name I-object_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type +O O O B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating +O O O O O B-condition_temperature O B-country +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +B-object_name I-object_name O O O O O O B-rating_value O O B-best_rating +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O B-location_name I-location_name B-movie_type I-movie_type +O O O O O O B-timeRange O B-country O B-condition_temperature O +O B-object_name I-object_name I-object_name +O O O O B-condition_description O B-city +O B-movie_type I-movie_type O O O O B-location_name I-location_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name B-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_number O +O O O B-object_select B-object_type O B-rating_value +O O B-music_item O O B-artist I-artist O B-service +O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value O O B-best_rating B-rating_unit O +O O O B-year +O O B-object_name I-object_name O O O B-rating_value B-rating_unit O O B-object_part_of_series_type O O B-best_rating +O O O B-year B-music_item O O B-artist I-artist +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-cuisine B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O B-entity_name I-entity_name I-entity_name O O O B-playlist I-playlist I-playlist I-playlist +O O O O O B-object_type B-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-condition_temperature B-spatial_relation O O B-country +O O O O B-party_size_number O B-city B-timeRange I-timeRange +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-condition_temperature O B-city +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O B-object_type I-object_type +O O B-restaurant_type O B-party_size_number O B-city I-city O B-timeRange +O O O O B-year O B-service +O B-object_name I-object_name B-rating_value B-rating_unit +O B-service O O O O B-year +O O B-object_type O B-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O O B-object_type O B-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O O O O O O B-served_dish O O O B-party_size_number O O B-restaurant_type O +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O O O O B-spatial_relation O B-city I-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-artist B-music_item O O B-playlist I-playlist I-playlist I-playlist O +O O O B-object_type B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-restaurant_type O B-poi I-poi B-spatial_relation O B-timeRange I-timeRange I-timeRange O B-party_size_number +O O O B-music_item O B-artist I-artist +O O O O O O B-restaurant_type O O B-facility O B-timeRange I-timeRange I-timeRange +O B-service O O O B-music_item O O B-year O B-artist I-artist +O O O O O O B-country +O O B-object_type B-object_name I-object_name I-object_name +O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name B-timeRange B-spatial_relation I-spatial_relation I-spatial_relation O B-city +O O B-condition_description O B-city +O B-artist I-artist O B-year +O B-object_select B-object_type O O O B-rating_value O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-state I-state I-state B-timeRange I-timeRange I-timeRange +O B-music_item O O O B-year +O O B-sort I-sort B-music_item O B-artist +O O O B-object_type O B-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-movie_type O O O O B-location_name I-location_name +O B-artist I-artist B-music_item B-album I-album I-album I-album I-album I-album +O O B-object_type O B-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist +O O O B-restaurant_type I-restaurant_type O B-party_size_number O B-country +O O O O O O O B-party_size_number O O B-restaurant_type O O B-served_dish I-served_dish +O O O O O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-party_size_number O O O O B-city I-city +O O B-artist I-artist +O O B-playlist I-playlist O O B-service +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-party_size_number O O B-restaurant_type O O B-served_dish O B-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O B-music_item O O B-album I-album B-music_item +O O O O O O O O B-timeRange I-timeRange O B-city +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-restaurant_type O B-party_size_number O B-city O B-timeRange +O B-artist I-artist O B-playlist_owner B-playlist O +O O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist O +O O O O O O B-music_item O O O O B-playlist I-playlist +O O O B-object_type O B-object_name I-object_name +O B-playlist_owner O B-playlist I-playlist I-playlist O O O B-entity_name I-entity_name +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O O O O O O O B-restaurant_type O B-country +O O B-artist I-artist B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O B-current_location +O O O O B-object_name I-object_name I-object_name I-object_name +O O B-artist I-artist O O O B-year O B-service +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name +O O O O O O O B-movie_type O B-location_name I-location_name +O O B-restaurant_type O B-party_size_number O B-city +O O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O B-condition_description B-current_location +O O B-music_item O O B-playlist I-playlist O +O O O O O O B-music_item O B-year +O O B-music_item O O O B-playlist I-playlist +O O O O B-spatial_relation O B-current_location O B-timeRange I-timeRange I-timeRange +O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-year B-music_item O B-artist I-artist O B-service +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O O B-served_dish O B-party_size_number O +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-rating_value O O B-best_rating O B-object_select B-object_type +O O O O B-object_type I-object_type O B-location_name I-location_name +O O O B-condition_temperature O B-country B-timeRange I-timeRange I-timeRange +O O O O B-track I-track I-track I-track O B-artist I-artist O B-service I-service +O B-movie_type O O O O O B-location_name I-location_name +O O O O O O B-city B-state B-timeRange I-timeRange +O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name +O O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist +O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O B-object_type B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O B-timeRange O B-city B-state +O O B-sort B-music_item O B-artist O B-service +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O B-party_size_number O O B-restaurant_type O B-timeRange I-timeRange +O B-movie_name I-movie_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O O O B-party_size_number O O B-restaurant_name I-restaurant_name O B-state +O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-condition_description O B-timeRange I-timeRange O B-city I-city +O B-track +O O O O O O B-city +O O O O O B-poi I-poi B-restaurant_type O B-party_size_number O O B-spatial_relation I-spatial_relation I-spatial_relation +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-year B-artist I-artist B-music_item +O B-year O B-service +O O O O O O B-city B-country +O B-music_item O B-playlist +O B-artist I-artist O B-playlist I-playlist +O O B-artist I-artist O O B-year O B-service +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type B-spatial_relation I-spatial_relation O B-poi I-poi +O O O O O O O O B-timeRange O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item B-album I-album I-album +O O O B-year B-music_item +O O O O O B-restaurant_type O B-facility O B-party_size_number O +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city I-city I-city I-city B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-artist I-artist O B-year +O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi +O B-restaurant_name I-restaurant_name I-restaurant_name B-timeRange I-timeRange I-timeRange O B-country I-country +O O B-music_item O O B-playlist O +O B-artist I-artist O B-playlist_owner O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name +O O O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-current_location I-current_location B-timeRange +O O O O O B-state O O O B-city +O O O B-condition_temperature O B-city I-city +O B-service O O B-artist O B-music_item O B-year +O B-object_type I-object_type O B-timeRange +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O O B-current_location I-current_location +O B-artist O B-playlist_owner B-playlist I-playlist O +O O B-movie_name I-movie_name O O B-location_name I-location_name +O O B-artist I-artist B-music_item O B-playlist I-playlist +O O O O B-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-party_size_number O O B-sort I-sort B-restaurant_type +O O O O B-city B-state O O O B-restaurant_type +O O O O O B-party_size_number O O O B-restaurant_type +O O B-music_item O B-playlist I-playlist I-playlist O +O O O O O O B-timeRange I-timeRange O B-state +O O O O B-spatial_relation B-city +O O O O B-party_size_number O O B-state I-state +O O O O O O B-object_type B-object_name I-object_name +O O B-year B-music_item O O B-service +O B-object_select B-object_type O O O O O O B-rating_value O O B-best_rating +O O O B-movie_name I-movie_name I-movie_name I-movie_name O O +O O B-sort I-sort B-artist I-artist B-music_item +O O O O B-object_name I-object_name B-object_type +O O O O B-movie_name I-movie_name I-movie_name +O O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +B-object_type O O O B-object_name I-object_name I-object_name +O O B-object_type O O B-movie_name I-movie_name O B-timeRange +O O O B-condition_temperature O B-city +O O B-sort B-artist I-artist B-music_item O B-service +O O O B-movie_name I-movie_name I-movie_name O +O O B-movie_name O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-condition_temperature O B-city B-state +O O O B-object_type O B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name O B-rating_value +O B-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_type O O B-facility B-spatial_relation O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-timeRange I-timeRange O O B-restaurant_type O O B-facility O B-city O B-party_size_number +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-location_name I-location_name O B-movie_type +O O O B-object_type B-object_name +O O B-artist I-artist B-music_item O O B-playlist O +O B-music_item O B-playlist_owner B-playlist I-playlist +O O O O B-music_item O B-playlist I-playlist I-playlist +O B-object_location_type I-object_location_type B-spatial_relation O O O B-movie_type I-movie_type O B-timeRange +O O B-object_name I-object_name I-object_name B-object_type +O O O O O O B-city I-city I-city B-state +O O O O O B-timeRange I-timeRange O B-city I-city +O O O B-current_location I-current_location O O O O B-timeRange I-timeRange +O O B-restaurant_type O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange O O B-country I-country I-country O O O B-served_dish O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_type O B-state O O B-served_dish I-served_dish I-served_dish +O O O B-object_type B-object_name I-object_name I-object_name +O O O O O O B-restaurant_type B-country I-country I-country I-country I-country O B-timeRange O B-party_size_number O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-city O B-timeRange I-timeRange I-timeRange O B-country +O O O O B-party_size_number O B-country +O O B-object_type I-object_type +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-music_item B-artist I-artist I-artist O O O B-playlist_owner B-playlist I-playlist O +O O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-condition_temperature O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-object_type I-object_type O B-location_name I-location_name +O O O O O O B-condition_description O B-city B-country I-country +O B-playlist I-playlist I-playlist I-playlist O O B-artist I-artist +O B-object_select B-object_type O B-rating_value +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-object_name I-object_name I-object_name +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +B-object_select B-object_type O B-rating_value B-rating_unit O O +O B-movie_type I-movie_type B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-year B-music_item O +O O B-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O O B-timeRange I-timeRange O B-country +O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O O O B-genre O +O O O O O B-facility B-country B-restaurant_type +O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O O O B-city I-city +O O O B-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O B-object_select B-object_type O O O O O B-rating_value +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-year B-music_item O B-artist I-artist I-artist +O O O B-artist I-artist I-artist O O B-playlist I-playlist O +O O O O O O B-timeRange I-timeRange I-timeRange O O B-country I-country +O O O B-condition_description O B-geographic_poi B-timeRange +O O O O O B-condition_temperature O B-city B-state I-state O B-timeRange I-timeRange +O O O O B-sort B-music_item O O B-artist I-artist B-music_item +O O O O O O B-country I-country O B-timeRange +O O O O O B-sort B-cuisine B-restaurant_type O B-party_size_number O B-timeRange O O B-spatial_relation O B-poi I-poi I-poi I-poi +O B-object_location_type O O B-movie_name I-movie_name I-movie_name B-timeRange +O O O O O O O O B-spatial_relation B-restaurant_type O B-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O O B-city +O O B-condition_description O B-city B-state +O O O O O O O B-timeRange I-timeRange I-timeRange O B-country I-country +O O B-served_dish I-served_dish O B-restaurant_type O B-party_size_number O B-city B-state +O O O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name I-movie_name +O B-music_item O B-playlist I-playlist O +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange +O O B-music_item O O B-playlist O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O O B-timeRange I-timeRange O B-country +O O O O O O B-city B-country +O B-playlist I-playlist O B-music_item +O O B-object_name I-object_name +O B-timeRange I-timeRange I-timeRange I-timeRange O O B-condition_description O O B-current_location I-current_location +O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating O O O +O O O O O O B-condition_temperature B-current_location B-timeRange I-timeRange I-timeRange +O O O B-genre O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item B-track I-track I-track I-track O B-service +O O O O O O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-object_type I-object_type O O +O O O O O B-movie_name I-movie_name I-movie_name O B-spatial_relation B-object_location_type I-object_location_type O B-timeRange I-timeRange I-timeRange +O O O O B-location_name I-location_name I-location_name O O B-movie_name I-movie_name I-movie_name +O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O B-music_item O O B-year O B-service I-service +O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-city O +B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O O B-object_location_type B-spatial_relation O B-movie_type +O B-object_name I-object_name O B-object_type +B-object_select B-object_type O O B-rating_value B-rating_unit O B-object_name O O O +O B-rating_value B-rating_unit O B-object_select B-object_type +O O B-object_select B-object_type O B-rating_value +O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-condition_description O B-city B-country I-country +O B-rating_value B-rating_unit O O B-best_rating O B-object_select B-object_type +O O O O B-party_size_number O O B-restaurant_name I-restaurant_name B-restaurant_type O B-country +O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-music_item B-album I-album I-album I-album I-album O B-artist +O O B-condition_temperature O B-spatial_relation B-country +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-state +O O B-object_select B-object_type B-rating_value O B-best_rating +O O O O O O B-current_location +O O O B-movie_type I-movie_type O O O B-location_name I-location_name +O O O B-object_type B-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type I-movie_type O +O O O O B-object_name I-object_name +O O O O B-cuisine I-cuisine B-restaurant_type O B-country +O O O B-movie_type O B-spatial_relation I-spatial_relation +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O O O O B-party_size_number O B-country +O O O B-music_item O O O O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_type O B-object_name I-object_name I-object_name +O B-artist O B-playlist_owner B-playlist O +O O B-object_type O B-object_name +O O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O O O O O O O B-object_name I-object_name I-object_name +O O B-restaurant_type O O B-facility O B-city I-city +O O O O O O O B-artist I-artist O B-sort I-sort B-music_item O B-service +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-sort B-year B-music_item O B-artist I-artist +O B-artist I-artist I-artist O B-playlist_owner B-playlist O +O B-movie_type I-movie_type O O B-spatial_relation O B-timeRange +O O O O O B-spatial_relation B-city I-city +O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O O O B-condition_description B-current_location O B-timeRange O +O O B-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-object_name +O O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type O B-object_name +O O O O B-party_size_number O O B-restaurant_type O B-state I-state I-state I-state +O O O O O B-current_location +O B-artist I-artist O O O B-sort I-sort +O O B-sort B-year B-music_item O B-artist I-artist +O B-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O B-movie_name O O O B-object_location_type I-object_location_type +O O O O O O O B-object_name I-object_name +O O B-music_item B-sort I-sort O O B-artist +O O O O B-condition_description B-current_location O B-timeRange I-timeRange +O O O O O B-restaurant_type O O B-served_dish B-timeRange I-timeRange +O B-sort B-year B-music_item +O B-object_part_of_series_type O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_name O O O O O O O B-rating_value O O B-best_rating B-rating_unit +O O O O B-state O O O B-city O O O B-party_size_number O B-timeRange +O O B-restaurant_type O B-timeRange I-timeRange I-timeRange O B-state B-spatial_relation I-spatial_relation I-spatial_relation O B-party_size_number O O B-sort I-sort +O O O O B-object_name I-object_name +O B-playlist I-playlist O B-service I-service +O O O O O B-state +O O O B-object_type O B-object_name I-object_name I-object_name +O O O B-country I-country I-country O O B-timeRange I-timeRange +O O B-artist I-artist I-artist +O O O B-object_name I-object_name I-object_name B-object_type +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist +O O O O O B-genre O +O O O O O O O O B-restaurant_name I-restaurant_name O B-party_size_number +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-state +O O O O O B-timeRange I-timeRange I-timeRange B-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O B-restaurant_type O B-cuisine O B-city B-state +O O O B-movie_type I-movie_type O B-object_type O O B-spatial_relation B-object_location_type I-object_location_type +O B-artist I-artist +O O O O B-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-condition_description O B-city I-city +O O O O B-party_size_number O B-city I-city B-state +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-track I-track I-track I-track O B-artist I-artist O B-service +O O O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit O O O O B-best_rating +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O O B-condition_temperature B-timeRange O B-country I-country +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_type I-object_type O B-location_name I-location_name B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-object_name I-object_name B-object_type +O O B-timeRange I-timeRange O B-city B-country +O B-music_item O B-playlist I-playlist I-playlist O +O B-artist I-artist O O B-playlist I-playlist O +O B-condition_temperature O O O O B-state B-spatial_relation B-timeRange I-timeRange I-timeRange +O B-artist I-artist O O O O B-playlist I-playlist I-playlist +O B-entity_name O B-playlist I-playlist +O O O O O B-state O O B-spatial_relation O O O O B-restaurant_type +O O O B-restaurant_type O B-restaurant_type O O B-facility O O O B-party_size_number O +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O B-artist I-artist O B-service I-service +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type I-movie_type +O O B-music_item O B-playlist_owner B-playlist O +O O B-artist I-artist +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-year O O B-service +O O O O O O B-year +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O O O O O O O B-city B-state +O B-artist I-artist O B-music_item O B-service I-service +O O B-object_select B-object_type B-rating_value O O B-best_rating +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist +O B-object_type I-object_type O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation B-timeRange +O O O O O O B-playlist I-playlist I-playlist O B-service I-service +O O O B-service +O O O B-object_name I-object_name I-object_name O O O B-rating_value +O O O O O O O B-city O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-city O B-condition_temperature O +O O B-object_name I-object_name I-object_name B-object_type O O +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-sort I-sort B-music_item O B-year O B-artist +O O O O O O B-city B-country +O B-object_type I-object_type +O O O O O O O O B-country B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O B-year +O B-service O O O O O B-genre O +O B-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist +O O O B-object_type I-object_type +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state I-state +B-restaurant_type O B-state I-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O B-movie_name I-movie_name +O B-object_type B-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit +O O O B-condition_description O O B-timeRange I-timeRange I-timeRange O B-geographic_poi +O B-movie_type O O B-spatial_relation B-object_location_type +O B-entity_name O B-playlist_owner B-playlist I-playlist O +B-timeRange I-timeRange I-timeRange O O O O O O O B-party_size_number O B-state I-state I-state +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name O B-timeRange I-timeRange +O O O O O O O B-current_location I-current_location O B-timeRange +O O O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-sort B-artist I-artist B-music_item +O O O O O B-restaurant_name I-restaurant_name O O B-spatial_relation I-spatial_relation B-city I-city +O O O B-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value O B-best_rating +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-object_type O B-object_name I-object_name I-object_name +O O B-sort B-restaurant_type O B-city +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O B-artist I-artist O +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O B-object_type O B-object_name I-object_name +O O B-restaurant_type O O B-served_dish O B-state I-state O B-party_size_number O B-timeRange I-timeRange +O O O B-service O B-artist I-artist +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O B-artist I-artist B-music_item +O O O B-object_type O B-movie_name I-movie_name O B-location_name I-location_name +O B-entity_name B-playlist I-playlist I-playlist O +O B-location_name I-location_name B-timeRange O B-movie_name I-movie_name I-movie_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-object_type O B-spatial_relation I-spatial_relation I-spatial_relation B-movie_type +O O B-genre O +O B-track O B-artist I-artist O B-service +O O O O B-restaurant_type O O B-cuisine O B-timeRange I-timeRange +O O O B-condition_description O O B-city O B-timeRange I-timeRange +B-object_select B-object_type O O B-rating_value O O B-rating_unit +O O B-object_name I-object_name B-object_type +O O O B-movie_name O O B-location_name I-location_name +O O O O O O O B-playlist I-playlist O +O O O O B-party_size_number O B-timeRange O O B-restaurant_type O B-city I-city +O O O B-sort B-artist I-artist B-music_item +O O B-service O O O B-music_item O B-year +O O O O O O O B-city +O O O O O B-object_type B-object_name I-object_name +O O B-object_type O B-movie_name I-movie_name +O O B-condition_temperature O O B-current_location I-current_location B-timeRange +O O O O O O B-artist O O B-year B-music_item +O B-movie_name O O O B-location_name I-location_name O B-timeRange +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange +O B-music_item O B-playlist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-movie_name I-movie_name O B-location_name I-location_name +O O O B-object_type B-object_name I-object_name +O O O O O B-year +O O O O O O B-restaurant_type O O B-facility O O O O O B-party_size_number +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-service O O O O B-year +O O O O B-party_size_description I-party_size_description I-party_size_description O O B-sort B-restaurant_type +O B-movie_type I-movie_type B-spatial_relation I-spatial_relation O O B-object_type I-object_type +O O O O O O B-city +O O B-condition_temperature O B-country O B-timeRange +O B-artist I-artist O B-playlist_owner O B-playlist I-playlist +O O B-sort B-artist I-artist +O O O O O O B-restaurant_type O O B-timeRange I-timeRange O B-state +O B-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-object_type B-object_name I-object_name +O O O O O B-condition_temperature O B-city +O B-service O O O O O O B-music_item B-playlist +O O O O O B-party_size_number O O B-restaurant_type O O B-cuisine +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-condition_description O B-city I-city B-state +O O O O O O B-sort B-music_item O B-artist I-artist O B-service +O B-movie_type O O O B-location_name I-location_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type +O O B-object_type B-object_name I-object_name I-object_name O B-rating_value O O O O B-best_rating +O B-movie_type I-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-sort B-music_item O B-artist I-artist O B-service +O O B-object_select B-object_type B-rating_value O O B-best_rating +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name O B-object_type +O O B-served_dish I-served_dish O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O B-object_type O B-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-object_type B-object_name I-object_name I-object_name +O B-movie_type I-movie_type O O O O B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_select B-object_type O B-rating_value O O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation O O B-poi +O O B-object_select B-object_type I-object_type B-rating_value O O B-best_rating B-rating_unit +O B-music_item O B-playlist I-playlist I-playlist I-playlist +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O O O B-spatial_relation B-object_location_type O O B-movie_type I-movie_type +O O O O O O O O O B-restaurant_type O O B-served_dish O B-timeRange +O O O O O B-timeRange I-timeRange O B-state I-state +O B-object_select B-object_type O O B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name O B-rating_value +O O O O O O B-timeRange I-timeRange O O B-current_location I-current_location +O B-object_type I-object_type O O +O O O B-restaurant_type O O B-facility I-facility O B-city O +O O O O B-timeRange O B-state +O O B-object_type O B-object_name I-object_name I-object_name +O B-object_select B-object_part_of_series_type B-rating_value O O O B-best_rating +O O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-movie_type I-movie_type O O O O B-location_name I-location_name I-location_name +O O O O B-object_name I-object_name I-object_name I-object_name +O B-year B-music_item O B-artist I-artist O B-service +O O O O O O O O O B-restaurant_type O B-cuisine O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O O O O O O O B-party_size_number B-timeRange O O O O B-state +O O B-object_name I-object_name B-rating_value B-rating_unit O O O O O B-best_rating +O O B-served_dish I-served_dish B-timeRange I-timeRange O B-country O O B-restaurant_type O B-party_size_number +O O O O O B-movie_name I-movie_name O B-location_name I-location_name +O B-year B-music_item O O B-service I-service +O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-year +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist +O B-music_item O B-year +O O O O B-artist +O B-object_select B-object_type O B-rating_value +O B-object_select B-object_type B-rating_value O O O B-best_rating +O O O O O O O B-party_size_number B-timeRange I-timeRange O B-state +O O O B-object_type I-object_type O B-movie_type O B-spatial_relation +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O B-current_location O B-timeRange I-timeRange +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-year O O B-artist +O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name +O O B-object_name I-object_name I-object_name I-object_name B-object_type +B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type +O O B-year B-music_item O B-artist I-artist +O O B-object_select B-object_part_of_series_type O O O B-rating_value O O O O O B-best_rating +O O B-object_type B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O O O B-service +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O B-condition_description O B-country O B-timeRange +O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O B-sort B-year B-music_item O B-artist I-artist +O B-rating_value B-rating_unit O B-object_select B-object_type +O O O B-restaurant_name I-restaurant_name O B-city +O O O O B-city +O O O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_select B-object_type O B-rating_value B-rating_unit +O B-object_select B-object_type B-rating_value O O B-rating_unit O +O O B-movie_name I-movie_name I-movie_name O +B-artist I-artist O O O O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O B-music_item O O B-sort B-music_item O B-artist O B-service +O O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation B-movie_type +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-sort I-sort B-cuisine B-restaurant_type +O O O B-artist I-artist O B-music_item B-playlist I-playlist O O O +O O O B-artist I-artist O O B-playlist I-playlist O +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name O B-city +O B-movie_type I-movie_type O O O B-location_name I-location_name +O O O O O B-condition_temperature B-current_location +O O B-sort B-music_item O O B-year +O O O O B-restaurant_type O B-party_size_number O O B-state I-state +O O B-condition_description B-spatial_relation O B-state +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O O B-restaurant_type I-restaurant_type O B-cuisine O O B-country +O O B-sort B-music_item O O B-year +O B-object_select B-object_type B-rating_value O B-best_rating +O O O B-artist I-artist O B-track I-track I-track I-track O B-service +O O O O O B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O O B-party_size_number O O O B-restaurant_type O B-state I-state I-state +O B-movie_type I-movie_type O O O B-location_name I-location_name +O O O O B-service +O O B-artist I-artist B-music_item O O B-playlist I-playlist I-playlist O +O O O O O O O O O O B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O O O O O B-state +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O O O B-object_select B-object_type B-rating_value B-rating_unit +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O O O O B-party_size_number O B-state +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O B-timeRange O O B-country O +O O O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-music_item O B-artist I-artist I-artist +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-genre I-genre I-genre +O O B-sort B-music_item O B-year +O B-sort B-music_item O B-artist I-artist O B-service +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-object_type B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist I-playlist +O O O B-object_name I-object_name I-object_name O B-rating_value O B-best_rating +O O O B-restaurant_type I-restaurant_type O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-cuisine O +O O O B-condition_temperature O B-city I-city B-state +O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_name +O O O O O O B-state +B-object_name I-object_name O O O B-rating_value B-rating_unit +O B-object_name +O B-object_name I-object_name O B-rating_value +O O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange O B-city B-country I-country +O B-service O O B-artist I-artist +O O O O O B-year +O O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O B-best_rating B-rating_unit +O O O O B-party_size_number O O B-restaurant_type O O B-cuisine B-spatial_relation O O B-country +O B-playlist I-playlist O O B-entity_name I-entity_name +O O B-album I-album I-album I-album I-album I-album B-music_item O B-artist +O O O O O B-movie_type B-timeRange O B-spatial_relation +O O O O B-object_name I-object_name I-object_name +O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O B-city I-city B-state +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O B-condition_temperature B-current_location B-timeRange I-timeRange I-timeRange +O O O O O O B-spatial_relation B-object_location_type O B-movie_type +O O O B-object_type B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-genre O O B-service +O B-artist I-artist O B-playlist I-playlist O +O O B-music_item O B-year +O B-artist I-artist O B-music_item O O B-year +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-movie_type B-spatial_relation I-spatial_relation +O O O O O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-artist B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist +O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-condition_temperature O B-city +O O B-restaurant_type O B-country O B-party_size_number +O B-music_item B-artist I-artist O B-playlist +O O B-object_name +O B-location_name I-location_name O B-object_type I-object_type +O O O B-condition_temperature O O B-country I-country O B-timeRange I-timeRange I-timeRange +O O O O O B-city I-city +O B-artist I-artist O B-year +O O O O O B-city O B-country I-country +O O O O B-party_size_description I-party_size_description I-party_size_description O B-city I-city +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-playlist_owner B-playlist I-playlist I-playlist O B-entity_name I-entity_name I-entity_name I-entity_name +O O O O B-artist I-artist +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi +O O O B-year O B-artist I-artist O B-service +O O B-object_select B-object_part_of_series_type O O O O O B-rating_value +O O O O O B-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type O B-timeRange +O B-movie_type I-movie_type O O B-location_name I-location_name +O O O O O O B-restaurant_type B-cuisine O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-object_select B-object_type O B-rating_value O O B-best_rating +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-artist I-artist +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O O O O O B-condition_description O B-timeRange O O B-city +O B-artist I-artist O B-playlist I-playlist +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O B-city +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-restaurant_type O B-country B-timeRange I-timeRange I-timeRange +O O B-condition_temperature O B-timeRange I-timeRange O B-country +O B-sort I-sort O B-artist I-artist O B-service +O O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value O B-best_rating +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_name I-object_name B-object_type I-object_type +O O B-object_name I-object_name O O O O O O B-rating_value O O O O O B-best_rating +O O O O B-timeRange O B-city I-city +B-restaurant_type B-cuisine O B-country +O O O B-sort B-restaurant_type O B-state O B-party_size_number O B-timeRange I-timeRange +O O B-object_select B-object_type O O O B-rating_value O O B-best_rating +O B-artist I-artist O O B-year +O O B-music_item O O B-playlist O +O O O O O B-city +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist +O O O O B-party_size_number O O O B-sort I-sort B-restaurant_type O O B-cuisine O O B-city I-city +O O O B-music_item O B-year O B-artist I-artist I-artist +O O B-object_type I-object_type O O B-location_name I-location_name I-location_name +O O B-music_item O B-playlist I-playlist O +O B-artist I-artist O B-track I-track I-track O B-service I-service +O O O O B-party_size_number O B-city I-city B-state O B-timeRange I-timeRange I-timeRange +O O O O O O B-current_location I-current_location O B-condition_temperature O +O O B-music_item B-artist I-artist O O B-playlist I-playlist I-playlist O +O O B-object_type I-object_type O B-location_name I-location_name O B-timeRange O +O O B-condition_description O B-city B-country I-country I-country +O O O O O B-artist I-artist B-music_item O O B-year +O B-artist I-artist O O B-playlist I-playlist O +O O O O O O B-timeRange I-timeRange O O B-restaurant_type O B-country +O O O O B-object_type O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O O B-object_type B-object_name I-object_name +O O B-music_item O B-playlist I-playlist +O B-object_type I-object_type +O O O O O B-movie_type O B-location_name I-location_name +B-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type I-restaurant_type O O B-served_dish O B-city I-city B-state +O O O O B-year +O O O B-timeRange O B-restaurant_name I-restaurant_name +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name B-object_type +O O B-sort B-music_item O B-year +O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-object_type O B-object_name O B-rating_value O O B-best_rating B-rating_unit +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-playlist O +O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value O B-best_rating +O O B-state +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-country O O B-restaurant_type +O O O O O O B-city I-city B-state +O O O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O B-rating_value O O B-object_select B-object_type +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-condition_description O B-country +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O O +O O B-cuisine O B-restaurant_type O B-state +O B-movie_name O O B-location_name I-location_name +O O B-sort I-sort B-artist I-artist B-music_item O O O B-music_item I-music_item +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O B-object_name I-object_name I-object_name B-object_type +B-object_name I-object_name I-object_name I-object_name O O B-object_type O O O B-rating_value B-rating_unit +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist +O O B-object_type I-object_type +B-object_select B-object_type O B-rating_value O +O O O O O B-service +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-timeRange O O B-state +O O O O B-track I-track I-track O B-service I-service +O O O O O B-restaurant_name I-restaurant_name O B-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-service B-music_item O B-artist I-artist +O O O B-object_select B-object_type B-rating_value B-rating_unit O O O O O B-best_rating +O O O B-object_type I-object_type O B-location_name I-location_name +O B-object_part_of_series_type O O B-rating_value O B-object_name I-object_name +O B-service O O B-sort B-artist I-artist B-music_item +O B-artist I-artist O O B-playlist I-playlist I-playlist O +O O O B-object_select B-object_type O B-rating_value B-rating_unit O O B-best_rating +O B-music_item B-track I-track +O B-condition_temperature O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-city B-country +O O B-music_item O O B-playlist I-playlist O +O O B-condition_description O O B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_type B-object_name +B-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O B-restaurant_name I-restaurant_name O B-country O O O O B-party_size_number +O O O O B-object_name I-object_name I-object_name +O O O O O B-condition_temperature O B-country B-timeRange I-timeRange +O B-genre O +O O O O O B-restaurant_name I-restaurant_name B-timeRange I-timeRange O B-country +O B-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-served_dish O O B-restaurant_type +O O B-condition_temperature B-spatial_relation O B-state +O B-object_select B-object_type B-rating_value +O B-object_type I-object_type O B-location_name I-location_name +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-facility O O B-timeRange O B-city O O B-restaurant_type O B-party_size_number +O O O O B-object_select B-object_type O O B-object_part_of_series_type O B-rating_value B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-track I-track O B-artist I-artist +O B-music_item O B-playlist I-playlist +O O B-object_name B-object_type +O O B-object_select B-object_part_of_series_type B-rating_value +O O O O O O B-current_location I-current_location +O O O B-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O O B-spatial_relation B-object_location_type O O B-movie_type +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-track I-track I-track O B-artist I-artist O O B-service I-service +O O O O O O O B-object_type I-object_type +O O O O O B-object_part_of_series_type B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-movie_type O O O B-location_name I-location_name +B-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O B-object_select B-object_type O B-rating_value +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O O O O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-country O B-party_size_number +O O B-object_type B-object_name I-object_name I-object_name +O B-music_item O O B-artist I-artist +O O O O O B-party_size_number B-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi +O O B-condition_temperature O B-country +O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name +O O B-restaurant_type O B-city O B-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-object_select B-object_part_of_series_type O B-rating_value O O B-best_rating +O B-object_select B-object_type O O O O O B-rating_value O O B-best_rating +O O O B-sort B-year B-music_item O B-artist I-artist +O O O O O O B-state +O O B-city +O O B-object_type I-object_type +O O O O O O B-restaurant_type O B-country O B-party_size_number B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_select B-object_type O O O O O O B-rating_value O O O O O B-best_rating +O B-music_item O B-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O O B-condition_description O B-city I-city B-state +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-facility I-facility B-restaurant_type +O O O O B-city I-city O B-state I-state O B-timeRange I-timeRange +O O O B-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist +O O B-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist +O B-music_item O O B-year +O O O O O B-condition_description O B-country +O O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O B-service +O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O B-album I-album I-album I-album O B-artist I-artist +O O O O B-state O O O O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-service O O O B-track I-track O B-artist I-artist +O O O B-restaurant_type O O B-served_dish I-served_dish O B-timeRange O B-party_size_number +B-object_select O O B-best_rating O O O B-object_type B-object_name O B-rating_value +O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-sort B-restaurant_type O B-city I-city +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-service +O B-object_location_type I-object_location_type O B-movie_type I-movie_type O O B-spatial_relation +O B-year O B-artist I-artist +O B-track I-track I-track O B-artist I-artist O B-service +O B-music_item O B-playlist I-playlist +O O O O O B-party_size_number O B-timeRange I-timeRange O B-state +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation O O O B-movie_type +O B-track I-track I-track I-track I-track I-track I-track O B-artist I-artist +O O O O O B-city B-country +O O O O O O O B-current_location I-current_location B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O B-object_type I-object_type +O O O O B-year O B-artist I-artist +O O B-object_type B-object_name I-object_name I-object_name +O O O B-condition_temperature O O B-current_location I-current_location B-timeRange I-timeRange +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-restaurant_type I-restaurant_type O B-party_size_number O O B-state +O O O B-condition_description O B-country +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O B-object_select B-object_type B-object_part_of_series_type B-rating_value O O B-rating_value B-rating_unit +O O O B-track I-track O B-service +O O O O O O B-restaurant_type O B-facility O B-country +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_name I-object_name I-object_name O B-object_type O +O O O O O O O B-timeRange I-timeRange B-spatial_relation I-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation +O B-object_select B-object_type O O B-rating_value O O B-best_rating +O B-artist I-artist B-sort O B-service +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-condition_temperature B-current_location O B-timeRange +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-movie_type O O O B-timeRange I-timeRange O O B-spatial_relation B-object_location_type I-object_location_type +B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O O B-playlist I-playlist O +O O O B-year +O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O O O O O O O B-sort B-restaurant_type +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O B-served_dish I-served_dish O B-restaurant_type O B-city I-city +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-track I-track I-track O B-artist I-artist +O O B-playlist O O B-service +O O O B-facility B-restaurant_type O B-country +O O O O B-party_size_number O O O B-cuisine B-restaurant_type O B-city I-city B-state +O O O O O B-restaurant_type O B-served_dish O B-country +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-year O +O B-object_name I-object_name O B-object_type I-object_type +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +B-artist O O O B-playlist_owner B-playlist O +B-object_select B-object_type O O B-rating_value O O B-best_rating B-rating_unit +O B-object_select I-object_select B-object_type O B-rating_value +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O O O O B-state +O B-object_name I-object_name I-object_name B-object_type +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist O +O O B-condition_temperature O B-city B-country +O B-object_name I-object_name I-object_name B-object_type +O O B-artist I-artist O B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_name I-object_name +O O O O O O O O O O B-city I-city B-country +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O B-condition_temperature O B-city +O B-track I-track O B-artist I-artist O O B-service +O O O B-current_location O O B-country +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O O B-city B-country I-country O B-timeRange +O O O B-genre I-genre O +O O O O O O B-current_location O B-timeRange I-timeRange +O O B-year B-music_item O B-artist +O B-genre O O B-service I-service +O O O O B-party_size_number O O B-restaurant_type O O B-sort I-sort +O O B-timeRange O B-object_location_type B-spatial_relation O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O B-state O B-timeRange +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-music_item O B-year +O B-genre I-genre +O O O B-condition_temperature O O O B-current_location I-current_location +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +B-object_name I-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit +O B-artist I-artist O O B-playlist I-playlist O +O O O O O B-sort I-sort B-restaurant_type I-restaurant_type I-restaurant_type B-timeRange +O O O O B-country +O O O B-object_type O B-object_name I-object_name I-object_name +O O B-music_item O B-year O B-artist I-artist +O B-track O B-artist I-artist O +O B-service O O O B-artist I-artist O O O O O B-sort O +O B-condition_temperature O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange +O B-movie_name I-movie_name O B-location_name I-location_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist +O O O O O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O O O B-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name +O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-artist O B-playlist I-playlist I-playlist O +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O B-artist I-artist B-album I-album I-album I-album I-album I-album B-music_item +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O B-artist I-artist I-artist O B-playlist I-playlist I-playlist +O O B-condition_description B-timeRange I-timeRange I-timeRange O B-city B-state +O O O B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-playlist I-playlist I-playlist I-playlist +O O B-condition_description O B-city +O O B-restaurant_type O B-party_size_number O B-city I-city +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O O B-condition_temperature O B-city I-city B-state +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-cuisine B-restaurant_type I-restaurant_type O O B-sort +O O O O O O B-city B-country O B-timeRange I-timeRange +O O O O B-condition_temperature O B-city B-timeRange I-timeRange I-timeRange I-timeRange +O B-condition_temperature O O O B-city +O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation O B-timeRange +O O O B-music_item O O O O B-playlist I-playlist I-playlist +B-object_name I-object_name I-object_name B-object_part_of_series_type O O O B-rating_value B-rating_unit O O B-best_rating +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O O O O B-current_location I-current_location +O O O O B-party_size_number O O B-restaurant_type O B-country O O B-cuisine I-cuisine O O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-artist O O B-year +O O O O O O O B-restaurant_type O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-object_name I-object_name I-object_name O B-object_type +O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O O B-timeRange I-timeRange I-timeRange O B-city B-state +O O B-sort B-artist I-artist +O B-object_location_type O O B-movie_name I-movie_name +O O B-playlist O O O B-music_item +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O O B-restaurant_type O B-facility +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O O O O O O O B-restaurant_name I-restaurant_name +O O O B-artist I-artist +O O B-playlist_owner O B-playlist I-playlist O O B-entity_name I-entity_name +O O O B-object_select B-object_part_of_series_type O B-rating_value +O B-object_type I-object_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-artist I-artist B-music_item O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_type I-object_type O B-spatial_relation I-spatial_relation B-movie_type +O O O O O O O O B-current_location I-current_location B-timeRange I-timeRange I-timeRange +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item O B-year +O O O O O B-object_type O B-object_name I-object_name I-object_name +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-movie_type O O B-spatial_relation I-spatial_relation +O O O O B-timeRange O B-current_location +O O B-restaurant_type O B-city O B-timeRange I-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating O +O O O O O B-city +O O B-music_item O B-playlist I-playlist +O B-entity_name I-entity_name O B-playlist_owner I-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-music_item O O B-playlist I-playlist I-playlist I-playlist O +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O +O O O B-timeRange O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item O B-playlist_owner O O B-playlist +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O B-object_name I-object_name I-object_name I-object_name +O B-rating_value O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_number O O O B-restaurant_type O B-city I-city +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number O O B-city I-city B-state +O O B-music_item O B-playlist +O B-service O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O O B-object_type B-object_name I-object_name +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit O O B-best_rating +O O O O O B-city +O O B-object_select B-object_type O O B-rating_value B-rating_unit +O O O O B-object_select B-object_part_of_series_type O O O O B-rating_value O O B-best_rating +O O B-object_name I-object_name B-object_type +O O B-music_item O O B-year +O O B-sort B-restaurant_type O O B-cuisine B-spatial_relation I-spatial_relation B-state O B-party_size_number O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-restaurant_type O B-state I-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange I-timeRange +O O O O O O O O O B-restaurant_type O O B-cuisine O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O B-party_size_number O B-restaurant_name I-restaurant_name O B-state +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name O O O B-rating_value +O O O O B-served_dish O B-spatial_relation B-restaurant_type O B-city +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O B-artist I-artist +O O O O B-served_dish O O B-restaurant_type +O O B-music_item O B-playlist I-playlist I-playlist +O O O O O O B-restaurant_type I-restaurant_type O B-city I-city O B-party_size_number +O O O O O B-country I-country I-country O B-timeRange O B-condition_description +O B-object_select B-object_type O B-rating_value O B-best_rating O O +O B-object_select B-object_type O O O B-rating_value O +O O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name O B-object_type +O O O O O B-city B-country +O O O B-object_type O B-object_name I-object_name +O O O O O O O B-playlist I-playlist I-playlist I-playlist I-playlist O O B-artist I-artist +O O B-music_item I-music_item O B-artist I-artist +O O O O B-state O B-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange +O B-year O B-artist I-artist +O O O B-spatial_relation O B-poi I-poi I-poi B-timeRange I-timeRange I-timeRange O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name +B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O O O B-restaurant_type +O O O O B-object_type O B-object_name I-object_name I-object_name +O O O O O O O B-object_name +O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-service O O B-artist I-artist +O O O O O B-sort B-restaurant_type O O B-timeRange I-timeRange I-timeRange +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-year B-artist I-artist +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O O B-condition_description O O B-current_location I-current_location O B-timeRange +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O B-city +O O B-object_type O B-object_name I-object_name I-object_name +O O O B-track I-track I-track I-track O B-artist I-artist +O B-object_type I-object_type +O O O O B-city O O B-timeRange I-timeRange +O O B-artist I-artist O O B-year +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist O +O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-state I-state I-state +O O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state I-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-restaurant_type O B-city O B-party_size_number O +O B-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-track I-track I-track I-track I-track I-track O B-service +O O B-music_item O O B-playlist O +O O O B-object_type B-object_name I-object_name I-object_name +O O O O O O B-country O B-timeRange +O O B-sort I-sort B-music_item O B-artist I-artist +O O O O O O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange +O O O O O O B-sort B-restaurant_type I-restaurant_type O B-country +O O B-artist I-artist O O B-playlist I-playlist O +O O O B-artist +O O B-music_item O B-playlist_owner B-playlist O +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O B-movie_name I-movie_name I-movie_name +O O O O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation O B-poi +O O O O O B-condition_description B-spatial_relation O B-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange +O O B-playlist I-playlist I-playlist O +O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O O O O O B-condition_description B-spatial_relation B-country I-country I-country +O B-object_name I-object_name B-rating_value O O B-best_rating +O O O O B-service I-service +O B-rating_value O O B-best_rating O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-music_item B-album I-album I-album O B-artist I-artist +O B-music_item O B-artist I-artist O B-service +O B-movie_type O O O B-location_name I-location_name +O B-object_type I-object_type O B-location_name I-location_name +O O O B-service O B-service +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +B-object_name I-object_name O O O O O B-best_rating O B-rating_value B-rating_unit +O B-object_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O O O O B-country I-country O B-timeRange I-timeRange I-timeRange +O O O O O B-cuisine B-restaurant_type O B-state +O O B-restaurant_type O B-party_size_number O B-city +O O B-sort B-music_item O B-artist I-artist O B-service +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-party_size_number O O B-sort B-country B-restaurant_type +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-country I-country O O B-condition_description +O B-music_item O B-service I-service O B-year +O O O O O B-music_item O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O B-state +O O O O B-service +O O O O O B-spatial_relation B-state +O O O O O O O B-current_location I-current_location O B-timeRange +O O B-restaurant_type I-restaurant_type O B-city O O B-served_dish I-served_dish +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating +O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-artist I-artist B-music_item +O B-artist I-artist O B-playlist_owner B-playlist +O O O O O B-object_name I-object_name B-object_type +O B-artist I-artist O B-service +O O B-spatial_relation B-city +O O B-year B-music_item O B-artist I-artist O B-service +O O O O B-party_size_number O O O B-restaurant_type O O B-served_dish I-served_dish O B-city I-city B-state I-state O B-timeRange +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O B-playlist I-playlist I-playlist O O B-entity_name I-entity_name I-entity_name O O +O O O O O O B-restaurant_type B-spatial_relation I-spatial_relation B-poi I-poi +O O O O O B-state O O O O B-party_size_number O O B-restaurant_type B-spatial_relation I-spatial_relation +O B-entity_name I-entity_name O B-playlist_owner B-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-movie_type I-movie_type O B-location_name I-location_name I-location_name +O O O O O B-restaurant_type I-restaurant_type O B-party_size_number O O B-served_dish +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +B-object_type I-object_type O B-location_name I-location_name O B-timeRange +O O O B-poi I-poi O O O B-restaurant_type O B-party_size_number B-spatial_relation I-spatial_relation +O O O O O O O B-state B-timeRange I-timeRange I-timeRange I-timeRange +O B-artist O O B-playlist I-playlist O +O B-album I-album O B-artist +O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name O O B-rating_value O O B-best_rating O +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-country I-country +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-condition_temperature O B-city O B-country +O O O O O O B-sort B-music_item O B-artist I-artist +O O O O O B-city +O B-artist I-artist I-artist O B-playlist +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-country +O O O O B-party_size_number O O B-restaurant_type O B-timeRange I-timeRange I-timeRange +O B-artist I-artist O B-playlist I-playlist I-playlist O +O O O O O O B-country O B-timeRange I-timeRange I-timeRange +O O B-object_select O O O B-object_part_of_series_type B-rating_value B-rating_unit +O O O B-condition_temperature B-timeRange I-timeRange O B-state +O O O B-movie_name I-movie_name I-movie_name O +O B-artist I-artist O O O B-year +O O O O O B-music_item O B-artist I-artist O B-service +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O O O O B-artist I-artist O B-album I-album I-album +O O O O O O B-spatial_relation I-spatial_relation I-spatial_relation O O O O B-movie_type I-movie_type B-timeRange I-timeRange I-timeRange +O B-album I-album O B-artist I-artist +O O O O O O B-country +O B-object_name I-object_name I-object_name I-object_name O B-object_type +O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type +O B-music_item O B-playlist I-playlist I-playlist +O O O O O B-spatial_relation O B-state +O O O O O B-restaurant_type O B-state O O B-served_dish +O O O O O B-state O O O B-city +O O O O O B-movie_type O B-location_name I-location_name O B-timeRange I-timeRange I-timeRange +O O O O O B-year +O O O O O B-object_type I-object_type B-object_name I-object_name +O O B-object_type O B-object_name +O B-rating_value O O B-object_select B-object_type +O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O B-year O O B-service +O O O B-condition_temperature O B-city +O O B-timeRange I-timeRange O B-state +O B-restaurant_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-object_select B-object_type B-rating_value O O B-best_rating +O B-timeRange I-timeRange I-timeRange O O O O O B-party_size_number O B-state +O O O O O B-object_type B-object_name +O O B-timeRange I-timeRange O B-state +O O O O B-party_size_number O O B-restaurant_type +O O O O O O B-state O B-timeRange +O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O O O O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-artist I-artist O O B-year +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +B-rating_value B-rating_unit O O B-object_select B-object_type +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-music_item O B-playlist I-playlist +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-condition_temperature B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_type I-object_type O B-location_name I-location_name +O O O B-object_type I-object_type O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_name I-object_name O B-rating_value B-rating_unit +O B-artist I-artist I-artist O B-playlist I-playlist +O B-object_type O O B-object_name I-object_name I-object_name I-object_name +O O B-music_item B-album I-album I-album I-album I-album +O O O O O B-restaurant_type I-restaurant_type O B-city +O B-entity_name I-entity_name O O B-playlist I-playlist I-playlist O +O O O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-artist O +O B-artist I-artist O O B-playlist I-playlist O +O B-object_select B-object_type B-rating_value O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-object_type B-object_name I-object_name I-object_name O B-rating_value +O O O O O O O B-album I-album B-music_item O B-artist I-artist +O O O O O B-timeRange I-timeRange O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi +O B-movie_type O B-object_type I-object_type O B-spatial_relation I-spatial_relation +O O B-movie_type B-timeRange I-timeRange I-timeRange I-timeRange O O B-location_name I-location_name +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name O O O O O B-object_type +O O B-object_name I-object_name I-object_name I-object_name +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number O B-timeRange I-timeRange I-timeRange +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-music_item O B-artist I-artist O B-album I-album +O B-service I-service O O O O O B-year +O B-movie_name I-movie_name O O B-location_name I-location_name +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating +O O B-object_type O B-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O O O O B-genre I-genre O B-service +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-timeRange O O B-object_location_type +O O B-sort B-music_item O B-artist I-artist +O B-object_select B-object_type O B-rating_value +O B-object_type I-object_type +O B-playlist I-playlist +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O O O B-artist O B-service I-service O O B-year +O O B-restaurant_type O O O B-restaurant_type I-restaurant_type O O B-facility B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type B-object_name +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-restaurant_type O B-state +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O O O O B-artist O B-year O B-service +O O O O O B-condition_temperature B-current_location O B-timeRange +O O B-sort B-year B-music_item O B-artist +O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O O O B-party_size_number B-spatial_relation B-country +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O B-music_item O O B-music_item B-album +O O O O O B-state B-timeRange I-timeRange +B-party_size_description I-party_size_description I-party_size_description O O O O O B-cuisine B-restaurant_type I-restaurant_type B-spatial_relation I-spatial_relation B-state +O B-artist I-artist O O +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-party_size_number O B-city I-city +O O O O O B-sort B-restaurant_type I-restaurant_type O O O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-condition_description B-timeRange I-timeRange I-timeRange O B-city I-city +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O O B-state O B-timeRange +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-city I-city B-country +O O O O O B-timeRange O B-state +O O O B-music_item O O B-artist I-artist B-music_item B-album I-album +O O O O O O O O O O O B-city O B-timeRange O O O O B-state +O O B-condition_description O B-country +O O O O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type +O B-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O B-track I-track I-track O B-artist I-artist O B-service +O O B-year B-artist I-artist +O O B-object_select B-object_type O O O O O B-rating_value B-rating_unit +O O O O B-movie_name I-movie_name I-movie_name O +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O O B-object_type B-object_name I-object_name +O O O O B-party_size_number O O B-facility B-restaurant_type +O O O O O O B-city I-city B-country I-country I-country I-country +O O B-spatial_relation I-spatial_relation O O O B-movie_type I-movie_type +O O B-object_type I-object_type +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O O O B-movie_name +O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation O B-movie_type I-movie_type +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_select B-object_type B-rating_value O B-best_rating +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-music_item O B-album I-album I-album I-album I-album I-album I-album O B-artist I-artist +O O O O O B-object_name I-object_name I-object_name +O B-music_item O B-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-object_name I-object_name I-object_name I-object_name I-object_name O O B-rating_value +O O O O B-artist B-music_item O B-playlist_owner B-playlist O +O O O O O B-facility B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation O B-state +O O B-sort O B-music_item O B-year +O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-movie_name I-movie_name O O B-location_name I-location_name +O O B-playlist I-playlist I-playlist O B-service I-service +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O O B-playlist +O O O B-condition_description B-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange +O B-restaurant_name I-restaurant_name B-spatial_relation B-state O B-party_size_description I-party_size_description I-party_size_description +O O O B-playlist I-playlist +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_select B-object_type B-object_part_of_series_type B-rating_value B-rating_unit +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O B-object_type O B-object_name I-object_name I-object_name +O O O O O O B-object_type B-object_name +O O O B-entity_name I-entity_name I-entity_name O O O B-playlist I-playlist I-playlist +O O O B-timeRange I-timeRange O O B-restaurant_type O O B-facility O B-country +O O O O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O B-music_item O B-playlist I-playlist I-playlist +O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O B-timeRange I-timeRange O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description B-spatial_relation O +O O O O B-restaurant_type O B-state O B-party_size_number O O B-timeRange I-timeRange I-timeRange +O O B-object_type O B-movie_name +O O B-restaurant_type O O B-facility O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-state +O O O B-music_item O B-artist I-artist I-artist +O O O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type O B-rating_value +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange O B-location_name I-location_name +O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-restaurant_type O B-party_size_number +O B-object_type I-object_type O B-location_name I-location_name +B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +B-geographic_poi I-geographic_poi I-geographic_poi O B-condition_temperature O O O B-timeRange B-spatial_relation I-spatial_relation I-spatial_relation +O O B-music_item B-album I-album I-album I-album O B-artist I-artist +O O O O O O B-condition_description O O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange +O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O O O O B-city B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-condition_description O B-country I-country I-country I-country O O O O B-city +O O O O O B-condition_temperature B-current_location +O O B-playlist I-playlist O B-service +O O O O B-party_size_number O B-city I-city B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O B-best_rating +O B-rating_value O O B-best_rating O B-object_name I-object_name I-object_name I-object_name +B-object_name I-object_name I-object_name I-object_name O O B-rating_value B-rating_unit O O B-best_rating +O O O O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist +O O O O O O O O B-object_name I-object_name +O B-object_name I-object_name B-rating_value O O B-best_rating +O O B-music_item O O B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O O O B-condition_temperature B-timeRange I-timeRange O B-state I-state +O O O B-movie_type O O B-location_name I-location_name +O O O B-object_type I-object_type O B-object_name I-object_name +O O O O O B-object_type I-object_type O B-object_name I-object_name +O O O B-condition_description O B-country O B-timeRange I-timeRange I-timeRange +O O O O O B-city +O O O O O O O O O B-party_size_number B-spatial_relation O B-poi I-poi +O B-rating_value O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-object_type +O B-service I-service O O B-artist I-artist +O O O O O B-party_size_number O O O O B-cuisine B-restaurant_type +O O O O O O O B-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O O O B-restaurant_type O B-timeRange I-timeRange O B-party_size_number +O O O O O O B-country +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-object_select B-object_type O O O B-rating_value B-rating_unit +O O O O O B-restaurant_name I-restaurant_name B-timeRange I-timeRange I-timeRange O B-party_size_number O +O O B-music_item B-track I-track I-track O B-artist I-artist I-artist +O O O O O O B-served_dish I-served_dish B-restaurant_type O B-party_size_number +O B-movie_type I-movie_type O O O B-object_type I-object_type B-spatial_relation I-spatial_relation +O O B-object_type I-object_type +O O O O O B-timeRange O B-state +O O O O O B-state +O B-playlist O +O O O O O O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange +O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O B-object_type O B-object_name I-object_name +O O B-object_location_type I-object_location_type O B-movie_name I-movie_name +O O O B-music_item O B-artist I-artist +O B-object_type I-object_type O B-location_name I-location_name +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-object_type I-object_type O B-location_name I-location_name +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-music_item O O B-year +O B-playlist I-playlist +O B-artist I-artist O B-service +O O O B-object_type B-object_name +O O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation B-current_location O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-genre I-genre O B-service I-service +O O B-object_name I-object_name +O O B-object_type I-object_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-year O +O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O B-music_item B-track I-track I-track O B-artist I-artist O B-service +O O B-movie_type O O O O B-location_name I-location_name +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state +O O B-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-object_type B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O O B-movie_type O O B-spatial_relation B-object_location_type B-timeRange I-timeRange I-timeRange +O O O B-condition_temperature O B-city +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O B-genre O +O O O O O B-party_size_number O O B-sort B-restaurant_type +O O O O O O B-facility I-facility O O B-restaurant_type I-restaurant_type O O B-party_size_number O +O O B-music_item B-track I-track I-track I-track O B-artist I-artist +O O O O B-movie_name I-movie_name O O B-object_location_type +O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O B-restaurant_type O O O O B-party_size_number O B-country O B-timeRange +O B-artist I-artist O B-service +O O B-object_type B-object_name I-object_name I-object_name +O B-location_name I-location_name O B-movie_type I-movie_type O B-timeRange I-timeRange I-timeRange +O O O O O O O B-timeRange I-timeRange O B-city +O O B-year B-artist I-artist +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name O O O B-rating_value +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O O B-year +O O O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O B-object_type B-object_name I-object_name +O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city O B-party_size_number O O B-restaurant_type +O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_type I-object_type +O B-object_name I-object_name B-rating_value B-rating_unit +O O B-condition_description O O B-current_location I-current_location +O O B-artist I-artist I-artist O O B-album I-album I-album I-album I-album +O O O B-condition_description O O B-current_location I-current_location O B-timeRange I-timeRange +O O O O O B-timeRange I-timeRange I-timeRange B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O B-condition_description O B-city I-city +O B-movie_type O O O O O O B-location_name I-location_name O B-timeRange I-timeRange I-timeRange +O O O O O O O B-city I-city +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-timeRange I-timeRange O O B-country +O O O O O B-object_name I-object_name B-object_type +O O O O O B-city B-state +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-timeRange I-timeRange O B-state +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-sort B-year B-music_item I-music_item +O O O O O O O O B-party_size_number O O B-restaurant_type O B-timeRange I-timeRange I-timeRange O B-state O O B-served_dish O O O O B-city I-city +O O O B-condition_description B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O B-city I-city I-city B-country +O O B-music_item O B-artist I-artist O +O O O O O B-object_type O B-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name B-object_type +O B-entity_name O B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-country B-timeRange I-timeRange I-timeRange +O O O O O B-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name +O O O O O B-timeRange O B-city B-state +O O O B-music_item O B-artist I-artist O B-album +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist +O O O B-music_item O O B-playlist O +O O O B-condition_temperature O B-city I-city B-state O B-timeRange I-timeRange +O O O B-restaurant_type O O O O B-party_size_number +O O B-artist I-artist O B-service +O O B-sort B-service O O B-artist I-artist O B-music_item +O O O O O B-condition_description O B-city I-city +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O O B-condition_temperature O B-city +O O O O O O O B-year +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O B-object_name I-object_name I-object_name +O O O O B-rating_value B-rating_unit O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type +O O O B-spatial_relation B-object_location_type O O O B-movie_type O B-timeRange I-timeRange +O O O B-artist I-artist +O O B-restaurant_type I-restaurant_type O B-city O B-party_size_number O B-timeRange I-timeRange +O O O B-year +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-object_name I-object_name B-rating_value B-rating_unit +O O B-sort B-artist O O B-service +O O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O B-state O B-timeRange O +O B-artist I-artist I-artist O O B-year +O B-object_select B-object_type O B-rating_value +O O O O B-party_size_number O O B-restaurant_type O B-state O O B-spatial_relation O O +O O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O O O B-movie_name I-movie_name I-movie_name +O O B-object_type O B-object_name I-object_name +O O O B-object_name I-object_name I-object_name B-object_type +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type I-object_type O B-spatial_relation B-movie_type I-movie_type +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-object_type I-object_type +O B-artist I-artist I-artist O B-playlist I-playlist +O O O O O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-album I-album I-album O B-artist I-artist O B-service +O O B-cuisine B-restaurant_type O +O O O B-movie_name I-movie_name I-movie_name O +O O B-condition_description B-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O O O O O O O O B-state B-geographic_poi +O O B-music_item O B-playlist I-playlist +O B-object_name I-object_name I-object_name B-object_type +O B-object_select B-object_type B-rating_value O B-best_rating +O B-playlist_owner B-playlist I-playlist I-playlist O O B-entity_name I-entity_name I-entity_name +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi +O O O B-service O B-year +O O O O B-party_size_number O O O B-restaurant_type O B-country I-country I-country +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O B-spatial_relation I-spatial_relation O O B-poi B-spatial_relation O B-party_size_description I-party_size_description I-party_size_description +O O B-music_item O B-playlist_owner O O B-playlist I-playlist +O O B-music_item O B-artist I-artist O O B-playlist O +O O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange +O O O O B-restaurant_name I-restaurant_name O O O O B-party_size_number +O O O O O B-sort B-restaurant_type O B-cuisine I-cuisine O O B-state +O O B-location_name I-location_name I-location_name O B-object_type I-object_type O B-timeRange I-timeRange I-timeRange +O O O B-condition_description O B-city +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city I-city B-state +O O O B-object_select O O O B-object_part_of_series_type B-rating_value O O B-best_rating +O O O O O O B-playlist I-playlist +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O O B-object_name I-object_name I-object_name B-object_type +O O O O O B-object_name I-object_name +O O B-restaurant_type O B-state O B-party_size_number O +O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-party_size_number O B-restaurant_name I-restaurant_name O B-city O B-timeRange +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O B-music_item B-playlist I-playlist I-playlist O B-playlist_owner +O B-artist I-artist O B-playlist I-playlist +O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-condition_temperature O B-state +O O B-music_item O B-artist I-artist O B-service +O B-track I-track I-track O B-artist I-artist O B-service +O O O O O O O O O B-restaurant_type I-restaurant_type +O O B-movie_name I-movie_name O +O O O O O O B-country O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name +O B-rating_value B-rating_unit O B-object_type B-object_name I-object_name +O O B-spatial_relation O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-movie_type O O B-location_name I-location_name +O B-artist I-artist +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O O O O O O O B-city +O B-movie_name I-movie_name I-movie_name O +O O O O O O B-country +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O O O B-restaurant_type O B-served_dish O B-state +O B-movie_type O O O B-spatial_relation I-spatial_relation +O B-rating_value B-rating_unit O O B-best_rating O B-object_name I-object_name I-object_name I-object_name +O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist I-artist O B-playlist I-playlist +O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-restaurant_name O B-city I-city O B-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange +O O B-object_type O B-movie_type O B-location_name I-location_name +O B-playlist I-playlist I-playlist I-playlist O O O B-music_item +O O O O B-restaurant_type O O B-restaurant_name I-restaurant_name O B-city B-state +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O B-condition_description O O B-city B-state +O B-music_item O O B-artist I-artist +O O B-object_select B-object_type B-rating_value O +O O B-restaurant_type O B-party_size_number O O B-spatial_relation I-spatial_relation O B-state +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O B-year O B-service +O O O O O O B-movie_name I-movie_name O O +O O O B-condition_description O B-timeRange I-timeRange I-timeRange O B-city +O O B-object_select B-object_type O B-rating_value O B-best_rating +O O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O B-timeRange I-timeRange I-timeRange O B-country +O O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number O +O O B-object_type I-object_type O B-object_name I-object_name +O O B-object_type O B-movie_type O O B-location_name I-location_name I-location_name +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O B-object_type I-object_type O B-location_name I-location_name +O B-album O B-artist I-artist +O B-object_name I-object_name I-object_name O B-object_type I-object_type +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_name B-object_part_of_series_type B-rating_value O O B-best_rating +O O B-object_type B-object_name O B-rating_value +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type B-timeRange +O O O O O O B-timeRange I-timeRange I-timeRange O B-city I-city +O O O O B-object_type B-object_name I-object_name +O O O O B-party_size_number O O B-served_dish B-restaurant_type +O B-object_select B-object_type O O B-rating_value B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating +B-spatial_relation I-spatial_relation I-spatial_relation O B-movie_type O B-timeRange I-timeRange I-timeRange +O B-object_select B-object_type O B-rating_value +O B-object_name I-object_name +O O O B-city I-city B-state O +O O B-object_select B-object_type O B-rating_value O O B-best_rating B-rating_unit +O O O O O B-restaurant_type O B-country I-country I-country +O O O O O B-object_type B-object_name I-object_name I-object_name +O O O B-service I-service +O O O O B-sort B-artist I-artist B-music_item +O O O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-cuisine B-restaurant_type +O O O B-object_name I-object_name O O O B-best_rating O O O O B-rating_value +O O O O O B-restaurant_type O B-cuisine I-cuisine O O B-state +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name I-movie_name I-movie_name +O B-rating_value O B-object_select B-object_type +O B-object_name I-object_name I-object_name B-object_type I-object_type +O B-movie_type I-movie_type O O O O B-location_name I-location_name +O O O O B-condition_description O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange +O O B-music_item B-artist O O B-playlist I-playlist O +O O O O B-party_size_number O O B-restaurant_type O O B-country O O O B-cuisine O +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-sort B-music_item O O B-artist I-artist +O O O O O O B-city B-state +O B-movie_type I-movie_type B-spatial_relation +O B-music_item B-artist I-artist I-artist O B-playlist_owner B-playlist O +O O O B-city I-city O O B-restaurant_type I-restaurant_type O O O O B-party_size_number +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-served_dish O O B-restaurant_type O B-city +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-restaurant_type O O B-served_dish O B-timeRange +O B-object_select B-object_part_of_series_type O B-rating_value +O O O O O O B-city +O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-sort B-restaurant_type O B-city O B-cuisine B-timeRange I-timeRange O B-party_size_number +O O B-music_item O B-playlist I-playlist I-playlist +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-music_item O B-artist I-artist I-artist O B-service +O B-timeRange O O B-restaurant_type O O B-facility +O O O B-condition_temperature O B-timeRange O B-city I-city +O O B-playlist +O O O O O O B-timeRange O B-city B-state +O O O B-object_type I-object_type O B-location_name I-location_name O O +O O B-object_type I-object_type O B-object_name I-object_name +O O O O O B-party_size_number O B-city B-state I-state +O O O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation B-timeRange +O O O O B-music_item O B-playlist I-playlist I-playlist +O O B-artist I-artist O B-playlist I-playlist O +O O O B-object_type O B-movie_name I-movie_name +O O O B-condition_description O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-condition_temperature B-spatial_relation O B-country O B-timeRange I-timeRange I-timeRange +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-movie_type O B-location_name I-location_name +O O B-object_select B-object_type B-rating_value O B-best_rating +O O O O O O O B-sort B-restaurant_type O B-city +O O O B-object_type B-object_name I-object_name I-object_name O +O O O O B-artist I-artist +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-city B-country +O B-artist O B-playlist_owner O B-playlist I-playlist +O B-object_type B-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O O B-state I-state +O O B-year B-music_item +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_name I-object_name I-object_name B-object_type +O O B-condition_temperature O B-city B-country +O B-object_type I-object_type O B-location_name I-location_name +O O O B-object_select B-object_type O B-rating_value O B-best_rating +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O B-object_type B-object_name I-object_name +O O O B-object_type O B-location_name I-location_name O B-movie_type I-movie_type +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist +O O B-music_item I-music_item O B-artist I-artist +O O O O O O B-condition_description O B-timeRange I-timeRange I-timeRange O O B-current_location I-current_location +O O O B-music_item O B-year O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_select B-object_type O B-rating_value O O B-best_rating +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O B-sort B-artist I-artist O +O O O O B-party_size_number O O B-restaurant_type I-restaurant_type O B-facility O B-state I-state +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O B-city O B-party_size_number O O B-state I-state I-state +O B-entity_name O O O O B-playlist I-playlist +O O O O B-party_size_number O O B-restaurant_type O B-served_dish I-served_dish +O O O B-restaurant_type O O O B-party_size_number O B-city I-city O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_select B-object_type O O O B-rating_value B-rating_unit O O O O O B-best_rating +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-country I-country O B-timeRange I-timeRange +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist +O O O O O B-object_type I-object_type B-object_name +O O B-object_select B-object_type O O O O B-rating_value B-rating_unit O +O B-timeRange I-timeRange O O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-served_dish B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-timeRange O B-state +O O O O B-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-artist I-artist +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist B-playlist_owner O +O B-restaurant_name I-restaurant_name O B-city O B-party_size_number O O B-timeRange I-timeRange I-timeRange +O B-rating_value O O B-object_name I-object_name I-object_name B-object_type +O O O O O B-condition_temperature O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-condition_description B-spatial_relation O O B-current_location O B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_select B-object_type B-rating_value O O B-best_rating +O B-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist +O O O O B-condition_description O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-restaurant_type O O O O B-restaurant_name O B-country O O O O B-party_size_number +O O O O B-city I-city O O B-condition_description +O B-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist +O O B-music_item O B-playlist_owner I-playlist_owner O O B-playlist I-playlist +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-rating_value B-rating_unit O O B-best_rating O O B-object_select B-object_part_of_series_type +O B-object_select B-object_type O B-rating_value +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O B-music_item O B-playlist I-playlist I-playlist +O O O B-genre +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist +O O O O O O B-object_type I-object_type +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-restaurant_type O O B-served_dish O B-city B-state +O B-entity_name O B-playlist I-playlist +O O B-restaurant_type O O B-facility O B-party_size_number O +O O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-condition_description O B-city +O B-artist I-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-rating_value B-rating_unit O O B-best_rating O B-object_name I-object_name I-object_name I-object_name +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O B-restaurant_type O O B-served_dish I-served_dish O O O O B-party_size_number +O O O O O O O O O B-restaurant_type O B-country O B-timeRange +O B-rating_value B-rating_unit O B-object_name I-object_name +O O B-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type I-object_type O B-location_name I-location_name +O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-served_dish I-served_dish O B-restaurant_type O B-timeRange I-timeRange I-timeRange +O B-movie_type O O O O B-spatial_relation B-object_location_type +O B-movie_name I-movie_name I-movie_name O +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name +O O O O O B-year +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-restaurant_type O O O B-party_size_number O B-city O O B-facility +O O O O B-object_name I-object_name I-object_name O O O B-object_type +O O O B-artist I-artist +O B-artist I-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-party_size_number O O B-city +O O O O B-city I-city B-country B-timeRange I-timeRange I-timeRange +O B-artist I-artist B-sort O +O O O O O B-movie_type O O O O B-location_name I-location_name I-location_name +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O O B-restaurant_type O O B-state I-state I-state +O O O O O O B-timeRange I-timeRange O B-spatial_relation O B-poi I-poi +O O O O O B-object_type B-object_name I-object_name I-object_name +O O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O B-movie_type I-movie_type O B-location_name I-location_name +O B-music_item O B-playlist_owner O B-playlist +O O B-restaurant_type O B-party_size_number O +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-sort I-sort B-music_item O B-artist I-artist O B-service +O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-object_name I-object_name +O O O B-artist I-artist +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O B-current_location O B-timeRange I-timeRange +O B-movie_type O B-location_name I-location_name +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O B-condition_description O B-country O B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-condition_description B-timeRange O B-city +O B-entity_name I-entity_name O B-playlist I-playlist O +O O O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_number O O O B-sort I-sort B-restaurant_type I-restaurant_type O O O B-cuisine I-cuisine O B-spatial_relation I-spatial_relation O B-city I-city +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-object_type B-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_part_of_series_type +O O O O O B-object_location_type O O B-movie_name I-movie_name I-movie_name +O O O B-music_item O B-artist I-artist +O O O O O B-object_type I-object_type +O O B-object_part_of_series_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name B-city B-state +O O B-restaurant_type O O B-served_dish I-served_dish B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-country I-country +O O O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O O O B-object_name +O O O O B-timeRange I-timeRange O B-country +O O O O O O O B-country +O O B-genre O B-service I-service +O O B-music_item O B-artist I-artist O B-year O B-service +O O O B-service I-service +O O O O B-object_select B-object_type O O O B-rating_value B-rating_unit O O B-best_rating +O O O O O O B-city I-city +O O B-object_select B-object_type O B-rating_value +O O B-object_name I-object_name I-object_name +O O O B-condition_description B-timeRange I-timeRange O B-state +O O B-object_type O B-object_name I-object_name +O O B-music_item O O B-year +O O O O O B-restaurant_type O B-country +O O O O O O B-state I-state O B-timeRange +O O O O O B-restaurant_type O O B-cuisine O B-city I-city +O B-artist I-artist O O O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O O B-restaurant_type O O B-timeRange I-timeRange O B-party_size_number O +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O B-country B-timeRange +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange O +O O O B-condition_temperature O B-timeRange I-timeRange B-spatial_relation B-city I-city I-city +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-restaurant_type O B-timeRange I-timeRange I-timeRange O B-state +O B-artist O B-playlist_owner B-playlist I-playlist O +O O O B-condition_description O B-timeRange I-timeRange O B-state +O B-movie_type O O O B-location_name I-location_name +O O O O B-music_item O O B-playlist I-playlist O +O O B-restaurant_type O B-party_size_number O +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O O O O O O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name +O O O O B-music_item O O B-playlist I-playlist O +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O B-object_type I-object_type B-object_name +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-object_select B-object_type B-rating_value B-rating_unit +O B-condition_temperature O O O B-city B-country +O O O B-object_type O B-object_name I-object_name +O B-object_type I-object_type O B-location_name I-location_name +O O B-music_item O O B-year O B-service I-service +O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist O +O O O O O O B-party_size_number O O B-restaurant_type O B-city B-state O O B-cuisine +O B-movie_type O O O O B-location_name I-location_name +O O O O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-genre O +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value +O O O B-object_type I-object_type O O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation +O B-rating_value B-rating_unit O B-object_select B-object_type +O O O O O B-restaurant_type O O B-state +O B-object_select B-object_type O O O B-rating_value O O B-best_rating B-rating_unit +O O O B-music_item O B-artist I-artist O B-year +O B-movie_type O O B-location_name I-location_name +O O B-cuisine I-cuisine B-restaurant_type O B-timeRange I-timeRange +O O O B-condition_temperature O B-city I-city B-country I-country I-country O B-timeRange I-timeRange I-timeRange +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist +O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-service O B-album I-album I-album I-album I-album +O O O O B-party_size_number O O O O B-state +O B-music_item O B-playlist I-playlist I-playlist +O B-sort B-music_item O B-year +O O O O O B-city +O B-track I-track I-track I-track O B-artist I-artist +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O O O B-object_type I-object_type +O B-movie_type O B-spatial_relation B-object_location_type I-object_location_type O B-timeRange O +O O O O B-object_type O B-object_name I-object_name +O O O B-music_item O B-album I-album I-album I-album O B-service +O O O O O O B-city I-city +O O O O O B-object_select B-object_part_of_series_type O B-rating_value +O O O O O B-object_name I-object_name I-object_name +O O O O B-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-served_dish O O B-spatial_relation B-poi +O O O O O B-restaurant_type I-restaurant_type O B-party_size_number O B-timeRange I-timeRange +O O B-city I-city O B-party_size_number B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-object_type I-object_type B-object_name I-object_name +O O B-object_name I-object_name B-object_type +O O O O O B-condition_temperature O B-city +O B-restaurant_name I-restaurant_name O B-timeRange O B-country I-country +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name B-object_part_of_series_type +O O B-party_size_number O B-state O O B-restaurant_type +O B-object_name I-object_name I-object_name O B-rating_value +O O O O B-object_name I-object_name I-object_name +O O O O B-condition_description O O B-current_location I-current_location +O O O B-sort B-music_item O O O B-year O B-music_item O B-artist I-artist I-artist +O O B-music_item O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-artist I-artist O O B-playlist I-playlist O +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-condition_description O B-city +O B-playlist_owner O B-playlist I-playlist O B-entity_name I-entity_name I-entity_name I-entity_name +O O O O B-party_size_number O O B-timeRange I-timeRange I-timeRange O B-state +O O O O O B-cuisine B-restaurant_type I-restaurant_type +O O O B-service I-service +O O O B-entity_name I-entity_name I-entity_name O O O B-playlist I-playlist +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-music_item O O O B-year +O O O O O B-timeRange O B-state +O O B-object_type I-object_type O B-location_name I-location_name O B-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-genre O B-service I-service +O O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O B-track I-track I-track I-track O B-artist I-artist +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-sort B-restaurant_type O B-party_size_number O O B-spatial_relation O B-poi +O O O B-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type +O O O O O O B-movie_name I-movie_name +O B-music_item O B-playlist I-playlist +O O O O O O B-location_name I-location_name I-location_name O O B-movie_name I-movie_name I-movie_name O B-object_type O O O O O +O O O O O B-music_item O O B-playlist I-playlist O +O O B-music_item O O B-playlist I-playlist O +O O B-restaurant_type O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-facility +O B-object_type B-object_name I-object_name +O O B-sort I-sort B-restaurant_type O B-country O B-party_size_description I-party_size_description I-party_size_description +O B-object_name I-object_name B-object_type +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O B-party_size_number O B-state +O O O O B-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-artist I-artist O O O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city +O O O O O O B-timeRange O B-state +O O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number O +O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O O O B-object_type I-object_type B-object_name I-object_name +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O O B-condition_description O B-city I-city B-state +O O O O B-city B-state +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-object_type O B-object_name I-object_name I-object_name +O B-sort B-year B-music_item O O B-artist I-artist I-artist +O O O O B-condition_description O B-city B-state B-timeRange +O O O O B-movie_name I-movie_name I-movie_name +O O O O B-country I-country I-country I-country I-country O B-timeRange +B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist O B-service +O B-city O O B-condition_temperature O +O B-rating_value B-rating_unit O O B-best_rating O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-track I-track I-track O B-artist I-artist O B-service +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O B-rating_value O O B-best_rating +O O O O O B-restaurant_name O B-party_size_number O B-country +O O O O O O B-timeRange I-timeRange I-timeRange O B-city +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O O O B-condition_description O B-country +O O B-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-rating_value O O B-object_select B-object_type +O O O O O B-timeRange O B-city I-city +O O O B-object_type I-object_type O B-location_name I-location_name +O O B-service I-service O O O B-artist B-music_item O B-year +O O O O O B-object_type I-object_type B-object_name I-object_name +O O B-object_name I-object_name I-object_name B-object_type +O O O O O O B-served_dish B-restaurant_type B-spatial_relation B-city O B-timeRange I-timeRange I-timeRange +O O O B-state O O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-playlist I-playlist I-playlist O +O O O O B-object_name O +O O O B-music_item O O O B-year +O B-state O O O B-condition_temperature O B-city I-city O B-timeRange +O B-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value O O B-best_rating +O B-movie_type I-movie_type O O O O B-location_name I-location_name +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name O B-rating_value +O O O B-object_type O B-object_name I-object_name +O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +B-playlist I-playlist I-playlist I-playlist O O O B-music_item +O O O B-object_location_type I-object_location_type O B-movie_name O O +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-country O O B-condition_description O +O B-movie_name O O B-timeRange I-timeRange +O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country I-country O B-party_size_number O O B-facility B-restaurant_type I-restaurant_type +O O O B-condition_temperature O B-city B-country I-country +O O B-restaurant_name O O O O B-party_size_number +O O O O B-artist I-artist O B-service +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O B-movie_type O O O O B-location_name I-location_name +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange +O B-entity_name I-entity_name O B-playlist I-playlist O +O O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O B-album I-album I-album O B-artist I-artist +O O B-genre O O B-service +O B-movie_type O O O B-timeRange I-timeRange I-timeRange O O B-location_name I-location_name I-location_name +O O O B-condition_description O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O O O O O B-restaurant_type I-restaurant_type O B-city O B-timeRange I-timeRange I-timeRange +O B-location_name I-location_name O B-movie_type +B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-entity_name I-entity_name O O B-playlist I-playlist O +O O O B-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O O O O B-best_rating +O O O O O O B-city B-country +O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange +O O O O O O B-current_location O B-timeRange I-timeRange I-timeRange +O O B-condition_temperature B-current_location O B-timeRange I-timeRange +O O B-sort I-sort B-music_item I-music_item O O B-year +B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type O O B-facility +O O B-object_type O B-object_name +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-rating_value O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-object_type O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-artist I-artist I-artist +O O O B-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type O B-timeRange +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O O B-condition_temperature O B-country +O O B-sort O O B-artist I-artist +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-music_item O O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist +O B-object_select B-object_type O B-rating_value +O O O O O O B-condition_description B-timeRange O B-country +O B-object_name I-object_name I-object_name +O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange I-timeRange +B-object_name I-object_name I-object_name I-object_name O O O O B-best_rating O O O B-rating_value +O O O O B-artist O B-sort O +O O B-object_type B-object_name I-object_name I-object_name O O B-rating_value O O B-best_rating +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type B-timeRange I-timeRange I-timeRange +O O B-best_rating B-rating_unit O O O B-object_part_of_series_type B-rating_value O O O O O O B-object_select +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-timeRange I-timeRange I-timeRange O O B-restaurant_type O O B-facility +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name I-movie_name +O O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-object_name I-object_name I-object_name O B-object_type I-object_type O O O O +O O O O B-movie_name I-movie_name I-movie_name +O B-album I-album I-album I-album I-album O B-artist I-artist +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-sort I-sort B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-music_item O B-playlist O +O O O O B-party_size_number O O B-restaurant_type I-restaurant_type O B-country +O O B-restaurant_type O B-state O B-party_size_number +O O O O O O B-current_location I-current_location B-timeRange I-timeRange +O O O O O B-object_type B-object_name I-object_name I-object_name +B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_temperature O B-city B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type O B-movie_name I-movie_name +O O O O O O B-genre I-genre +O O O O O B-object_type I-object_type O B-object_name I-object_name +O O O O O O B-city +O O O O O B-city B-state O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O B-condition_description O O O O O B-city +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O B-object_type B-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O B-object_name I-object_name I-object_name I-object_name O B-rating_value O B-best_rating +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_part_of_series_type +O B-movie_type B-timeRange I-timeRange I-timeRange O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_type I-object_type O B-timeRange +O O O O O O B-object_type B-object_name +O O O B-timeRange I-timeRange I-timeRange O O B-spatial_relation B-poi I-poi I-poi +O O B-artist I-artist B-music_item O O B-playlist I-playlist O +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-object_type I-object_type B-object_name I-object_name +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-year B-music_item O B-artist +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-location_name I-location_name B-movie_type +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name +O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation B-movie_type O B-timeRange I-timeRange I-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name +O O O O O O B-party_size_number O O O O B-city I-city B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange +O B-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O B-city O B-country +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist +O O O B-condition_description O B-city +O O B-year B-music_item O +O B-rating_value B-rating_unit O B-object_name I-object_name +O O B-object_type O B-object_name +O O O B-artist I-artist +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-country B-spatial_relation O B-timeRange I-timeRange +O O B-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-condition_description O B-city B-state +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O O O B-current_location I-current_location O +O O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O B-condition_temperature O B-state +O B-entity_name I-entity_name I-entity_name O O O B-playlist_owner B-playlist O +O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O B-movie_name I-movie_name I-movie_name O O O O +O B-object_name I-object_name I-object_name +O O B-rating_value O B-best_rating B-rating_unit O O B-object_part_of_series_type B-object_name I-object_name I-object_name +O O O O O O O B-party_size_number O B-state +O O O O O O O O B-timeRange I-timeRange O B-city +O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name +O O O O O B-city +O B-object_type I-object_type O B-location_name I-location_name +O O O B-service +O O O B-city I-city O O B-condition_temperature O +O B-artist I-artist B-music_item O B-playlist I-playlist O +O O B-party_size_number O B-timeRange I-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-object_type I-object_type O B-movie_type B-spatial_relation +O O B-served_dish O B-restaurant_type O B-party_size_number +O O O B-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-track O B-artist I-artist +O O O O O O B-sort B-restaurant_type O B-country O B-party_size_number O +O O O B-artist I-artist +O O O B-artist I-artist +O O B-sort B-year B-music_item +O O O O O B-condition_description B-spatial_relation O B-current_location B-spatial_relation B-timeRange O +O O B-object_type O B-object_name I-object_name I-object_name +O B-object_type I-object_type O B-location_name I-location_name +O O B-sort B-music_item O B-artist I-artist O B-service +O O O O O B-city I-city +O O O B-object_select B-object_type O O B-rating_value B-rating_unit O O O O B-best_rating +O O O O O O B-music_item O B-year O B-service +O B-artist I-artist O B-service +O O O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O B-object_type B-object_name +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist +O O O O O B-object_type B-object_name I-object_name +O B-object_name I-object_name I-object_name O B-object_type +O O O O B-condition_description B-spatial_relation O B-city I-city +O B-music_item O B-playlist I-playlist I-playlist I-playlist +O O O O O B-city +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name +O O O O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-playlist I-playlist O O B-entity_name O B-playlist_owner O +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O B-entity_name O B-playlist I-playlist I-playlist +O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange O B-state +O B-service O O B-playlist I-playlist +O O O O O B-restaurant_type O O B-cuisine O O B-timeRange I-timeRange I-timeRange O B-party_size_number O B-city I-city +O O B-genre I-genre O B-service I-service +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O O O O O O O B-timeRange O B-city B-state +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type O B-timeRange I-timeRange +O O B-condition_temperature B-spatial_relation B-city +O B-artist I-artist O B-sort I-sort O O B-service I-service +O O O B-timeRange I-timeRange O O B-current_location O B-spatial_relation +O O O O O B-object_type B-object_name I-object_name I-object_name +O O B-playlist I-playlist O O +O O O B-playlist I-playlist +O O B-object_name I-object_name B-object_type +O O O O B-object_type I-object_type +O B-object_name I-object_name +O O O O B-spatial_relation B-country B-timeRange I-timeRange I-timeRange I-timeRange +O B-sort B-year B-music_item I-music_item +O O O O O B-movie_name O B-timeRange I-timeRange I-timeRange O B-location_name I-location_name I-location_name +O O O O B-timeRange O B-city +O O O O O O B-object_type B-object_name +O O O O B-object_type B-object_name I-object_name +O B-artist I-artist O O B-playlist I-playlist I-playlist O +O O O B-condition_description O B-city +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-movie_type I-movie_type O O O O B-location_name I-location_name I-location_name +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_number O O B-cuisine B-restaurant_type B-spatial_relation B-poi I-poi I-poi +O O O B-artist +O O O O B-object_type O O B-object_name I-object_name I-object_name +O O O B-movie_type I-movie_type O O O B-spatial_relation B-object_location_type +O O B-music_item O B-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-served_dish O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O B-condition_temperature O O B-country O B-city +O O B-condition_description O O O O B-timeRange I-timeRange O B-city I-city +O O O O O O O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange +O O O B-condition_temperature O B-city B-country +O O B-object_select B-object_type B-object_part_of_series_type B-rating_value O O B-best_rating +O O O O B-party_size_number O O B-sort I-sort B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation O B-restaurant_type B-state +O O B-object_type O B-object_name I-object_name I-object_name +B-object_name I-object_name O O B-rating_value O +O O B-sort B-music_item I-music_item O O B-year +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type +O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O O B-country I-country O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-playlist_owner B-playlist I-playlist I-playlist O O B-entity_name +O O B-object_type I-object_type O B-object_name +O O B-movie_name I-movie_name I-movie_name O O O B-location_name I-location_name I-location_name +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist O +O O B-sort B-music_item O B-artist I-artist +O O B-object_select B-object_type B-rating_value O B-best_rating +O B-sort B-artist I-artist O +O B-music_item O B-artist I-artist O B-playlist I-playlist +O O O O O B-timeRange I-timeRange I-timeRange B-current_location O B-condition_temperature O +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city B-state +O B-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O B-restaurant_type I-restaurant_type O B-party_size_number O O B-served_dish +O O B-sort I-sort B-restaurant_type I-restaurant_type O B-country O O O O O B-party_size_number +O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O B-music_item O O B-year O B-artist I-artist +O O O B-service +O O O O O B-year +O B-timeRange B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O B-party_size_number O O B-restaurant_type O O B-served_dish I-served_dish I-served_dish +O B-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O B-movie_type O O O B-location_name I-location_name +O O O O B-entity_name I-entity_name O O O O O O B-playlist I-playlist +O O O O O B-party_size_number O O B-restaurant_type O O B-served_dish +O O B-object_select B-object_part_of_series_type O B-rating_value +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name B-timeRange O B-party_size_number B-spatial_relation I-spatial_relation O B-city I-city +O O O B-condition_temperature B-current_location B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type O O B-movie_name I-movie_name I-movie_name +O O O O B-object_select B-object_type B-rating_value +O B-movie_type I-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_type I-object_type +O O O B-object_select B-object_type O B-rating_value B-rating_unit +O O O O O B-condition_temperature O B-state +O B-genre +O O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange O B-city +O B-object_name I-object_name I-object_name I-object_name O B-object_type I-object_type +O O O O O B-state O B-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O B-artist +O O B-artist I-artist B-music_item O B-year O B-service I-service +O O B-movie_name O O O B-location_name I-location_name +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange O +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-sort I-sort B-restaurant_type O B-country +O O B-artist B-music_item +O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-movie_type O O O B-location_name I-location_name I-location_name +O O O O B-movie_type I-movie_type O O B-location_name I-location_name +O B-track I-track I-track I-track O B-artist +O O B-playlist I-playlist I-playlist B-entity_name I-entity_name I-entity_name O B-playlist_owner O +O O O O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O +O O O B-music_item O O B-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating +O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-rating_value B-rating_unit O B-object_select B-object_type +O O B-object_type O B-movie_name I-movie_name I-movie_name O O B-object_location_type B-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-object_type O B-object_name I-object_name +O O O O O B-served_dish I-served_dish B-restaurant_type I-restaurant_type O B-city I-city +O O B-music_item O B-playlist I-playlist I-playlist I-playlist +O O B-restaurant_type O O O O B-party_size_number +O O O B-condition_description B-timeRange I-timeRange I-timeRange O B-city B-state +O O B-object_type I-object_type +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O O B-condition_temperature O O B-current_location I-current_location +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-movie_type I-movie_type O O B-location_name I-location_name I-location_name +O B-object_name I-object_name I-object_name O O O B-rating_value +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O +O O B-sort I-sort O B-artist I-artist I-artist +O B-artist O B-playlist +O O O O B-party_size_number O O B-sort I-sort B-restaurant_type +O B-music_item O B-playlist_owner B-playlist I-playlist +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-object_type I-object_type O B-location_name I-location_name +O O B-entity_name O O O B-playlist I-playlist I-playlist O +O O O O O B-object_name I-object_name I-object_name I-object_name +O B-music_item B-playlist I-playlist I-playlist O B-playlist_owner O +O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name +O O B-sort B-artist I-artist O B-service +O O O B-condition_description O B-city +O O O O O O B-country B-timeRange +O O O B-current_location I-current_location B-timeRange +O B-year B-music_item O O B-artist O B-service I-service +O B-service O O B-playlist O +O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-party_size_number O O B-cuisine B-restaurant_type O B-city I-city +O B-artist I-artist +O B-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value O B-best_rating +O O O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O O O O O B-timeRange I-timeRange O B-city B-country +O B-service O O O O O B-year +O O O O O B-sort I-sort B-artist I-artist O +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name +O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-timeRange I-timeRange I-timeRange +O O O O B-object_type B-object_name I-object_name +O O B-cuisine O B-restaurant_type O B-party_size_number O B-country I-country I-country I-country +O O B-service O O O O O O B-artist B-music_item B-album I-album I-album I-album +O B-track I-track I-track I-track I-track O B-artist I-artist O B-service I-service +O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O O O O O O B-object_name I-object_name +O O B-served_dish O O B-restaurant_type O B-country I-country +O B-object_name I-object_name I-object_name B-object_type +O O B-music_item O B-playlist_owner O O B-playlist I-playlist +O O O B-object_select B-object_type B-rating_value B-rating_unit +O B-entity_name I-entity_name I-entity_name I-entity_name O O O B-playlist I-playlist +O O O O O O B-city I-city +O O O B-condition_temperature O B-city B-country I-country O B-timeRange I-timeRange +O O O B-restaurant_type O B-party_size_number O O B-timeRange I-timeRange O B-state +O O B-sort I-sort O B-artist I-artist I-artist +O O O O O B-served_dish B-restaurant_type +O O B-condition_description B-current_location +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-state I-state +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O O O O B-party_size_number O O B-sort I-sort B-restaurant_type O B-state +O O O O B-object_type B-object_name I-object_name O O O B-rating_value O O B-best_rating B-rating_unit +O O B-object_name I-object_name +O B-rating_value O O B-best_rating O B-object_select B-object_type +O O B-music_item O B-year +O O B-sort I-sort B-restaurant_type O B-country O B-party_size_number +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O B-restaurant_name I-restaurant_name O B-country O O O O B-party_size_number +B-object_type I-object_type O B-location_name I-location_name +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O B-artist I-artist O B-playlist I-playlist +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-restaurant_type O B-cuisine O O O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O B-rating_unit O O B-rating_value O B-object_name I-object_name I-object_name +O O O O O O B-cuisine B-restaurant_type O B-party_size_number O O B-spatial_relation B-poi B-spatial_relation +O O B-music_item O B-playlist I-playlist B-playlist_owner O +O O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-restaurant_type O B-party_size_number O +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O O B-sort O O O B-cuisine O O B-restaurant_type +O O B-object_select B-object_type O B-rating_value +O O O O O B-current_location B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-object_name I-object_name I-object_name I-object_name +O B-album I-album I-album O B-artist O B-service +O O B-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange +O O O B-condition_description O O B-city O B-timeRange I-timeRange +O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O O O B-state O O O B-condition_temperature O B-timeRange +O O O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-city B-country +B-condition_temperature O O O B-city B-country +O O B-restaurant_type O B-party_size_number O O B-facility +O O O B-condition_temperature O O B-city B-country +O O O O B-party_size_number O O B-sort B-restaurant_type +O B-artist I-artist O B-playlist_owner O B-playlist I-playlist +O O O O O B-movie_name I-movie_name O O O B-object_location_type +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-service I-service O O B-sort O O O B-year +O O B-object_select B-object_type O B-rating_value +O B-restaurant_name O B-city B-state +O O O B-object_type I-object_type +O B-service O O B-artist I-artist B-music_item O O B-year +O O O O O O B-city O B-timeRange I-timeRange +O O O O B-current_location +O B-location_name I-location_name O B-movie_type I-movie_type +O O B-movie_name O +O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name +O O O B-condition_temperature O B-timeRange I-timeRange O B-city +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O O O B-object_location_type +O B-object_select B-object_type O B-rating_value +O B-year O +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-object_name I-object_name I-object_name B-object_type +O O B-artist I-artist O B-service +O B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value +O O O O O B-object_type O B-object_name I-object_name I-object_name +O O B-music_item O B-playlist I-playlist I-playlist +O O O O O B-served_dish O O B-restaurant_type +O O O B-music_item B-track I-track I-track I-track +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name B-object_type +O O O O O B-restaurant_type O B-party_size_number B-timeRange I-timeRange I-timeRange O O B-served_dish O B-city I-city +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-object_select B-object_type O B-rating_value +O B-movie_type O O B-location_name I-location_name O B-timeRange I-timeRange I-timeRange +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O O O B-city I-city +O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist +O B-object_name I-object_name B-rating_value O B-best_rating +O O B-album I-album I-album I-album +O O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O B-artist I-artist O O O B-year +O O O B-music_item O B-artist I-artist +O O B-genre I-genre +O O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-state I-state O B-timeRange +O O O O O O O B-condition_description B-timeRange O B-country +O O B-sort I-sort B-music_item O B-year +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O O B-current_location I-current_location +O B-object_type O B-object_name I-object_name +O O O O B-party_size_number O B-timeRange O O B-state +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-playlist B-service +O O O O B-service +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O O O B-restaurant_type O B-served_dish I-served_dish I-served_dish +O O O B-object_type O B-movie_name O B-location_name I-location_name I-location_name +O O O B-condition_temperature O B-city I-city B-country +O O B-music_item O B-artist I-artist O B-playlist_owner O O B-playlist +O B-object_name I-object_name O O +O O B-music_item O B-artist +O O B-sort B-music_item O B-artist I-artist O B-service I-service +O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-sort B-music_item O B-artist I-artist +O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O O O O O O B-object_name I-object_name +O O O B-object_type I-object_type +O B-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation O O B-restaurant_type B-poi +O B-location_name O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-timeRange +O O O B-condition_description O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-object_select B-object_type B-rating_value B-rating_unit O O O O +O B-service B-sort B-music_item O B-artist I-artist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-city O +O O B-artist I-artist B-music_item O B-service +O O O B-condition_temperature O B-state O B-timeRange I-timeRange +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-object_type B-object_name I-object_name +O O O B-spatial_relation B-movie_type O B-object_location_type I-object_location_type O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type O B-location_name I-location_name +O B-entity_name O B-playlist I-playlist I-playlist +O O O B-music_item O B-artist I-artist +O O O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange B-spatial_relation O B-current_location +O O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-party_size_number O O B-restaurant_type O B-state +O B-timeRange I-timeRange O O O O O O O B-party_size_number O O O O B-country +O O B-music_item O B-artist I-artist O O B-sort O B-year +O O O O O O O O B-restaurant_type O B-served_dish O B-party_size_number +O O O O O O B-city +O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-artist I-artist I-artist O B-music_item +O O B-sort O O B-music_item O O B-year +O O O O B-object_name I-object_name I-object_name I-object_name +O B-movie_type O B-location_name I-location_name +O O O B-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-object_select B-object_type O O O O B-rating_value B-rating_unit +O O B-object_type O B-object_name I-object_name +O O O B-object_type I-object_type O B-movie_type O B-spatial_relation +O B-artist O O O B-year O B-service I-service +O O O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city I-city B-state +O O O O B-party_size_number O O B-restaurant_type O O B-served_dish +O O B-object_type I-object_type O B-object_name I-object_name +O O O O O B-current_location O B-timeRange I-timeRange +O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-year O O B-service +O B-object_type I-object_type +O O O B-condition_temperature O B-timeRange O B-city B-country +O O O O O O B-served_dish O B-restaurant_type O B-country O B-party_size_number O B-timeRange I-timeRange +O O O O O B-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange +O O O O O B-party_size_number O O B-restaurant_type B-timeRange I-timeRange I-timeRange O O O O B-city I-city O O B-facility +O B-city I-city O O O B-condition_description +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O B-object_name I-object_name I-object_name B-object_type +O B-track I-track O B-artist I-artist O B-service +O O B-object_type O B-movie_name I-movie_name +O O O B-year O B-service +O B-artist I-artist O B-year O O B-service +O B-music_item O O O B-playlist_owner B-playlist I-playlist O +O O O O O B-object_type B-object_name I-object_name +O B-rating_value B-rating_unit O B-object_name I-object_name B-object_part_of_series_type +O O O B-artist I-artist +O O O O B-object_type B-object_name I-object_name I-object_name +O O O B-object_name I-object_name B-object_type +O O B-object_type O B-object_name I-object_name I-object_name +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O O O B-year +O O O O B-year +O O O O O B-city +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O O B-condition_description O B-timeRange I-timeRange O B-city +O O B-object_type O O B-object_name I-object_name +O O O O O B-condition_temperature O B-state I-state B-timeRange I-timeRange +O O O O O B-country O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-state O B-condition_temperature +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value O B-best_rating B-rating_unit +O O O O O B-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-city +O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O O B-condition_temperature O +O O B-object_type O B-object_name I-object_name +O B-object_type I-object_type O B-location_name I-location_name I-location_name O B-timeRange I-timeRange I-timeRange +O B-artist I-artist +O B-object_name I-object_name I-object_name O B-rating_value B-rating_unit O O B-best_rating +O B-condition_temperature O B-timeRange I-timeRange O B-city I-city +O O O B-movie_type O B-spatial_relation I-spatial_relation +O B-object_select B-object_type O B-rating_value +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name O O B-object_name B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_type I-object_type O B-object_name I-object_name +O O B-music_item O B-playlist I-playlist +O O O O O B-party_size_number O O O O O O O B-restaurant_type O B-cuisine O +O O O O O B-sort I-sort B-restaurant_type O B-country O O O O B-party_size_number O B-timeRange +O O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name B-spatial_relation B-poi I-poi +O B-object_type I-object_type +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O B-object_type I-object_type +O B-artist I-artist O B-year +O O B-object_select B-object_type O B-rating_value O O O O B-best_rating +O O O O O B-sort B-music_item O B-artist I-artist +O O B-sort I-sort O O B-music_item O B-artist I-artist +O O B-restaurant_name I-restaurant_name O B-country O B-party_size_number +O B-artist I-artist O O B-year +O O O O O B-country O B-timeRange I-timeRange I-timeRange +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-playlist O +O O B-object_type O O B-movie_name I-movie_name +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist O +O O O O O B-restaurant_type O O B-served_dish I-served_dish O O O O B-party_size_number O B-country I-country +O O O O B-timeRange O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation O B-country I-country O O B-served_dish +O O O O O B-restaurant_type O B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O B-object_type I-object_type +O O B-object_type B-object_name I-object_name I-object_name +O O O O O O B-sort I-sort B-restaurant_type O B-city +O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-city +O O B-object_type I-object_type B-timeRange +O O B-object_select B-object_part_of_series_type O B-rating_value +O O B-restaurant_type B-timeRange I-timeRange O B-city +O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city I-city O B-party_size_number O +O O O B-object_select B-object_type B-rating_value B-rating_unit +O B-artist I-artist O B-playlist_owner O O B-playlist I-playlist I-playlist +O O O O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-city I-city I-city O B-party_size_number +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange O O B-spatial_relation B-object_location_type I-object_location_type +O B-sort O O B-artist I-artist O B-service +O O O O O O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type I-object_type O B-timeRange I-timeRange +O O O O B-music_item O B-artist I-artist +O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O B-artist I-artist +O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O B-music_item O O O O B-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number O B-state +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-playlist O +O O O O O O B-timeRange B-spatial_relation B-city +O O O B-object_type B-object_name I-object_name I-object_name +O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-year O B-service +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O B-genre O O B-service I-service +O O O O O O O O B-party_size_number O B-country +O O O B-country O O B-condition_temperature O +O O B-timeRange O B-party_size_number O B-state +O O B-music_item O B-artist I-artist +O O O O B-condition_description O B-country +O O B-music_item O B-playlist I-playlist +O O O B-object_type I-object_type +O O B-object_type I-object_type O B-location_name I-location_name O B-timeRange I-timeRange +O O B-artist I-artist +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O B-service +O B-object_type O B-movie_type I-movie_type O O B-spatial_relation +O O O O B-artist I-artist O O B-music_item B-track I-track +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-condition_description O B-city +O O O O O O B-city +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O B-object_type I-object_type O B-location_name I-location_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name +B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-country O O +O O O B-object_select B-object_part_of_series_type O B-rating_value O B-best_rating +O O O O B-object_name I-object_name I-object_name +O O B-sort B-cuisine B-restaurant_type O B-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-restaurant_type B-timeRange I-timeRange O B-city I-city O O B-cuisine O O O O O O B-party_size_number +O B-music_item O B-playlist_owner O B-playlist I-playlist +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city B-country +O O O O B-current_location O B-timeRange I-timeRange +O B-timeRange I-timeRange B-movie_type O B-location_name I-location_name +O O B-object_type O B-object_name B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-object_type I-object_type B-object_name I-object_name +O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-condition_temperature O O B-state I-state B-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-spatial_relation B-object_type I-object_type O B-movie_type +O B-object_location_type O B-movie_name I-movie_name I-movie_name +O O O B-object_type I-object_type +O B-object_name I-object_name I-object_name O B-object_type O O O O +O O B-sort B-restaurant_type O B-city I-city +O O O B-genre B-music_item +O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O O B-city O B-timeRange I-timeRange I-timeRange +O O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-party_size_number O O O B-restaurant_type O B-facility O B-city B-state O B-timeRange +O O B-music_item O B-playlist +O O O O O O B-current_location I-current_location +O B-track O B-service I-service +O O O O B-party_size_number O O O B-restaurant_type O O B-facility +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-artist I-artist +O O O O O O O B-city +O O O O O O B-city B-state +O B-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-movie_name I-movie_name I-movie_name +O O B-restaurant_type O B-party_size_number O B-country I-country +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type +O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation O B-object_type I-object_type +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-movie_name I-movie_name O B-location_name I-location_name I-location_name +O B-object_select B-object_type O O B-rating_value +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O B-entity_name O B-playlist I-playlist I-playlist +O O O B-object_name I-object_name B-object_part_of_series_type O B-rating_value O O B-best_rating B-rating_unit +O O B-music_item O B-year +O O O O O B-city I-city +O O O B-city O O +O O O B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O O B-timeRange O B-country I-country +O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O B-object_type O B-object_name I-object_name I-object_name +O O B-year B-music_item O O B-artist I-artist +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O B-artist I-artist B-music_item +O O O O O O O B-facility B-restaurant_type +O O O O O B-city +O B-movie_type O O O O B-spatial_relation B-object_location_type +O O B-sort B-artist I-artist O O B-service I-service +O B-object_select B-object_type O B-rating_value +O O B-object_name I-object_name I-object_name +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description B-timeRange I-timeRange I-timeRange O B-city I-city +O O O B-condition_temperature O B-city B-state +O O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O O O O B-current_location O B-timeRange +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_type O O O O B-object_name +O O B-music_item B-track I-track I-track O O B-artist +O O O B-object_type I-object_type O O B-location_name I-location_name +O O O O O O O B-service +O O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O O B-condition_description B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_type O O B-object_location_type O O O B-movie_name I-movie_name +O O O O O O O O B-party_size_number O O B-restaurant_type O O B-served_dish +O B-artist I-artist O O O B-playlist +O O O O O B-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O B-facility B-restaurant_type +O O O O O B-condition_temperature O B-city I-city B-state O B-timeRange I-timeRange +O O O O O B-city +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-country +O O O O O B-object_type I-object_type B-object_name +O O O O O B-timeRange O O B-current_location I-current_location +O B-year B-music_item O O B-sort +O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-cuisine B-restaurant_type +O B-movie_type I-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O O O B-object_name I-object_name B-object_type +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-restaurant_type O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description B-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi +O O B-city O B-timeRange +O O O O O O O O B-served_dish I-served_dish I-served_dish B-restaurant_type O B-state I-state +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O O O O B-sort I-sort B-artist I-artist O O B-service +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-movie_type I-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-track I-track I-track I-track I-track O B-artist I-artist O B-service +O O O B-restaurant_type O B-party_size_number O +O O B-music_item O B-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-object_type B-object_name I-object_name I-object_name +O B-timeRange B-timeRange B-timeRange O O O O O O B-country +O B-music_item O B-artist O O B-year +O O O B-service +O O O B-service O B-artist I-artist +O O O B-condition_temperature O B-state +O O O O O O O B-object_name I-object_name I-object_name +O O O O O B-restaurant_type B-spatial_relation O O B-poi I-poi +O O O O O B-restaurant_type O B-country O O B-cuisine +O O O O O O B-timeRange B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state +O B-music_item O B-playlist +O O O O O O O B-city +O O O O B-object_type I-object_type O B-location_name I-location_name +O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-party_size_number O O O B-restaurant_type O +O B-track I-track O B-artist I-artist O B-service +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O O O O O O O B-city +O O B-music_item O B-artist O B-playlist_owner B-playlist O +O B-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange O O B-spatial_relation B-object_location_type I-object_location_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-city I-city +O O O O O B-playlist I-playlist +O B-music_item O O O B-year +O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-artist B-music_item O B-service +O O O O B-timeRange I-timeRange I-timeRange I-timeRange O O B-sort I-sort O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-cuisine +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country I-country +O O O O O B-condition_description O B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O O B-object_type B-object_name I-object_name +O O O O O B-timeRange O B-state O B-condition_description O O B-city I-city +O B-playlist I-playlist I-playlist B-music_item O B-playlist_owner O +O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating +O O B-music_item B-track I-track I-track I-track I-track O B-artist I-artist +O B-object_select B-object_type O B-rating_value O O B-best_rating B-rating_unit +O O O O B-object_name I-object_name +O B-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-artist I-artist O B-service +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-artist I-artist O O B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-object_type B-object_name I-object_name I-object_name +O O O B-object_type B-object_name I-object_name +O O O O O B-object_type B-object_name +O O O B-entity_name I-entity_name I-entity_name O O O B-playlist I-playlist I-playlist +O O B-condition_description O O O B-state +O O O O O O B-movie_name I-movie_name O O O O B-spatial_relation B-object_location_type +O O O O O B-object_name I-object_name +O O B-object_select B-object_part_of_series_type O B-rating_value O O B-best_rating +O B-object_type I-object_type +O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city I-city B-state +O B-playlist I-playlist I-playlist +O O O B-condition_temperature O B-city B-country +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-year B-music_item O +O O B-music_item O B-playlist I-playlist +O O O O B-condition_description O B-state +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O B-artist I-artist I-artist O B-year +O B-object_location_type O B-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange +O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city B-country +O O B-restaurant_type O B-party_size_number O B-state +O B-movie_type O O B-location_name I-location_name +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O B-city +O O B-condition_temperature O B-city I-city B-state +O O O B-condition_description B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-restaurant_type O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_part_of_series_type +O O O O B-object_type I-object_type O O B-location_name I-location_name I-location_name +O O B-condition_temperature B-current_location +O O O O O O B-movie_type O B-location_name I-location_name +O B-artist I-artist O B-service +O O O B-entity_name I-entity_name I-entity_name I-entity_name O O O B-playlist I-playlist I-playlist +O O O O O B-music_item O B-playlist I-playlist I-playlist +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O O B-condition_temperature O B-timeRange O B-city I-city B-country I-country +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-music_item O O B-sort I-sort O B-year O B-artist I-artist +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-album I-album I-album B-music_item +O O O O O B-restaurant_type O O B-served_dish I-served_dish I-served_dish O B-country I-country +O O B-restaurant_type O B-city I-city I-city O B-party_size_number O O B-timeRange I-timeRange +O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name O B-object_type +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-object_location_type B-spatial_relation O B-movie_type I-movie_type +O B-artist I-artist O B-playlist I-playlist +O O B-object_type I-object_type +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-sort O O B-artist I-artist O B-service +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-sort O O B-year +O B-movie_name I-movie_name I-movie_name O O O B-location_name I-location_name I-location_name +O O O O O B-restaurant_type O B-timeRange O B-city +O B-object_name I-object_name O B-rating_value +O B-object_name I-object_name +O B-track I-track I-track I-track I-track O B-artist I-artist +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-facility +O B-rating_value O O B-best_rating B-rating_unit B-object_part_of_series_type O B-object_name I-object_name I-object_name +O O O O O B-sort I-sort B-restaurant_type O B-city +O O O O B-object_type O B-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type O O O O +O O B-sort I-sort B-music_item O B-artist I-artist I-artist +O O B-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O B-music_item O B-artist I-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-object_type I-object_type +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-party_size_number O O O B-restaurant_type O B-state +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-city I-city +O O O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_type I-object_type O O O O +O B-rating_value B-rating_unit O O B-object_select B-object_type +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O O B-year B-music_item +O B-condition_temperature O O O B-city B-country +O O O O O B-country +O O O B-movie_type B-spatial_relation I-spatial_relation O O B-object_type I-object_type O O +O O O O B-year +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name I-location_name +O O O O O O B-object_type O B-object_name I-object_name +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-sort I-sort B-music_item O B-artist I-artist +O O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-served_dish B-restaurant_type O B-timeRange I-timeRange I-timeRange +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange +O B-movie_name I-movie_name I-movie_name +O O O B-poi I-poi B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O O +O O O O O B-movie_name I-movie_name O B-location_name I-location_name +O O B-geographic_poi I-geographic_poi O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation +O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-music_item O B-playlist +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O B-state +O B-artist O B-playlist +O B-playlist I-playlist O O B-artist I-artist O O +O O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name +O O B-sort B-music_item O B-artist I-artist O B-service I-service +O O O O B-city I-city B-country O B-timeRange I-timeRange +O O O O O O B-city I-city B-country +O O O O O B-party_size_number O B-state +O O B-object_select B-object_type B-rating_value O B-best_rating +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-object_name I-object_name I-object_name I-object_name +O O O O B-current_location O B-timeRange I-timeRange +O B-artist I-artist B-music_item O B-service +O B-object_name I-object_name I-object_name I-object_name +O O O O O B-track I-track I-track I-track I-track B-music_item O B-artist I-artist O O B-service +O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_name I-object_name B-object_type +O O O O O O O B-party_size_number O O B-restaurant_type O B-country I-country +O O O B-year B-music_item O B-artist I-artist +O O O B-object_type B-object_name I-object_name I-object_name +O O B-music_item O B-artist O B-service I-service +O O O B-object_name I-object_name B-rating_value B-rating_unit +O O B-genre +O B-artist I-artist O B-playlist_owner B-playlist I-playlist +O O B-object_type I-object_type O B-location_name I-location_name +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O O O B-rating_value +O B-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist +O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O B-country O O B-timeRange I-timeRange +O O O O B-sort B-artist I-artist B-music_item O O B-service +O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O O O B-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O B-year B-music_item O B-artist I-artist +O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-timeRange I-timeRange I-timeRange O B-state +O O O O B-object_type I-object_type +B-rating_value O O B-best_rating O O B-object_select B-object_type +O B-object_type I-object_type +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating +O O O O O O O B-party_size_number O O B-spatial_relation I-spatial_relation B-restaurant_type O B-country +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O O B-country +O O B-music_item O B-artist I-artist O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-artist I-artist +O O O B-condition_description O O B-timeRange O B-state +O O B-music_item O B-playlist_owner B-playlist I-playlist +O O O B-genre O +O O O O O O B-country +O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-object_name I-object_name I-object_name +O O O B-playlist I-playlist O B-service I-service +O O B-sort B-spatial_relation B-restaurant_type O B-poi I-poi +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O B-city B-state +O O O O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation +O O O O O B-sort B-restaurant_type O B-city +O O B-object_name I-object_name +O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation +O O O O O B-party_size_number O B-country I-country +O O O O B-party_size_number O B-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O O O B-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-state I-state +O B-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist +O O O B-condition_temperature O O O O B-city +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O O B-spatial_relation B-country +O B-object_type I-object_type +O O B-restaurant_type O B-party_size_number O B-state +B-spatial_relation I-spatial_relation I-spatial_relation O B-object_type I-object_type O B-movie_type +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O B-object_select B-object_type B-rating_value B-rating_unit O O O O B-best_rating +O O O B-timeRange O O B-city B-state I-state +O O O B-track I-track I-track I-track O B-service +O B-object_name I-object_name I-object_name +O O O O O B-object_select B-object_part_of_series_type B-best_rating B-rating_unit O O O O O B-rating_value +O O O O B-year O B-artist I-artist +O B-object_select B-object_type B-rating_value O B-best_rating +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name I-location_name +O O O B-location_name I-location_name B-object_type I-object_type +O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-object_name I-object_name +O O O B-movie_name I-movie_name I-movie_name O O B-object_location_type +O O O O O O O O O B-timeRange O O B-current_location I-current_location +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O B-object_name I-object_name +O O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-playlist I-playlist I-playlist I-playlist O O B-service +O B-movie_name I-movie_name I-movie_name +O O B-restaurant_type B-poi I-poi B-spatial_relation I-spatial_relation O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-condition_description O B-state +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-music_item O O O O B-playlist I-playlist +O O O O O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item O O B-year +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O B-condition_temperature O B-timeRange O B-city I-city O B-state +O O B-spatial_relation I-spatial_relation B-movie_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-year +O O O O B-party_size_number O O B-restaurant_name I-restaurant_name B-country +O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-object_type I-object_type +O O O O O O O B-object_name +O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city B-country +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O B-object_name I-object_name B-object_type +O O O O O B-timeRange I-timeRange O B-country +O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_type B-object_name I-object_name I-object_name +O O O B-movie_type O B-spatial_relation I-spatial_relation +O O O O O O B-city +O B-track I-track I-track I-track I-track I-track I-track O B-service I-service +O O B-sort B-music_item O B-artist I-artist O B-service +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-playlist I-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O B-party_size_number O O B-state +O B-object_select B-object_type B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O B-city +O O O O O B-object_type I-object_type B-object_name I-object_name +O O O O B-party_size_number O O B-cuisine I-cuisine B-restaurant_type +O B-object_name I-object_name O B-rating_value +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O O O B-music_item O O B-artist I-artist O B-service I-service +O O O B-object_type I-object_type O B-location_name I-location_name +B-spatial_relation I-spatial_relation I-spatial_relation O B-timeRange I-timeRange I-timeRange B-object_type I-object_type O B-movie_type +O O O O B-party_size_number O O B-cuisine B-restaurant_type I-restaurant_type +O O O O O B-music_item O B-playlist I-playlist O +O O B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-state +O O O B-object_type I-object_type B-object_name O O O +O O B-year O O B-artist I-artist +O O O B-condition_description O B-city B-state O B-timeRange I-timeRange I-timeRange +O O O O B-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O B-year +O O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O O O O B-current_location +O O O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-artist I-artist O B-sort B-music_item +O B-object_type I-object_type +B-spatial_relation I-spatial_relation I-spatial_relation O B-movie_type +O B-object_type I-object_type O B-location_name I-location_name +O O O B-object_type B-object_name I-object_name +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O O O B-timeRange O B-city +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist +O B-object_type I-object_type +O O O O O O B-restaurant_type O O O B-facility +O O O O O B-playlist I-playlist I-playlist O B-service +O O O B-entity_name I-entity_name O O O B-playlist I-playlist +O O O O B-object_select B-object_type B-rating_value +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O O B-object_name +O O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O O O O B-best_rating +O B-music_item O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-sort B-cuisine B-restaurant_type O B-party_size_number O O B-city I-city +O B-object_select B-object_type O B-rating_value +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-spatial_relation B-object_location_type O B-movie_type I-movie_type +O O B-condition_description O B-country +O B-entity_name I-entity_name O B-playlist +O B-condition_description O B-city +O B-artist I-artist O B-playlist I-playlist I-playlist O +O O B-object_type I-object_type +O O B-object_name I-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-party_size_number O B-city I-city B-state I-state I-state +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O O B-music_item O B-artist I-artist I-artist O B-playlist I-playlist +O O O B-restaurant_type O B-city B-state O O O O B-party_size_number +O O B-city B-state +O O B-cuisine B-restaurant_type B-spatial_relation I-spatial_relation B-poi I-poi O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange +O B-year +O O O B-object_type O B-object_name I-object_name +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-state B-timeRange I-timeRange I-timeRange +O O O O O B-object_name +O O O O O O O O B-restaurant_type O B-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O O O B-object_name I-object_name I-object_name +O O O O B-object_type I-object_type +O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation B-current_location +O O O O O O B-artist I-artist O O B-year O B-service +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-rating_value O O B-best_rating O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type +O B-object_name I-object_name I-object_name I-object_name O O B-rating_value B-rating_unit +O O B-entity_name O O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-sort B-music_item O B-artist I-artist I-artist +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O B-object_select B-object_type O B-rating_value +O O O O O B-timeRange O B-party_size_number O B-state +O O O O O B-party_size_number O O B-spatial_relation B-sort B-restaurant_type O B-country O B-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist O +O O B-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-timeRange I-timeRange I-timeRange O B-movie_name I-movie_name +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-track I-track I-track O B-artist I-artist I-artist +O O O B-restaurant_type O B-city I-city B-state O O B-served_dish O O O O O O B-timeRange +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-city B-state +O O O O B-condition_description O B-timeRange I-timeRange O O B-current_location I-current_location +O O B-object_type B-object_name I-object_name I-object_name +O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O B-restaurant_type O O B-facility O B-party_size_number O B-city +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name +O O O O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-condition_temperature O O O B-timeRange I-timeRange I-timeRange +O O O O O B-condition_temperature O B-city +O B-movie_type O O B-spatial_relation +O O O B-movie_type O O B-spatial_relation B-object_location_type +O O O O O B-country I-country O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-music_item O B-artist O B-playlist_owner B-playlist O +O O O O O O B-cuisine B-restaurant_type O B-city +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-spatial_relation I-spatial_relation B-restaurant_type O B-state +O B-rating_value B-rating_unit O O B-best_rating O B-object_select B-object_type +O B-movie_type I-movie_type O O O B-location_name I-location_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O B-timeRange I-timeRange O O B-restaurant_type O B-state +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-object_select B-object_type B-rating_value O B-best_rating +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O B-object_type I-object_type +O O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name +O B-service I-service O O O O O B-year +O O B-object_select B-object_type B-rating_value +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-album I-album I-album I-album I-album O B-artist I-artist O B-service +O O B-music_item O B-artist +O O B-music_item O B-year O B-service +O O B-artist I-artist O B-service I-service +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O O +O O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation O O O B-timeRange +O O B-object_type O B-object_name I-object_name I-object_name +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O B-movie_type I-movie_type O B-location_name I-location_name +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-condition_temperature B-timeRange O B-country I-country O B-city I-city +O B-artist I-artist O +O O B-object_type I-object_type +O O B-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist +O B-playlist I-playlist O B-playlist_owner I-playlist_owner O B-artist I-artist I-artist +O O B-music_item B-artist I-artist O B-playlist I-playlist I-playlist +B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name O B-object_type +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist O +O O O B-timeRange I-timeRange I-timeRange O O B-city I-city O B-country +O O O O O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-sort B-year B-music_item +O O O B-condition_description O O B-city I-city +O O O O O O O O B-city +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name O O O B-rating_value O O O O O B-best_rating +O O B-object_name I-object_name I-object_name +O O O O O B-city +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-restaurant_type O B-country I-country B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-city +O B-object_name I-object_name +O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O O B-object_type I-object_type +O B-object_name I-object_name B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name B-object_type I-object_type +O O B-restaurant_type I-restaurant_type O O B-served_dish O B-party_size_number O +O O O O O O O O B-restaurant_type O B-city B-state I-state +O B-object_name I-object_name I-object_name O B-rating_value +O O B-restaurant_type O B-party_size_number O O B-served_dish I-served_dish O O O O B-spatial_relation O B-poi I-poi I-poi I-poi O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name O B-object_type I-object_type +O O O O O B-spatial_relation O B-state B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-restaurant_type O B-country +O O O O O B-condition_temperature O B-timeRange O O B-city B-country +B-restaurant_name I-restaurant_name I-restaurant_name B-restaurant_type B-poi I-poi O B-spatial_relation +O O O O B-party_size_number O B-city B-state +O O B-music_item O B-artist I-artist I-artist I-artist O O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +B-object_select O B-object_type O O B-rating_value O +O O B-object_select B-object_part_of_series_type O B-rating_value +O O B-object_type B-object_name +O B-object_type I-object_type +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-spatial_relation B-object_location_type I-object_location_type O O O O B-movie_type O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist +O B-album I-album O B-artist I-artist O B-service O +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-movie_name I-movie_name O O O B-object_location_type B-timeRange I-timeRange I-timeRange +O B-artist I-artist O B-playlist I-playlist +O B-object_name I-object_name I-object_name +O O B-facility I-facility O O B-restaurant_type +O O B-music_item O B-track +B-object_name B-object_type O +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-restaurant_type O O B-served_dish +O O O O B-current_location +O B-object_name I-object_name O B-rating_value +O O O B-city I-city O O B-condition_temperature O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O B-timeRange I-timeRange O O O O O O B-country +O B-music_item O B-playlist I-playlist I-playlist +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O B-city +O O B-city +O B-track I-track I-track I-track O B-artist I-artist +B-object_type O O B-object_name I-object_name I-object_name I-object_name +O O B-music_item B-track I-track I-track I-track I-track O B-artist I-artist +O O O O O B-sort B-music_item O B-artist I-artist +O B-movie_type I-movie_type O B-location_name I-location_name +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name B-city +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type I-movie_type +O O O O O B-party_size_number O B-timeRange I-timeRange O B-city I-city +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-object_type O B-object_name I-object_name +O B-entity_name I-entity_name I-entity_name O B-playlist +O B-object_name B-object_type +O O O B-object_type I-object_type O B-movie_type I-movie_type O O O B-location_name B-spatial_relation I-spatial_relation +O O O O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O O O O B-party_size_number O O O B-spatial_relation I-spatial_relation O B-state +O B-artist I-artist I-artist O O B-playlist I-playlist I-playlist I-playlist O +O O O O O O B-city +O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O B-music_item O B-playlist_owner B-playlist I-playlist +O O B-object_type B-object_name I-object_name I-object_name +O O O B-restaurant_type O B-city I-city O B-party_size_description I-party_size_description I-party_size_description O B-state +O O O O B-city +O O O O O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-artist I-artist O B-music_item O O B-playlist I-playlist O +O B-sort B-music_item O O B-year +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O B-movie_type I-movie_type O O O O B-location_name I-location_name +O O O O O O B-condition_description B-current_location O B-timeRange I-timeRange I-timeRange I-timeRange +O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O B-state I-state +O B-object_select B-object_type O B-rating_value +O O O O B-restaurant_name I-restaurant_name I-restaurant_name B-spatial_relation O B-poi I-poi I-poi I-poi +O O O B-condition_description B-current_location +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-movie_name I-movie_name O +O B-object_type I-object_type O O O B-location_name I-location_name +O O B-object_type I-object_type +O O O O O B-object_type I-object_type B-object_name I-object_name +O B-timeRange I-timeRange O O O O O B-current_location +O O O B-music_item O B-artist I-artist I-artist O B-service +O B-album I-album I-album I-album I-album +O B-object_select B-object_type B-object_part_of_series_type B-rating_value B-rating_unit +O O O O B-object_type I-object_type O B-location_name I-location_name +O O O O B-restaurant_type O B-state +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O O O O O B-restaurant_name I-restaurant_name B-timeRange I-timeRange I-timeRange O B-city +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-music_item O B-artist I-artist O B-service I-service +O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O B-playlist I-playlist I-playlist O B-artist I-artist +O B-object_name I-object_name O B-rating_value +O O O B-restaurant_type O B-party_size_number O B-state O O O O O B-facility +O O B-object_select B-object_type O O O O O O B-rating_value +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O B-object_type B-object_name +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist +O O O O O O O B-genre I-genre O +O B-album I-album I-album I-album I-album O B-service O B-artist I-artist +O B-movie_name I-movie_name +B-city O B-condition_temperature O +O O B-object_type O B-object_name I-object_name +O B-object_name I-object_name I-object_name O B-object_type I-object_type +O O O O B-object_type B-object_name I-object_name +O O O O O B-genre O O O B-service +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value O O B-best_rating B-rating_unit +O O O O O O B-city B-state I-state +O O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O O B-year O O B-music_item +O O O B-playlist I-playlist I-playlist I-playlist I-playlist O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name +O O B-restaurant_type O B-city I-city O B-party_size_number O +O O O O O O B-condition_description O B-state +O O O O O O O O B-movie_name I-movie_name I-movie_name +O O O B-movie_name I-movie_name O +O O O O O O B-object_type O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O O B-music_item O O B-playlist I-playlist O +O B-object_type O B-object_name I-object_name I-object_name O O O O O B-rating_value O B-best_rating B-rating_unit +O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O B-object_name I-object_name I-object_name O O +O B-movie_type O O O O B-location_name I-location_name I-location_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_type O B-city B-state I-state O B-party_size_number O +O O O O B-condition_description O B-state O B-timeRange +O O O O O B-restaurant_type B-spatial_relation B-state O B-party_size_number O +O O O B-object_type B-object_name I-object_name +O O B-object_select B-object_type B-rating_value +O O O O O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange +O B-object_select B-object_type B-rating_value O B-best_rating +O O O O O B-timeRange I-timeRange O B-country +O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type B-spatial_relation O O +O O O O B-party_size_number O B-restaurant_name I-restaurant_name O B-timeRange +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type B-timeRange I-timeRange I-timeRange +O B-object_type O B-object_select O O B-object_name O O B-rating_value B-rating_unit +O B-rating_value B-rating_unit O B-object_select B-object_type +O O O O O B-timeRange I-timeRange O B-city I-city +O O O B-object_type O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-object_type I-object_type +O O O O O O O O B-current_location B-timeRange I-timeRange I-timeRange +O B-artist I-artist B-year B-music_item I-music_item +O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-timeRange O B-country I-country I-country I-country I-country I-country I-country +O B-object_select B-object_type O B-rating_value +O O O O O O B-spatial_relation I-spatial_relation O O B-poi O B-party_size_number +O O O O O O B-state +O O B-condition_temperature O O O O B-spatial_relation O B-country +O B-artist O O B-playlist I-playlist I-playlist I-playlist O +O O O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O O B-object_name I-object_name I-object_name +O B-object_type I-object_type +O O O O O B-object_type I-object_type +O O O O O O B-timeRange I-timeRange O B-state +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state I-state O B-timeRange I-timeRange +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-service O O B-track I-track I-track I-track I-track I-track I-track +O O B-sort B-music_item O B-artist I-artist O B-service +O O O O O B-country +O O O O O B-object_type O B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-object_select B-object_type O B-rating_value +O O O O O O B-service O O B-playlist I-playlist O O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi +O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O O B-city I-city +O O B-condition_description O B-country +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-movie_name I-movie_name O +O O B-object_select B-object_type O B-rating_value O O B-best_rating B-rating_unit +O O O O O B-city O O B-country I-country +O O O O B-movie_name I-movie_name +O O O B-condition_temperature O B-city I-city B-country +O O B-spatial_relation O O B-timeRange I-timeRange I-timeRange O O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-object_name I-object_name I-object_name +O B-artist I-artist O O B-year +O O O O O O O B-movie_type O B-location_name I-location_name +O O O B-condition_temperature B-timeRange O B-city +O O O B-artist I-artist +O O O B-object_name I-object_name B-object_type I-object_type +O O B-music_item O O B-playlist I-playlist O +O O O O O O B-city +O B-service O O B-album I-album I-album I-album I-album +O O O B-condition_temperature O B-state +O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi +O B-music_item O B-playlist I-playlist +O O B-music_item O B-playlist I-playlist +O O O O B-condition_temperature O B-city I-city B-country +O O O O O O B-city O B-timeRange I-timeRange +O O B-spatial_relation O B-restaurant_name I-restaurant_name O B-state +O B-genre I-genre O +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O B-condition_description O B-state I-state +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O B-sort O B-genre O +O O O O B-condition_description O B-timeRange O B-state +O B-object_name I-object_name I-object_name I-object_name +O O O O O B-city +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O B-music_item O B-artist I-artist O O B-playlist I-playlist O +O O B-playlist_owner I-playlist_owner O B-playlist I-playlist I-playlist I-playlist O O B-entity_name I-entity_name I-entity_name I-entity_name +O B-object_name I-object_name B-rating_value B-rating_unit +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_name I-object_name B-object_type I-object_type +O O B-condition_temperature O B-city I-city B-country +O O B-condition_temperature O B-city B-state +O O O B-genre O +O O B-playlist O +B-object_type I-object_type O B-location_name I-location_name +O O B-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type B-rating_value B-rating_unit +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist +O O O O B-party_size_number O O B-restaurant_type O B-state O O B-served_dish +O O O O O O B-country O O O O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-restaurant_type O B-country I-country O B-party_size_number +O O O O O B-spatial_relation B-poi B-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description +O O O O B-music_item O B-artist I-artist O O O B-year +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city B-country +O B-album I-album I-album O B-artist I-artist O B-service +O B-rating_value B-rating_unit O B-object_name I-object_name +O O B-object_type B-object_name I-object_name +O O O B-entity_name I-entity_name I-entity_name O O B-playlist_owner B-playlist I-playlist O +O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-party_size_number O O B-restaurant_type O B-city +O B-playlist I-playlist I-playlist O O B-service +O O O O O B-city +O O O B-playlist +O B-service O O O O B-year O B-artist I-artist +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-music_item O B-playlist I-playlist +O B-music_item O B-artist I-artist O B-playlist I-playlist I-playlist +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name I-movie_name I-movie_name +O O O B-state O O B-timeRange +O O O O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O O O O B-year B-music_item O B-service +O O B-cuisine B-restaurant_type O B-country I-country I-country I-country I-country +O O O B-condition_description O B-timeRange O B-city I-city +O O O B-sort I-sort B-artist I-artist B-music_item +O O O O O B-timeRange I-timeRange O B-country +O O O B-year O B-artist I-artist +O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_name I-object_name B-rating_value B-rating_unit +O O B-sort I-sort B-restaurant_type I-restaurant_type O B-party_size_number O O B-timeRange I-timeRange +O O O B-spatial_relation B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O B-condition_temperature O B-country +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O O B-city B-state +O O B-rating_value O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-restaurant_type O O O O B-served_dish +O O O O B-condition_temperature O B-city +O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-state O O B-timeRange I-timeRange O B-city +O O B-object_type I-object_type O B-location_name I-location_name +O O O B-object_type O B-object_name I-object_name I-object_name +O O B-music_item O O B-playlist I-playlist O +O O O B-object_type O B-object_type I-object_type +O O B-music_item B-artist I-artist O O B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_name I-object_name I-object_name +O O O O O O B-city B-country I-country +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-track I-track O B-artist I-artist +O O O O O O B-artist I-artist O B-service I-service +O O O O O O B-artist I-artist O B-year O B-service +O O B-condition_temperature B-spatial_relation O B-current_location O B-timeRange +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_type I-movie_type +O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-cuisine B-restaurant_type O B-party_size_number +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-genre +O B-rating_value B-rating_unit O B-object_select B-object_type +O B-movie_name O O B-timeRange I-timeRange I-timeRange +O B-spatial_relation I-spatial_relation B-object_type I-object_type B-movie_type +O B-album I-album I-album I-album I-album I-album O B-artist I-artist +O B-music_item O B-playlist I-playlist +O B-artist I-artist O B-sort B-music_item O B-service +O O B-genre O +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item O B-playlist_owner O O B-playlist I-playlist +O B-album I-album I-album I-album O B-artist I-artist I-artist I-artist +O O O B-movie_type O O O O B-location_name I-location_name I-location_name +O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist O +O B-object_select B-object_part_of_series_type O O O O O B-rating_value O B-best_rating B-rating_unit +O O O O O B-object_type O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O B-timeRange O O B-country I-country +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O O O B-playlist I-playlist O +O B-album I-album I-album I-album O B-artist I-artist +O O O O O O B-city I-city B-state I-state +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O B-restaurant_type B-spatial_relation O B-city B-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-genre I-genre I-genre O +O O B-music_item O O B-year B-sort O +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O B-party_size_description I-party_size_description I-party_size_description O B-country +O O B-object_type O B-object_name I-object_name I-object_name +O O O B-object_name +B-spatial_relation I-spatial_relation I-spatial_relation O O B-object_type I-object_type O B-movie_type I-movie_type +O O O O O O B-current_location B-timeRange I-timeRange I-timeRange +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-object_select B-object_type B-rating_value +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O O O O B-artist I-artist O B-track I-track I-track +O O B-restaurant_type O B-city B-state O B-party_size_number +O O B-condition_temperature O B-country I-country O O O B-current_location +O B-object_name I-object_name I-object_name +O O O O B-condition_description O B-country +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O B-genre I-genre O +O B-location_name I-location_name I-location_name B-movie_type I-movie_type +O O O O O O B-music_item O B-artist I-artist +O O O O B-party_size_number O O B-country B-timeRange I-timeRange I-timeRange +O O O O B-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type I-restaurant_type I-restaurant_type O O B-served_dish I-served_dish I-served_dish +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O O B-restaurant_type O B-country I-country O O B-served_dish +O O B-year B-music_item O B-artist I-artist O B-service +O O O O O O B-movie_name I-movie_name +O B-artist O B-playlist I-playlist O +O O B-current_location O B-timeRange +O O B-restaurant_type I-restaurant_type O B-party_size_number O O B-facility B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-object_name I-object_name O B-rating_value B-rating_unit +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O B-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-condition_description O B-country +O O O O B-party_size_number O O B-restaurant_type O B-city I-city +O O O O O B-object_name B-object_type +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-movie_name I-movie_name I-movie_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-album I-album O B-artist I-artist +O B-music_item O O O B-year O B-service I-service +O O B-music_item O B-playlist I-playlist I-playlist I-playlist +O B-track I-track I-track I-track O B-service +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-sort I-sort B-music_item O O B-year +O O B-city B-country I-country B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-condition_description O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O O B-spatial_relation +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O O B-year O O B-service +O B-artist I-artist O O O B-playlist I-playlist +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-artist I-artist O O B-year +O O O B-object_type I-object_type O B-movie_type O O B-spatial_relation I-spatial_relation +O B-movie_name I-movie_name +O O B-object_name I-object_name B-object_type +O O O O O O O B-restaurant_type O B-country I-country +O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type I-object_type +O O O O O B-sort B-restaurant_type O B-party_size_number O B-state I-state +O O O O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-spatial_relation O B-current_location B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O O B-year O B-service +O O B-object_type I-object_type +O O O O B-party_size_number B-spatial_relation O B-facility O O B-restaurant_type +O B-playlist I-playlist I-playlist O O O O B-music_item O O +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type O B-rating_value O O B-best_rating B-rating_unit +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type I-movie_type +O B-track O B-artist I-artist O B-service I-service +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O O O B-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-country +B-rating_value B-rating_unit O O B-best_rating O O O O B-object_name I-object_name +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O B-track I-track I-track O B-artist I-artist +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O B-city +O O O O B-party_size_number O B-restaurant_name O B-city I-city B-state O B-timeRange I-timeRange I-timeRange +O O O O O B-country B-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-movie_type O O O B-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_name I-object_name B-rating_value O O B-best_rating +O B-movie_name I-movie_name O O B-object_location_type +O O O B-condition_description O B-timeRange O B-state +O O O B-condition_description O O O O B-city I-city +O O O O O O O B-music_item B-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type B-object_name I-object_name +O O O O B-object_type O B-object_name I-object_name I-object_name +O O B-served_dish O B-restaurant_type O B-party_size_number +O O B-country O B-restaurant_type O B-served_dish O +O O B-object_location_type I-object_location_type O B-movie_name I-movie_name O O B-spatial_relation +O O O O O B-city I-city B-state +O O B-object_name I-object_name B-object_type +O O B-object_type O O B-movie_type O B-location_name I-location_name +O O O O B-movie_name I-movie_name O B-object_location_type I-object_location_type +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist O +O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O O B-restaurant_type O O B-served_dish I-served_dish O B-state +O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-party_size_number O B-state +O O O B-object_type B-object_name I-object_name +O O B-year B-music_item O B-artist I-artist O B-service I-service +O B-year B-artist I-artist O B-service +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name +O O B-artist I-artist B-music_item +O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-condition_description O B-city +O O B-object_select B-object_type I-object_type B-rating_value B-rating_unit +O O B-year O O B-artist I-artist +O O B-sort O O B-artist I-artist O B-service +O O O O O B-city B-state +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O B-party_size_number O O O O O B-city B-state +O O O B-condition_description O O B-country +O O B-year B-music_item O B-sort B-artist I-artist +O B-music_item O B-playlist_owner B-playlist I-playlist +O O O O B-object_type I-object_type +O O O O O O O O B-country B-timeRange I-timeRange I-timeRange +O O O B-rating_value O B-object_select B-object_type +O O O O O O O O B-city I-city B-state O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name O B-rating_value +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O B-condition_description O O B-timeRange O B-country +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-genre +O O O O O B-restaurant_type O B-timeRange O B-city O B-party_size_number +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name +O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-timeRange I-timeRange O B-city I-city +O B-music_item O B-playlist I-playlist O +O O B-year B-music_item O B-service +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city O B-country +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O B-rating_value O O B-best_rating O +O O O O O O B-playlist_owner I-playlist_owner O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O B-object_type I-object_type +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O B-sort B-music_item O B-artist +O B-artist I-artist I-artist I-artist O B-playlist I-playlist +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O B-music_item O O B-playlist I-playlist O +O O B-object_name I-object_name I-object_name +O B-object_select B-object_type O B-rating_value O O B-best_rating +O O O O B-condition_description O B-timeRange O B-city I-city B-state +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-state +B-restaurant_type O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange O O B-cuisine +O B-music_item O B-playlist I-playlist +O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O B-object_select B-object_type O B-rating_value O O B-best_rating +O O O B-restaurant_type +O B-object_type I-object_type B-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name +O O B-sort B-music_item O B-artist I-artist O B-service +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-year B-music_item O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-artist I-artist B-music_item O B-service +O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-object_select B-object_part_of_series_type O B-rating_value +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name I-movie_name +O O O B-spatial_relation B-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_location_type B-spatial_relation O B-movie_type I-movie_type +O B-object_name O B-rating_value +O O O O O O O B-object_type B-object_name I-object_name I-object_name +O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-restaurant_type O B-state I-state O B-facility O B-timeRange I-timeRange +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name O B-object_type +O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-object_part_of_series_type O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_select B-object_part_of_series_type O B-rating_value +O O B-object_select B-object_type O B-rating_value B-rating_unit O O B-best_rating +O B-music_item O B-artist I-artist O B-playlist O +O O B-year O O B-service +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type +O O B-object_location_type I-object_location_type O B-movie_name O O B-spatial_relation +O O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O O B-object_select B-object_type B-rating_value B-rating_unit O O O O O B-best_rating +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-entity_name O B-playlist I-playlist I-playlist I-playlist +O O O B-service O O O B-artist I-artist O O B-sort I-sort B-music_item +O O B-restaurant_type B-spatial_relation B-poi +O B-movie_type O O O B-spatial_relation I-spatial_relation +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist O +O O O O O O O O O B-served_dish B-restaurant_type O B-country +O O O O B-timeRange O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-movie_name I-movie_name O O O B-location_name I-location_name I-location_name +O O B-condition_description O B-state O B-timeRange I-timeRange +O O O O O B-object_type O B-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-geographic_poi +O O O B-object_name I-object_name B-object_type I-object_type +O O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name O O B-spatial_relation +O O B-object_type O B-object_name +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O O B-condition_description O B-city B-country I-country +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation +O O B-condition_temperature O O B-city B-country +O O O B-music_item O B-year +O O O B-object_select B-object_type B-object_part_of_series_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name +O B-object_name I-object_name B-rating_value B-rating_unit +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O B-music_item B-artist I-artist O O B-playlist O +O O O O O O B-country I-country B-timeRange I-timeRange I-timeRange +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-year +O O O O O B-object_type B-object_name +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O O B-best_rating +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-party_size_number O O B-restaurant_type O B-served_dish I-served_dish +O O B-object_type O B-object_name I-object_name +O O O B-condition_description B-spatial_relation I-spatial_relation O B-state O B-timeRange +O B-object_select B-object_type O O O O O O B-rating_value O O O O O B-best_rating +O O B-object_select B-object_type B-rating_value O B-best_rating +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-service +O O O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O O B-sort B-cuisine B-restaurant_type +O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name B-object_type I-object_type +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-music_item O B-year O B-artist O B-service I-service +O O O O B-timeRange I-timeRange O O B-restaurant_type O B-state +O O O O O O B-current_location B-timeRange I-timeRange +O O B-location_name I-location_name I-location_name O B-movie_type +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist +O O O O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O O O O O B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item O B-playlist_owner B-playlist O +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange +O B-artist I-artist O O O B-year +O B-object_name I-object_name +O O O B-artist I-artist +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city +O O O O O B-restaurant_type O B-city O B-party_size_number O O B-served_dish I-served_dish I-served_dish +O O O O B-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O O B-city I-city B-country +O O O O O B-rating_value O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-country +O O B-service B-genre O +O O B-object_type I-object_type B-object_name I-object_name I-object_name O O +O O B-artist I-artist O O O B-year O B-service +O O O O B-object_type B-object_name I-object_name I-object_name +O O B-music_item O B-year +O O B-artist I-artist O B-service +O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O O O O B-restaurant_type O O B-facility I-facility O B-state +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-cuisine O O B-restaurant_type O B-state I-state +O O B-track I-track +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O B-timeRange O B-city B-state I-state +O O O B-sort I-sort B-artist I-artist I-artist B-music_item +O O O O B-party_size_number O O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value O B-best_rating +B-object_name I-object_name O O B-rating_value O B-best_rating +O B-album I-album I-album O B-artist I-artist O B-service +O O B-condition_description O B-city I-city B-country O B-timeRange +O B-service O O O O B-artist I-artist O O O B-year +O O O O B-party_size_number O O B-cuisine B-restaurant_type O B-timeRange I-timeRange O B-city B-state I-state +O O O O B-facility O O O B-restaurant_type O B-party_size_number +O B-artist I-artist O B-music_item B-album +O O B-music_item O B-playlist I-playlist I-playlist +O O O B-movie_name O +O O O B-object_name I-object_name I-object_name B-object_type +O O B-object_type B-object_name I-object_name I-object_name +O O B-restaurant_type O B-party_size_number +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-artist I-artist O B-service I-service +O O O B-object_name I-object_name B-rating_value B-rating_unit +B-timeRange I-timeRange O O B-condition_description O O O B-state +O O B-restaurant_type O B-party_size_number O O O B-country I-country +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-music_item B-album I-album I-album +O O O B-condition_temperature O B-city I-city B-country +O B-movie_type O O O B-location_name I-location_name +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O O O B-service +O O O O B-object_type I-object_type +O B-genre O O B-service I-service +O B-entity_name O B-playlist I-playlist O +O O B-movie_name I-movie_name I-movie_name O O O O B-object_location_type +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist +O O B-city B-state +O O O O B-music_item O B-artist I-artist +O O O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-timeRange O B-city +O B-movie_type O O O O B-location_name I-location_name +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner O B-playlist I-playlist +O B-timeRange O O O O O O O B-restaurant_type B-city B-state O B-party_size_number O +O O O O O O O O O B-party_size_number O B-city B-state +O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O B-sort B-artist I-artist B-music_item +O O O O O B-movie_type I-movie_type O O B-spatial_relation B-object_location_type +O B-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O B-object_type I-object_type O B-location_name I-location_name +O O O O B-restaurant_type O B-cuisine O O B-state +O B-spatial_relation B-movie_type O B-object_type I-object_type +O B-rating_value B-rating_unit O B-object_name I-object_name +O O B-playlist I-playlist O +O O B-music_item O B-year +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name +O B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O B-best_rating +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name +O O O O B-music_item O O B-year O B-service +O O B-object_name I-object_name I-object_name O +O O O O O B-sort B-cuisine B-restaurant_type I-restaurant_type O +O O O O B-object_select B-object_type O B-rating_value +O O O O O O B-timeRange I-timeRange I-timeRange O B-city B-state +O B-object_select B-object_type O B-rating_value +O O O B-condition_temperature O O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-movie_name I-movie_name I-movie_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O O B-city +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-movie_name I-movie_name I-movie_name B-timeRange B-object_location_type O O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O O B-city O B-timeRange I-timeRange I-timeRange +O O B-spatial_relation B-object_location_type I-object_location_type O O B-movie_name I-movie_name +O O O O O O B-movie_name I-movie_name I-movie_name O O O +O O O O O O B-country +O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-country O O O O B-timeRange I-timeRange +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-object_type I-object_type +O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-music_item O O B-year +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-service O B-album I-album I-album I-album I-album I-album O B-artist I-artist +O O O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_number O O B-country I-country +O O B-object_select B-object_type B-rating_value O O B-best_rating +O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O B-condition_temperature O B-city B-country O B-timeRange I-timeRange I-timeRange +O O O B-object_type B-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist O O B-playlist I-playlist I-playlist I-playlist O +O O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-object_location_type +O O O O O B-timeRange I-timeRange I-timeRange O O B-restaurant_type O B-city I-city I-city +O O O B-object_type B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O B-sort I-sort O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-cuisine O O O B-restaurant_type +O O O O O B-spatial_relation O B-state +O O B-artist I-artist B-music_item O B-playlist +O B-movie_name I-movie_name +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O B-music_item O B-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type O B-rating_value +O O O O O O O B-year O B-artist I-artist O B-service I-service +O O B-sort B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-object_type B-object_name I-object_name +O O O O B-timeRange I-timeRange I-timeRange O O O O B-spatial_relation I-spatial_relation O B-state +O B-rating_value O O B-object_name I-object_name I-object_name I-object_name +O O O B-object_type B-object_name I-object_name I-object_name +B-restaurant_type B-spatial_relation B-poi I-poi O B-timeRange I-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-genre O O B-service +O O O B-country O O B-timeRange I-timeRange +O O O B-service I-service +O O O O B-artist I-artist +O O B-party_size_number O B-state O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O B-playlist O O B-service I-service +O O O O B-condition_description O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-artist I-artist O B-sort B-music_item O B-service +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O B-artist I-artist B-music_item O B-playlist_owner B-playlist O +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-object_select B-object_type O B-rating_value O O B-best_rating +O O O B-movie_name I-movie_name O +O B-album I-album I-album I-album I-album I-album O B-service +O O O O O O B-state +O O O B-movie_name I-movie_name O +O B-music_item B-artist I-artist O B-playlist I-playlist O +O O O B-object_type I-object_type O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation +O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name O B-object_type I-object_type +O O O O B-artist I-artist +O O B-music_item O B-playlist I-playlist O +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-state +O O O B-restaurant_type O O O O B-city B-state +O O O O B-music_item O O B-year O O O +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-city B-state O B-timeRange I-timeRange I-timeRange +O O B-sort B-music_item O B-artist I-artist O B-service +O B-sort B-year B-music_item +O O O O O O O B-year O O B-music_item +O O O O O B-restaurant_type O O B-facility I-facility +O O O O B-spatial_relation B-restaurant_type O B-poi O B-timeRange O +O O B-sort I-sort B-restaurant_type O B-party_size_number O +O O O O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-genre O O B-service +O O O O O O B-playlist I-playlist I-playlist O O B-service I-service +O B-movie_type I-movie_type O O B-location_name I-location_name +O O B-restaurant_name I-restaurant_name O B-timeRange +O B-movie_type O O O B-location_name I-location_name +O O O B-sort B-artist I-artist B-music_item +O B-service O O O O B-artist I-artist +O O O B-restaurant_name I-restaurant_name I-restaurant_name B-restaurant_type +O O B-playlist I-playlist I-playlist I-playlist O +O O B-music_item O B-year +O B-object_name I-object_name I-object_name +O O O O O B-sort I-sort B-restaurant_type O B-city +O O O O O O B-city +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-movie_type I-movie_type O B-location_name I-location_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-movie_type O B-location_name I-location_name +O O B-movie_type I-movie_type O O B-location_name I-location_name +O O O O B-condition_temperature O O O B-country B-timeRange I-timeRange +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-country O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O O B-timeRange O O B-restaurant_type O O B-served_dish +O O O O B-party_size_number O O B-restaurant_type O O B-served_dish I-served_dish I-served_dish O B-country +O O O O O B-timeRange I-timeRange O B-country +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_number O O O B-country I-country +O B-object_name I-object_name I-object_name O B-rating_value +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-music_item I-music_item O B-year +B-party_size_description I-party_size_description I-party_size_description O O O O O B-state +O O O B-music_item O B-playlist_owner B-playlist I-playlist +O B-service O O B-sort I-sort B-artist I-artist +O O B-object_name I-object_name I-object_name I-object_name +O O O O B-current_location B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-restaurant_type O B-country +O B-object_name I-object_name +O O B-sort B-restaurant_type O B-timeRange I-timeRange I-timeRange +O O O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item O O O B-year +O B-movie_type I-movie_type O O B-location_name I-location_name +O O O B-condition_description O B-country B-timeRange I-timeRange I-timeRange +O O O O B-timeRange O O B-restaurant_type O B-party_size_number O +O O O O B-current_location O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation +O O O B-movie_name I-movie_name O O +O O O B-condition_temperature O B-timeRange I-timeRange O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O O B-playlist I-playlist I-playlist +O O O B-condition_description O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-artist I-artist +O O O O O B-condition_temperature B-current_location B-timeRange I-timeRange I-timeRange +O B-movie_type O O O O B-spatial_relation B-object_location_type +O O B-genre +O O O O O B-movie_type O O B-location_name I-location_name +O O B-restaurant_type O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-rating_value B-rating_unit O O B-best_rating O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-restaurant_name I-restaurant_name I-restaurant_name O B-city O B-party_size_description I-party_size_description I-party_size_description +O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange I-timeRange +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country I-country +O O O O O B-rating_value O B-object_select B-object_type +O B-object_select B-object_type O B-rating_value +O O B-sort B-music_item O O B-year +O O O B-year B-music_item +O B-service O O B-artist I-artist B-sort O +O O O O O O B-object_type O B-object_name I-object_name +O O B-music_item B-artist I-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name O B-rating_value +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-music_item B-track O B-artist I-artist +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O O B-facility O B-timeRange I-timeRange +O O B-music_item O B-playlist I-playlist I-playlist +O O O O B-timeRange O B-country +O O B-object_type O B-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-condition_temperature B-spatial_relation B-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-track O B-service +O B-year B-artist I-artist O B-service +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O O O B-artist I-artist O O O B-year +O O O O O B-timeRange I-timeRange O O B-restaurant_type O O B-served_dish B-spatial_relation B-poi I-poi O O O O B-party_size_number +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O B-object_type B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-artist I-artist O O O B-year +O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name O O B-timeRange +O O B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-condition_temperature O B-city I-city B-country +O O O O O O B-city B-country +O O B-country O O B-sort I-sort B-restaurant_type +O B-artist I-artist O B-music_item O B-playlist_owner B-playlist I-playlist +O O O O O B-restaurant_type O B-cuisine O B-country +O O O B-object_name I-object_name I-object_name O O O B-rating_value +O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-condition_description O B-country I-country B-spatial_relation B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-artist O B-service +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O B-object_name B-object_type +O O O O O O B-city I-city B-state +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-object_name I-object_name +O O O B-restaurant_type B-timeRange O O O O B-party_size_number +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O O O O B-restaurant_type O O B-cuisine O B-country O B-party_size_number +O O O B-artist I-artist O B-service +O O O B-object_type B-object_name I-object_name +O B-object_type I-object_type O B-location_name I-location_name +O B-city B-state O O B-condition_description +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O B-artist O B-playlist I-playlist B-music_item +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange +O O O O O O B-city I-city I-city +O O B-restaurant_type B-spatial_relation O B-country O B-party_size_number +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-sort B-restaurant_type O B-state O B-cuisine +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O B-entity_name I-entity_name O O O O O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O O B-movie_type O O O B-location_name I-location_name I-location_name +O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O O B-city +O B-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O O B-object_type B-object_name +O O O O O O B-city I-city B-country I-country +O O B-genre O O B-service +O B-entity_name O B-playlist I-playlist I-playlist O +O B-entity_name O B-playlist +O O B-condition_temperature O B-city B-country +O O O O O B-party_size_number O B-state +O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_type +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_type O O B-served_dish O O B-timeRange +O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O O O B-party_size_description I-party_size_description I-party_size_description O O B-cuisine I-cuisine B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi +O O B-object_type I-object_type O O B-location_name I-location_name I-location_name +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name O B-rating_value +O O B-sort O O B-artist I-artist +O O O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-served_dish +O B-rating_value B-rating_unit O B-object_select B-object_type +O O O O O O O B-party_size_number +O O O B-object_type I-object_type B-object_name I-object_name +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange +O B-object_name I-object_name O B-rating_value +O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name I-location_name +O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name +O O O O O B-object_type B-object_name I-object_name +O B-object_select B-object_type O B-rating_value B-rating_unit +O O O O O B-timeRange I-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name O O O O B-party_size_number +O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-sort O O B-artist I-artist +O O O B-artist I-artist I-artist O B-playlist_owner B-playlist O +O O O O B-party_size_number O B-timeRange I-timeRange O O B-spatial_relation B-restaurant_type O O B-cuisine O O B-city +O O B-object_type B-object_part_of_series_type B-object_name I-object_name I-object_name O B-rating_value +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange O B-location_name I-location_name I-location_name +O O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O O B-spatial_relation I-spatial_relation I-spatial_relation O O O O B-city +O O B-condition_description O B-current_location O B-timeRange +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O O O O B-movie_name I-movie_name I-movie_name O B-timeRange O B-location_name I-location_name I-location_name +O B-music_item O B-playlist I-playlist B-playlist_owner O +O O B-object_type I-object_type O B-location_name I-location_name +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O B-best_rating B-rating_unit +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +B-restaurant_type O O B-restaurant_type O B-party_size_number O O B-facility +O B-service +O O B-sort I-sort O O B-artist I-artist +O B-object_select B-object_part_of_series_type B-rating_value +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name O B-rating_value +O O B-restaurant_name I-restaurant_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O O B-object_name I-object_name +O O O O O B-party_size_number O O B-restaurant_type +O O O O O B-condition_temperature O B-state +O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange +O O B-object_name I-object_name I-object_name I-object_name +O B-music_item B-track I-track I-track I-track I-track O B-service I-service O O B-artist +O O B-sort B-music_item O B-artist I-artist O B-service I-service +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating +O O O B-condition_temperature O B-city I-city I-city B-country B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-restaurant_name O B-party_size_number O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O O O B-service +O O O O O B-music_item B-album I-album I-album O B-artist I-artist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name +O O B-sort I-sort B-music_item O B-artist I-artist O B-service +O O O O O B-restaurant_type O B-party_size_number B-spatial_relation B-city B-timeRange I-timeRange I-timeRange I-timeRange O O B-served_dish +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O O B-restaurant_type O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-music_item O B-playlist I-playlist +O O O O O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O O O O O O B-party_size_number O O B-restaurant_type B-timeRange I-timeRange +O O O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O B-entity_name O B-playlist I-playlist O +O O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O O O B-restaurant_type O B-city O B-facility +O O B-object_location_type B-spatial_relation O B-movie_name I-movie_name I-movie_name O B-timeRange O +O B-track O B-artist I-artist I-artist +O O B-facility B-restaurant_type O B-state O B-timeRange I-timeRange O B-party_size_number +O O O O B-condition_description O B-city +B-restaurant_name B-restaurant_type O B-city O B-party_size_number +O B-object_type I-object_type O B-spatial_relation I-spatial_relation I-spatial_relation O B-movie_type I-movie_type +O B-movie_type O O O B-timeRange I-timeRange O B-location_name I-location_name +O B-album O B-artist I-artist +O B-object_select B-object_part_of_series_type O B-rating_value +O O O O O B-object_name I-object_name I-object_name +O O O O B-restaurant_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O O B-restaurant_type O O B-cuisine O B-city +O O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O B-restaurant_type O O B-served_dish O O O O B-party_size_number +O O O O O O O O O B-city I-city +O O O O O O B-sort B-restaurant_type O B-state +O O O O B-playlist O +O O B-object_name I-object_name I-object_name O O O B-rating_value +O O O B-object_type O B-object_name I-object_name I-object_name +B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-artist I-artist O B-playlist_owner B-playlist O +O O B-genre +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O B-location_name I-location_name O O B-movie_type I-movie_type +O O B-artist I-artist B-music_item B-album I-album +O O O O B-object_type B-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name +O O B-object_select B-object_type O B-rating_value +O O O B-condition_temperature O B-city B-state I-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O O O O O B-playlist_owner I-playlist_owner O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist I-playlist O +O O B-sort B-restaurant_type O B-city +O O O O O O B-object_type B-object_name I-object_name +O O O O B-party_size_number O O B-restaurant_type O B-state +O B-artist I-artist B-sort O +O O O O O O O B-music_item O B-playlist I-playlist +O O B-restaurant_type I-restaurant_type O B-party_size_number B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-city O O O B-facility B-spatial_relation O B-timeRange +O B-music_item O B-playlist_owner B-playlist I-playlist +O O B-object_name I-object_name I-object_name B-object_type +O B-entity_name O B-playlist I-playlist I-playlist +O O O O B-condition_description O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city O B-state +O O B-spatial_relation B-restaurant_type O O B-served_dish O B-poi I-poi O B-party_size_number O +O O O O O B-current_location B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_select B-object_type O O B-object_part_of_series_type O B-rating_value B-rating_unit O O +O B-artist I-artist O B-playlist_owner B-playlist O +O O O B-artist I-artist B-music_item O O B-year O B-service +O O O B-timeRange O B-restaurant_name O O O O B-party_size_number +O B-artist I-artist O B-playlist I-playlist I-playlist +O O O O B-music_item O B-artist I-artist O B-service +O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-sort B-artist I-artist I-artist +O B-artist I-artist B-playlist I-playlist I-playlist I-playlist O B-playlist_owner O B-music_item +O O O B-artist I-artist +O B-movie_name O O O B-location_name I-location_name I-location_name B-timeRange I-timeRange I-timeRange +O B-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O B-rating_value B-rating_unit O O B-best_rating O B-object_select B-object_type +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-playlist I-playlist O +O O B-year O +O B-movie_name I-movie_name I-movie_name I-movie_name +O O B-sort B-music_item O B-artist I-artist O B-year +O O B-condition_temperature O B-country +O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist +O O O B-condition_description B-timeRange I-timeRange I-timeRange O B-city B-state +O O B-playlist O O O +O O O O O B-spatial_relation I-spatial_relation B-city +O O O O O B-restaurant_type B-spatial_relation O B-poi I-poi +O B-music_item O O B-artist I-artist O B-service +O O O O B-object_type B-object_name I-object_name +O B-movie_name I-movie_name O +O O O O O B-party_size_number O B-timeRange O O B-country +O O B-restaurant_type I-restaurant_type O B-cuisine O O B-party_size_number +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name +O O B-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O B-album I-album I-album O B-artist I-artist +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-restaurant_type O O B-facility O B-city I-city B-state I-state +O O O O O O B-timeRange I-timeRange O B-state +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O B-music_item O O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O B-cuisine I-cuisine B-restaurant_type O B-party_size_number O +O O O B-condition_description O O B-timeRange O B-state +O O O B-condition_description B-current_location O B-timeRange +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O B-year B-music_item O B-service I-service +O O O O O O O B-spatial_relation B-country O B-timeRange I-timeRange I-timeRange +O B-object_select B-object_type O O B-rating_value O O B-best_rating B-rating_unit +O O O B-restaurant_type O B-city I-city O O O O B-party_size_number +O O O O O O B-served_dish I-served_dish B-restaurant_type O B-timeRange I-timeRange I-timeRange +O O O O O B-condition_temperature O B-current_location +O O O O O O B-restaurant_type I-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-movie_name I-movie_name O +O O O B-music_item O O B-year +B-party_size_description I-party_size_description I-party_size_description O O O O B-restaurant_type O B-country +O O O O O O B-restaurant_type B-spatial_relation B-city I-city +O O B-object_type I-object_type O B-location_name I-location_name +O O O O B-restaurant_type O B-city +O O O O O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist O O B-playlist I-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist I-playlist O +O B-object_type B-object_name I-object_name I-object_name O O O B-rating_value +O B-object_select B-object_type O B-rating_value +O O O O O B-restaurant_type B-spatial_relation B-poi I-poi +O B-object_name I-object_name O B-rating_value +O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_number O O O B-restaurant_type O O B-served_dish +O O O O O O B-city I-city B-country +O O B-object_type I-object_type +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-playlist I-playlist I-playlist I-playlist O B-service I-service +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-party_size_number O O B-restaurant_type +O O B-object_select B-object_type O B-rating_value +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O B-condition_description B-timeRange I-timeRange O B-city +O O O O O B-movie_type O O O O O O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-genre O +O O B-object_type O B-movie_type O B-location_name I-location_name +O B-genre +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit O B-best_rating +O B-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist O +O O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O B-city I-city +O O B-artist O O B-year +O B-track I-track O B-artist I-artist +O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O B-restaurant_type B-spatial_relation I-spatial_relation B-poi O B-party_size_number B-timeRange I-timeRange I-timeRange +O O O O B-city B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-party_size_number O O O B-restaurant_type O B-city I-city B-state +O B-music_item O O B-year +O O O O O O O B-city O B-timeRange I-timeRange +O O B-condition_temperature O B-city +O O B-sort B-music_item O B-artist I-artist +O O O B-condition_description O B-city +O B-track I-track +O B-object_name I-object_name I-object_name O B-rating_value +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O B-object_type B-object_name I-object_name I-object_name +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-state O B-party_size_number O +O B-artist I-artist +O O O O O B-year +O B-album I-album O B-artist I-artist O B-service +O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-restaurant_type O B-party_size_number O O B-timeRange B-restaurant_name I-restaurant_name +O O O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-served_dish O B-party_size_number +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O B-service I-service O O O B-artist I-artist O O B-music_item +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-condition_description O B-timeRange I-timeRange O B-city B-state +O O B-object_type B-object_name I-object_name B-rating_value B-rating_unit +O O B-music_item O B-artist I-artist +O O O O B-party_size_number O O B-sort B-restaurant_type +O O O O B-year +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O O B-condition_temperature O O O B-current_location B-timeRange +O O O O O O O B-city I-city B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O B-genre +O B-object_type I-object_type B-spatial_relation O B-movie_type I-movie_type +O B-music_item O B-playlist I-playlist +O B-music_item B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-object_select B-object_type B-rating_value O B-best_rating +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city +O O O B-object_select B-object_part_of_series_type B-rating_value O O O O O B-best_rating +O O B-year B-music_item O B-artist O B-service +O O O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O B-timeRange O B-restaurant_name I-restaurant_name O B-state I-state +O O O O B-condition_description O B-state +O O O O O B-restaurant_type O B-city I-city O O B-cuisine +O O O O O B-facility B-restaurant_type B-timeRange +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-sort O O B-artist I-artist O B-service I-service +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O B-sort B-artist I-artist +O O O B-movie_type O B-location_name I-location_name +O O O O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O O O O B-restaurant_type O B-party_size_number O O B-facility +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O B-city I-city B-state I-state O B-timeRange I-timeRange +O O O O O O B-timeRange I-timeRange I-timeRange O B-state +O O B-condition_temperature O B-timeRange I-timeRange O B-state +O O B-music_item O B-playlist I-playlist O +O B-object_select B-object_type O B-rating_value B-rating_unit +O O O B-service +B-object_select O B-object_type O B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name B-rating_value +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-music_item O B-playlist_owner B-playlist I-playlist +O O O O O B-condition_description O B-city B-state O B-timeRange I-timeRange +O B-artist I-artist I-artist O B-playlist I-playlist +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_type I-object_type +O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O O O O B-timeRange I-timeRange I-timeRange O B-state +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange +O O B-object_type B-object_name I-object_name I-object_name O B-rating_value +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O O O O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-state +O O O O O B-object_type I-object_type O B-object_name +O O B-rating_value O B-object_name I-object_name I-object_name +O O O O O O O B-object_name I-object_name I-object_name +O O O O B-timeRange I-timeRange O B-city +O O O O B-party_size_number O O O B-restaurant_type B-spatial_relation O O B-facility +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O B-music_item O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O O O B-condition_temperature B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-country I-country O O B-served_dish +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-spatial_relation B-object_location_type O O B-movie_name I-movie_name +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O B-object_select B-object_type O B-rating_value +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type I-object_type O O +O O O B-city O O +O B-service B-genre I-genre I-genre +O O O O B-year +O B-track I-track O B-artist I-artist +O O O O O O O O O B-city +O O O O O B-sort I-sort B-restaurant_type O B-city B-state O B-party_size_number B-timeRange I-timeRange +O O O B-object_type O B-object_name I-object_name +O O O O B-party_size_number O B-state +O O O B-object_name I-object_name I-object_name I-object_name +B-playlist_owner B-playlist I-playlist I-playlist I-playlist O O B-entity_name I-entity_name I-entity_name +O O O O O B-city O B-condition_temperature O +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O O O B-sort B-restaurant_type +O B-object_type O O B-object_name I-object_name I-object_name +O B-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type +O O O B-service O O B-music_item O B-year +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-music_item O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O B-condition_temperature O B-timeRange O B-state +O B-object_name I-object_name I-object_name I-object_name O B-object_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name O O B-rating_value B-rating_unit +O O O O O B-city I-city I-city I-city +O O O O O B-object_select B-object_type B-rating_value B-rating_unit +O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-movie_type O B-spatial_relation I-spatial_relation +O O O B-year O B-artist I-artist +O B-movie_type O O B-spatial_relation +O B-rating_value O O B-object_name I-object_name I-object_name +O O B-sort B-music_item O B-artist I-artist +O O B-album I-album O B-artist I-artist O O B-service +O O O O B-timeRange I-timeRange I-timeRange O B-state +O O O O O O O B-party_size_number B-timeRange I-timeRange I-timeRange I-timeRange O B-city B-state O O B-restaurant_type O O B-served_dish I-served_dish +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O B-condition_description O B-timeRange I-timeRange I-timeRange O B-city B-state +O B-movie_type O O O B-location_name I-location_name +O O O O O B-party_size_number O B-spatial_relation O B-poi I-poi I-poi O O B-facility O B-restaurant_type I-restaurant_type +O O O B-object_select B-object_type O O O O B-rating_value +O O B-object_name I-object_name I-object_name B-object_type +O O O O B-party_size_number O O B-restaurant_type O O B-served_dish I-served_dish O B-city +O O B-artist I-artist O B-music_item O O B-playlist O +O B-playlist_owner O B-playlist I-playlist O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name +O B-object_name I-object_name I-object_name +O O O O O B-city +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type +O O B-playlist I-playlist O +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O B-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-served_dish O B-party_size_number +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O O O B-spatial_relation O B-state +O B-track I-track I-track I-track O B-artist I-artist +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-playlist_owner O B-playlist I-playlist I-playlist O B-artist I-artist +O O O O B-movie_name I-movie_name +O O O O O B-timeRange I-timeRange O B-country +O O O B-object_type I-object_type O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-year O O B-artist I-artist O O B-service +O O B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist +O O O O B-party_size_number O B-restaurant_name I-restaurant_name +O O B-object_type O B-object_name I-object_name +O O O O O B-object_name I-object_name +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O O O B-restaurant_type O B-party_size_number +O O O O B-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-restaurant_type O O B-party_size_number O +O O O B-condition_description B-timeRange O B-country +O O B-timeRange O O B-restaurant_type O B-party_size_number +O O B-object_name +O O B-artist I-artist O B-playlist_owner B-playlist O +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O O O B-spatial_relation I-spatial_relation O B-city +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name O B-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi +B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O +O O B-music_item O B-playlist_owner I-playlist_owner O B-playlist I-playlist +O O B-restaurant_type I-restaurant_type O O O B-poi I-poi O O B-spatial_relation O +O O B-condition_description O O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-music_item O B-playlist_owner B-playlist I-playlist +O O B-restaurant_type B-spatial_relation I-spatial_relation O O B-facility I-facility O B-state +O B-object_select B-object_part_of_series_type O B-rating_value O O B-best_rating O +O O O B-artist I-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-music_item I-music_item O B-artist I-artist O B-service +O O O B-restaurant_type O B-country I-country O B-timeRange +O B-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-served_dish I-served_dish B-restaurant_type O B-country I-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-artist I-artist O B-playlist I-playlist +O O O O O O O O B-state O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name +O B-object_name I-object_name I-object_name O O O O O O +O O B-object_type I-object_type B-object_name I-object_name +O O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-sort I-sort B-restaurant_type O O B-spatial_relation I-spatial_relation O B-country +O O O O O B-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O B-spatial_relation O O B-current_location I-current_location B-timeRange I-timeRange I-timeRange +O B-cuisine O B-restaurant_type O B-party_size_number +O O O O B-object_type I-object_type O O O B-movie_type B-spatial_relation I-spatial_relation +O O O B-timeRange I-timeRange O O B-city I-city B-state +O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O O O B-rating_value +O O O O O B-current_location B-timeRange I-timeRange +O O O O O O O O B-object_type I-object_type +O O B-object_select B-object_type O B-rating_value +O O B-timeRange O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O +O O O O O O O B-country O B-timeRange I-timeRange +O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-object_type I-object_type +O O O B-condition_temperature O B-city B-country B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type I-object_type B-object_name I-object_name +O O O B-year O +O O O O O O O O O B-party_size_number +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O B-restaurant_type O O B-served_dish I-served_dish I-served_dish O B-state +O B-track I-track I-track +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O O O O B-country I-country I-country I-country +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O B-year O B-service +O O O O O B-movie_name I-movie_name I-movie_name +O O O O O B-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-geographic_poi I-geographic_poi I-geographic_poi O O B-condition_temperature O +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-track I-track O B-artist +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist +O O O O B-object_type I-object_type O B-location_name I-location_name +O O B-object_name I-object_name +O O O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city I-city B-state I-state O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange +O O B-music_item O B-playlist_owner B-playlist O +O O O B-restaurant_type O B-party_size_number O O B-cuisine O B-city I-city B-state O B-timeRange I-timeRange +O O B-restaurant_type O B-served_dish O B-party_size_number +O O O B-object_select B-object_type O B-rating_value O O O O O B-best_rating +O B-track I-track I-track O B-artist I-artist +O O O B-object_name I-object_name +O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-genre O O +O O O O O O B-party_size_number O O O B-facility O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation O O B-poi I-poi I-poi I-poi +O O O O O B-city O B-party_size_number O +O O O O O B-sort B-music_item I-music_item O B-artist I-artist +O O O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +B-playlist_owner B-playlist I-playlist O O O B-music_item O B-artist I-artist +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-music_item B-album I-album +O O O B-object_type I-object_type O B-location_name I-location_name +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type I-movie_type +O O B-genre O +O B-artist I-artist O B-service +O O O O B-object_type I-object_type +O O B-spatial_relation B-restaurant_type I-restaurant_type O O B-facility O B-city O B-party_size_number O +O O O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-facility +O B-rating_value O O B-best_rating O B-object_name I-object_name B-object_part_of_series_type +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist +O O O O B-party_size_number B-timeRange I-timeRange I-timeRange I-timeRange O B-restaurant_name I-restaurant_name B-spatial_relation O B-country +O O B-condition_temperature O B-city B-state +O O O O O O B-state I-state O B-timeRange I-timeRange +O O B-year B-music_item +O O O B-spatial_relation B-object_location_type O B-movie_type +O O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_name I-object_name I-object_name +O O B-music_item O B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-artist +O O B-restaurant_type O B-party_size_number O +O B-artist I-artist O B-playlist I-playlist +O O O O B-music_item B-track I-track I-track I-track I-track I-track I-track +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_type I-object_type O B-object_name I-object_name +B-object_select B-object_type O O O O B-rating_value O O O O B-best_rating +O O B-music_item O B-playlist_owner B-playlist O +O O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name O B-state +O O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-restaurant_type O O B-served_dish O B-city B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +B-object_name B-object_type O +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-playlist I-playlist O +O O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-artist I-artist B-music_item +O O O O B-object_type B-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O B-city B-country +O O B-music_item O B-playlist I-playlist I-playlist I-playlist +O O O O O O O B-restaurant_type O B-country I-country O O B-served_dish I-served_dish O B-timeRange +O B-year O O B-service I-service +O B-service O O O +O O O O O B-sort B-cuisine B-restaurant_type O B-country I-country I-country I-country O O O O B-party_size_number +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O B-condition_description B-spatial_relation I-spatial_relation O B-city +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O O O O B-party_size_number O O B-restaurant_type O B-facility +O O O O B-object_name I-object_name +O O O B-sort B-artist I-artist B-music_item +O O O O B-spatial_relation B-restaurant_type O B-country O B-party_size_number O +O O O B-object_type I-object_type O O B-location_name I-location_name +O B-track O B-artist I-artist +O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating +O O O O B-artist I-artist B-music_item +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O O B-served_dish B-restaurant_type +O O O B-timeRange I-timeRange O O B-current_location +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-music_item O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O B-city I-city B-timeRange I-timeRange I-timeRange O O B-restaurant_name I-restaurant_name +O B-artist I-artist I-artist B-music_item O B-playlist I-playlist I-playlist O +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-playlist I-playlist O O B-service +O B-movie_type O O O O B-spatial_relation B-object_location_type +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O B-music_item O B-playlist I-playlist I-playlist +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O O B-timeRange I-timeRange O B-city B-state +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O B-party_size_number O O B-restaurant_type O O O B-timeRange I-timeRange +O O B-music_item O O B-year +O O B-music_item O B-year +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O B-artist I-artist O B-year +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +B-object_name I-object_name I-object_name I-object_name O O B-rating_value O O O B-best_rating O +O O B-object_select B-object_type O B-rating_value +O O O B-condition_description O O O O B-city O B-timeRange I-timeRange +O O O O O O B-year +O O O B-object_type I-object_type O B-location_name I-location_name +O O B-music_item O B-artist I-artist +O O O O O O B-city I-city +O B-year B-music_item +O O B-party_size_number O O B-restaurant_type +O O O O B-party_size_number B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O B-playlist I-playlist I-playlist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O O B-city B-state +O O O O O B-sort I-sort B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation O B-poi O B-party_size_description I-party_size_description I-party_size_description +O O O O B-service +O O B-restaurant_type I-restaurant_type O B-city B-state I-state O B-party_size_description I-party_size_description I-party_size_description O O B-served_dish I-served_dish +O O B-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name +O O O O O O B-city +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-music_item O B-year +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-timeRange I-timeRange B-country +O O O O B-restaurant_type I-restaurant_type O B-party_size_description I-party_size_description I-party_size_description B-timeRange +O O O O B-restaurant_type O B-state O O O O B-city I-city I-city +O B-playlist I-playlist I-playlist O B-playlist_owner B-entity_name I-entity_name O +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O B-object_name I-object_name B-object_type +O O B-movie_type I-movie_type O B-object_type I-object_type B-spatial_relation I-spatial_relation +O O O B-restaurant_type O B-country O O B-restaurant_type +O O O O O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O B-object_type O O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O B-object_type I-object_type O B-location_name I-location_name +O B-object_select B-object_type O B-rating_value O O B-best_rating B-rating_unit +O O B-object_select B-object_type O B-rating_value O B-best_rating B-rating_unit +O O O O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist I-playlist +O O O O O O B-city +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-city O +O O O O O O B-city B-state +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description B-spatial_relation O B-poi I-poi O O B-facility B-restaurant_type +O O O O O B-party_size_number O O B-restaurant_type O B-country +O O O O B-album I-album B-music_item O B-artist I-artist +O O B-object_type O B-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O B-object_name I-object_name I-object_name +O O B-object_select B-object_type O B-rating_value +O B-object_select B-object_type O O B-rating_value B-rating_unit O O O O B-best_rating +O O B-condition_temperature O B-city +O O O O O O O B-spatial_relation O O B-current_location I-current_location +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O B-object_type B-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-condition_description B-spatial_relation I-spatial_relation B-country B-timeRange I-timeRange I-timeRange +O O O O O B-condition_temperature B-current_location +O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-object_select O O O B-object_part_of_series_type B-rating_value B-rating_unit O O B-best_rating +O O O O B-restaurant_name I-restaurant_name I-restaurant_name B-timeRange I-timeRange O B-country +O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O O O O O B-restaurant_type I-restaurant_type O B-city O O B-served_dish I-served_dish +O O B-sort B-restaurant_type I-restaurant_type O B-state +O B-artist O B-playlist_owner B-playlist O +O O B-restaurant_type O B-facility O B-party_size_number +O O B-timeRange I-timeRange O B-country +O O O O B-year O B-service +O O O O B-condition_description B-timeRange I-timeRange B-spatial_relation O B-state +O O B-object_type O B-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O O B-object_type I-object_type O B-object_name I-object_name +O O O O O B-timeRange I-timeRange O O O O B-party_size_number +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-restaurant_type O O B-restaurant_type B-spatial_relation B-poi I-poi O O B-served_dish O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-spatial_relation B-object_location_type O O B-movie_type O O B-timeRange +O B-artist I-artist B-track I-track I-track +O O O B-rating_value O B-best_rating B-rating_unit O O B-object_name I-object_name I-object_name +O O O O B-party_size_number O O O B-facility B-restaurant_type O O B-timeRange O B-city B-state +O O B-restaurant_type O B-city B-state O O B-served_dish O B-party_size_number O +O O B-music_item O B-artist I-artist +O O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit O O O O O B-best_rating +O O B-restaurant_type O B-country I-country I-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O B-album I-album +O O B-service O O +O O B-facility O O B-timeRange B-poi I-poi B-spatial_relation I-spatial_relation I-spatial_relation O O B-restaurant_type O B-party_size_number +O O O B-music_item O B-artist O B-service I-service +O O O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O B-party_size_number O O O B-restaurant_type O O B-cuisine O +O O O O O O O B-movie_name I-movie_name +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O B-country +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O O B-object_type O B-object_name I-object_name +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state +O O O B-city +O O O O O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-restaurant_type I-restaurant_type O B-party_size_number O +O O B-object_type O B-object_name I-object_name I-object_name +O B-artist I-artist O B-album I-album +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value O B-best_rating O +O O B-year B-music_item I-music_item O B-service +O O B-object_type O B-movie_type O B-location_name I-location_name +O O O O B-served_dish I-served_dish O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O B-party_size_number O O B-sort B-restaurant_type O B-country +O O B-music_item O B-playlist I-playlist I-playlist I-playlist +O O O O O O O O B-party_size_number O O B-restaurant_type O O B-facility +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-state O B-party_size_number O +O O B-music_item O B-playlist I-playlist +O O O O B-party_size_number O O B-sort I-sort B-restaurant_type O B-city +O B-music_item O O B-year +O B-object_name I-object_name O O +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-year O O B-service +O B-artist I-artist O B-sort B-music_item +O O B-genre +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O O O B-city I-city B-state O O O B-condition_description +O O B-geographic_poi B-spatial_relation I-spatial_relation B-condition_temperature +O B-track I-track I-track O B-service +O B-track I-track I-track I-track I-track I-track I-track I-track +O O O B-object_type B-object_name I-object_name +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-object_select B-object_type O B-rating_value +O O O O O O O O O B-country B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-state +O O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-year B-music_item O O B-service +O B-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange I-timeRange O O B-object_location_type +O O O O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O B-music_item O B-artist I-artist O O B-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O B-object_name I-object_name I-object_name I-object_name +O O O O B-current_location +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O B-country I-country +O O B-music_item O B-playlist I-playlist +O O B-object_location_type O B-movie_name I-movie_name B-spatial_relation O +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O B-object_type B-object_name I-object_name +O O O B-restaurant_type O O O O O O B-party_size_number O B-city +O O O B-condition_description O O B-current_location I-current_location O B-timeRange I-timeRange +O O O O B-object_type O B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name O O O B-rating_value +O O O O B-object_name I-object_name I-object_name B-object_type +O O B-year B-music_item O B-service +O O O O B-movie_type O B-location_name I-location_name +O O B-timeRange I-timeRange O B-city B-country +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O O B-party_size_number O O B-restaurant_type O O B-facility O B-timeRange I-timeRange O B-city B-state +O O O B-object_type I-object_type O O B-location_name I-location_name +O O O B-object_name I-object_name I-object_name +O O O O O O B-object_type B-object_name I-object_name +O O O B-object_type I-object_type B-object_name I-object_name +O B-playlist I-playlist O B-artist +O O B-object_type I-object_type O B-location_name I-location_name B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-country +O O B-movie_name I-movie_name O O O +O B-artist I-artist O B-playlist_owner B-music_item B-playlist I-playlist +O O O O B-object_type I-object_type +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-party_size_number O O B-sort B-restaurant_type +O O O O B-service +O O O B-object_select B-object_type O O B-rating_value +O O B-music_item O B-playlist I-playlist +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O B-playlist_owner B-music_item +O O O O B-object_type I-object_type +O B-playlist I-playlist O B-playlist_owner B-entity_name I-entity_name I-entity_name I-entity_name +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_type O B-object_name I-object_name +O O O O O O O B-timeRange I-timeRange O B-country I-country I-country +O O B-music_item O B-playlist I-playlist I-playlist I-playlist +O B-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-object_select B-object_type B-rating_value O O B-best_rating +O O B-movie_type I-movie_type O B-location_name I-location_name O +O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O O O B-sort B-cuisine I-cuisine B-restaurant_type O B-party_size_number O +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange O B-country +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-sort B-music_item O B-year +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-facility B-restaurant_type O O O O B-party_size_number O B-city I-city +O O O O O O B-country I-country I-country +O O O B-condition_description O B-country B-timeRange I-timeRange +O O O B-artist I-artist +O O O O B-restaurant_type O B-timeRange O B-party_size_number O O B-city I-city +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-condition_temperature O B-city I-city +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist O +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O O O O O B-party_size_number O O B-sort I-sort B-restaurant_type +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-artist I-artist O O B-playlist I-playlist O +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O B-city B-state +O O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-sort B-restaurant_type O B-city B-state O B-timeRange +O O O B-movie_name I-movie_name I-movie_name O +O B-album I-album I-album O B-service +O O B-entity_name I-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist +O O O B-condition_description O B-timeRange O B-city B-country +O O O O O O B-restaurant_type B-timeRange O O O O B-party_size_number O B-city +O O B-year B-music_item O B-service I-service +O B-object_type B-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state O B-timeRange I-timeRange +O O B-city I-city B-state +O B-object_type I-object_type +O O O O O O B-country +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-sort B-year O B-artist I-artist +O O B-party_size_description I-party_size_description I-party_size_description O B-city I-city O O B-sort B-restaurant_type +O B-album O B-artist I-artist +O O B-restaurant_type O B-timeRange I-timeRange I-timeRange O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-sort I-sort B-music_item I-music_item O B-artist I-artist O O B-year +O O O O B-object_name I-object_name I-object_name B-object_type +O B-movie_type I-movie_type O O B-location_name I-location_name +O O B-object_name I-object_name B-object_type +O O B-object_name I-object_name B-rating_value B-rating_unit +O O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-movie_type O B-spatial_relation I-spatial_relation +O B-album I-album I-album +O O O B-artist I-artist O B-service +O B-movie_type O O B-spatial_relation I-spatial_relation +O O O O O B-country +O O O O O B-condition_temperature O O B-country O B-city I-city +O O O B-object_type I-object_type O O +O O B-music_item O B-artist I-artist O B-playlist +O O O B-movie_name I-movie_name O +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O O B-city I-city +O O B-movie_name I-movie_name O O B-location_name I-location_name +O O O O B-party_size_number O O B-restaurant_type O B-country +O O B-condition_temperature O B-city I-city B-country +O B-object_select B-object_type B-rating_value O O O B-best_rating B-rating_unit +O O B-object_name I-object_name I-object_name B-object_type +O B-restaurant_type O O O B-party_size_number O O B-restaurant_type O B-city I-city +O O O B-movie_name I-movie_name O +O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O B-album I-album I-album O B-artist I-artist +O O B-music_item O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-year O O B-artist I-artist O B-service I-service +O O O O B-condition_description O B-state +O O O O O O B-country +O O O B-object_type I-object_type O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-restaurant_type O B-state +O O O O O O B-restaurant_type I-restaurant_type O B-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O O O B-country I-country +O O O O O B-city I-city B-country +O O O O B-spatial_relation O B-country O B-timeRange +O O O O B-year O O B-artist O B-service +O O B-music_item O O B-year +O O O B-object_type I-object_type O O B-movie_type O B-spatial_relation I-spatial_relation O B-timeRange +O O O B-artist I-artist O B-service +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O B-object_select B-object_part_of_series_type O B-rating_value +O O O O B-object_type O B-object_name I-object_name I-object_name +O B-artist I-artist B-sort B-music_item O B-service +O O O B-object_type I-object_type +O O O O O O B-music_item O B-artist I-artist +O O B-object_type O B-movie_type O B-location_name I-location_name +O O O B-condition_description B-spatial_relation O B-current_location +O O B-object_type O B-object_name I-object_name I-object_name O B-rating_value +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O O O B-city O B-timeRange I-timeRange +O O O O O O B-state O B-timeRange I-timeRange I-timeRange +O O O B-sort B-restaurant_type O B-party_size_number B-spatial_relation O B-city B-state +O O O O O O O O B-object_name B-object_type +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-movie_type O B-location_name I-location_name O O B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O B-restaurant_name B-spatial_relation O B-poi I-poi +O B-object_name I-object_name O O O B-rating_value B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-year O O B-service +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O B-city B-country +O O B-cuisine I-cuisine O B-restaurant_type O B-timeRange O B-party_size_number O B-city B-state +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O B-object_type O B-object_name I-object_name +O O O O B-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist +O O O O B-party_size_number O B-restaurant_name I-restaurant_name O B-timeRange +O B-artist O B-music_item B-album I-album O B-service +O O O O O O B-condition_description O B-state B-timeRange I-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-restaurant_type O B-country I-country O B-party_size_number O +O O O B-condition_description O B-timeRange O O B-state +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O B-album I-album I-album +O B-album I-album I-album O O B-artist I-artist O B-service I-service +O O O O O O B-current_location I-current_location +O O O B-condition_temperature O B-city B-state I-state +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O O O O B-genre O +O O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name B-object_location_type +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O B-entity_name I-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-playlist I-playlist +O O O O O O B-condition_description B-spatial_relation O B-city B-timeRange I-timeRange I-timeRange +O O O O O B-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-object_type O B-object_name I-object_name +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O +O O B-timeRange O B-state +O O B-object_type I-object_type O B-location_name I-location_name +O O B-artist I-artist +O O O O O O O B-restaurant_type O O B-served_dish I-served_dish I-served_dish O O O O B-party_size_number +O O O O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-current_location O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation +O B-music_item O B-playlist I-playlist I-playlist +O O O B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-movie_name I-movie_name I-movie_name O +O O O B-object_type B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_type O B-object_name I-object_name +O O O B-condition_description O B-timeRange O O B-country I-country I-country I-country I-country +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-restaurant_name I-restaurant_name I-restaurant_name B-restaurant_type O B-state O B-timeRange +O O B-object_type O B-object_name +O O O B-year B-music_item +O O O O B-object_type I-object_type O B-location_name I-location_name +O B-track I-track I-track I-track +O O O O O O B-city B-country I-country +O O O O B-music_item O B-year O B-service +B-condition_temperature O O B-country B-city I-city +O O B-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O B-state I-state O B-city I-city +O O O B-music_item O B-artist O B-playlist_owner B-playlist O +O O O B-movie_name I-movie_name O +O B-music_item O B-playlist_owner B-playlist I-playlist +O B-track I-track O B-artist I-artist O B-service +O O B-object_type O B-object_name I-object_name I-object_name +O O O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O B-condition_description O O O O B-timeRange O B-state +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O O B-current_location +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O B-party_size_number O O B-restaurant_type O O B-timeRange +O B-rating_value O O B-best_rating O O B-object_select B-object_type +O O O O O B-state O B-timeRange I-timeRange +O O O O O O O O B-party_size_number +O O B-music_item O B-year O B-artist I-artist +O O O B-restaurant_type O O B-spatial_relation O B-party_size_number O O B-city +O B-playlist I-playlist I-playlist +O O O O O B-condition_temperature O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-facility B-restaurant_type O B-party_size_number +O O B-restaurant_type B-spatial_relation B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O O O O B-party_size_number O B-city +O O B-music_item O B-playlist_owner B-playlist I-playlist +O O O O B-party_size_number O B-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O O O O B-party_size_number O O O O O O O B-restaurant_type O O B-served_dish +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi +O O O B-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange O O B-spatial_relation B-object_location_type +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type O B-movie_name I-movie_name I-movie_name B-timeRange O O B-object_location_type I-object_location_type +O B-timeRange I-timeRange I-timeRange I-timeRange O O O O O O O O B-cuisine B-restaurant_type +O B-object_type I-object_type +O O O O O O B-current_location +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-sort I-sort B-timeRange B-restaurant_type +O O O B-object_name I-object_name I-object_name B-object_type +O O B-sort I-sort B-artist I-artist B-music_item O O B-year +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-movie_name I-movie_name I-movie_name +O O O O B-spatial_relation O B-current_location O B-country I-country I-country I-country +O B-service O O O O +O O O O B-object_type I-object_type O O +O O O O O B-restaurant_type O O B-served_dish O O O O B-party_size_description I-party_size_description I-party_size_description +O O O B-object_type I-object_type O B-location_name I-location_name +O O B-sort B-music_item O B-artist I-artist O B-service +O B-object_type I-object_type O B-location_name I-location_name +O B-artist I-artist I-artist O B-playlist I-playlist +O O O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O B-object_type O B-object_name I-object_name I-object_name +O O O B-music_item O O B-year O B-artist I-artist +O B-artist I-artist O O B-year +O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange O O O O B-state I-state +O O O O O B-party_size_number O +O O O O O B-timeRange I-timeRange I-timeRange O B-state I-state +O O O O O O O B-restaurant_type I-restaurant_type O O B-facility +O O O O O O B-timeRange I-timeRange I-timeRange O B-city I-city B-state +O O O O B-object_name I-object_name I-object_name B-rating_value O B-best_rating +O B-object_location_type O O B-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-condition_description O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-artist I-artist B-music_item +O O B-year B-music_item +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist +O O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-restaurant_type O B-city I-city B-state +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-restaurant_type O O B-city B-state I-state I-state +O B-artist I-artist O O B-playlist I-playlist I-playlist I-playlist O +O O O O B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O O O O O B-country +O O B-object_select B-object_type O B-rating_value +O O B-object_name I-object_name O O B-object_type O O O O O +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-artist I-artist +O O O B-restaurant_type I-restaurant_type I-restaurant_type O O O B-party_size_number O O B-facility I-facility +O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_select B-object_type O B-rating_value +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city I-city +O O B-sort B-artist I-artist O B-service +O O O O O B-party_size_number O O B-restaurant_type O B-state +O O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name +O O O B-year B-music_item O B-service +O O B-service I-service +O O O O O O B-state +O O O B-condition_temperature B-spatial_relation O O B-current_location I-current_location +O O B-sort I-sort B-music_item O O B-year O B-artist I-artist +O O O O B-party_size_number O B-country B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist O O B-playlist I-playlist O +B-object_select B-object_type O B-rating_value B-rating_unit +O O O O O B-facility B-restaurant_type O B-state +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-track I-track I-track O B-artist I-artist +O B-rating_value O O B-object_select B-object_type +O O O B-object_name I-object_name I-object_name B-object_type +O B-object_type O B-object_name I-object_name I-object_name I-object_name O O B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O B-object_type B-object_name I-object_name +O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-object_type I-object_type O O B-timeRange +O B-playlist I-playlist O B-service +O B-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist +O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-service B-playlist I-playlist +O O O B-music_item O O B-year O B-artist I-artist O B-service I-service +O O O O O O B-restaurant_type O O B-served_dish O B-city +B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O B-timeRange I-timeRange I-timeRange O B-country +O O B-object_type I-object_type +B-object_name I-object_name I-object_name O O O O O O B-rating_value O O O O O B-best_rating +O O O O O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O B-party_size_number O O B-restaurant_type O B-country I-country +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist O B-service O B-sort B-music_item +O O O B-year +O O B-condition_temperature B-spatial_relation I-spatial_relation B-city +O O O O O O O B-current_location I-current_location +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-artist I-artist +O O B-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O O B-rating_value +O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O B-artist I-artist +O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name B-spatial_relation O B-poi I-poi I-poi +O O O B-object_name I-object_name B-object_type +O O O B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name +O O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city I-city +B-playlist_owner B-playlist I-playlist I-playlist O O O B-entity_name I-entity_name +O O O B-condition_temperature O O B-city B-country I-country +O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name B-spatial_relation B-city +O B-object_name I-object_name I-object_name O B-object_type +O O O O B-object_type I-object_type O O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-city +O O B-object_type O B-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name +O O B-condition_temperature O B-spatial_relation O O B-current_location I-current_location +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name O B-timeRange I-timeRange +O O O B-object_type B-object_name I-object_name I-object_name +O O O O O O O B-party_size_number B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-timeRange O O B-restaurant_type O B-country O O B-cuisine O +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-music_item O B-artist I-artist O O O B-playlist I-playlist +O B-movie_type I-movie_type O O B-spatial_relation B-object_location_type +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-restaurant_type O B-party_size_number O B-spatial_relation B-poi O B-timeRange +O B-music_item B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_name B-object_type +O O B-entity_name I-entity_name O B-playlist I-playlist I-playlist O +O O O O O B-restaurant_type B-timeRange O B-city O B-party_size_number +B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O B-object_select B-object_type O O O B-rating_value O O O O O B-best_rating +O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O B-artist I-artist O O B-year O B-service +O B-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O B-genre +O O B-timeRange I-timeRange I-timeRange O B-city I-city B-country +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-object_select B-object_type O O B-rating_value +O O B-music_item O B-year O B-artist I-artist +O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O O B-artist I-artist O O B-service +O B-track I-track I-track O B-artist I-artist +O O O B-spatial_relation O O B-poi O O B-timeRange +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O B-year B-music_item O B-service +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-artist I-artist O B-service +O O B-restaurant_type O B-party_size_number O B-country +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-track I-track O B-artist O B-service +O O O B-movie_name I-movie_name I-movie_name O +O O B-music_item B-track O B-artist I-artist +O O O O B-party_size_number O O B-restaurant_type I-restaurant_type O B-city +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-movie_name I-movie_name I-movie_name I-movie_name +O O B-object_name I-object_name +O B-object_part_of_series_type O O B-rating_value B-rating_unit O O B-object_select +O O O O O O O B-condition_description +B-object_select B-object_part_of_series_type O O O B-rating_value B-rating_unit +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-party_size_number +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O B-condition_description B-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation O B-state +O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-artist I-artist O B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist O +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name O B-rating_value +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-music_item O B-playlist I-playlist O +O O O O B-party_size_number B-timeRange O O B-sort B-cuisine B-restaurant_type O O B-spatial_relation O B-state +O B-track I-track O B-artist I-artist +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O O O O B-year O B-service +O O O O O O B-object_name I-object_name I-object_name +O O O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange +O O O O O O O O B-current_location O B-timeRange +O O O O O B-party_size_number O O B-sort B-cuisine B-restaurant_type O B-city +O O O O O B-movie_type O O B-location_name I-location_name I-location_name +O O O B-movie_type I-movie_type O O B-timeRange I-timeRange I-timeRange O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-music_item O O B-playlist I-playlist O +O O B-album I-album I-album I-album I-album I-album I-album B-music_item O B-artist I-artist +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-condition_temperature B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-artist I-artist B-music_item O B-playlist I-playlist +O O O O O O B-state +O O O O O O O O O B-object_name I-object_name I-object_name I-object_name +O O O O B-playlist I-playlist I-playlist O O B-service +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-restaurant_type O B-served_dish B-spatial_relation B-poi I-poi O B-spatial_relation I-spatial_relation +O B-object_name B-object_type +O B-year O +O O B-sort B-cuisine O B-restaurant_type I-restaurant_type O B-party_size_number O B-city I-city +O B-entity_name O O B-playlist I-playlist O +O O O B-artist I-artist B-music_item +O O O O B-best_rating B-rating_unit O O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O B-served_dish O B-restaurant_type I-restaurant_type O B-city +O O B-timeRange I-timeRange O B-state O B-party_size_number +O B-object_name I-object_name I-object_name I-object_name +O O O O O O O B-condition_description O B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O O O B-restaurant_name I-restaurant_name O B-city O B-timeRange +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name +O B-entity_name O O O O B-playlist I-playlist I-playlist +O O B-music_item O B-playlist_owner O O B-playlist I-playlist +O O O O B-object_type I-object_type +O B-year B-music_item +O O O O O O O O O B-object_type O B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type B-object_name +O O O O O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist +O B-playlist I-playlist I-playlist O B-artist I-artist O B-playlist_owner O +O O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O O B-party_size_number O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O B-playlist +O O B-object_name I-object_name I-object_name +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-party_size_number O O B-restaurant_type O B-city I-city +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-music_item B-track I-track I-track I-track +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O O B-restaurant_type I-restaurant_type O O O B-served_dish O B-state +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-album I-album O B-artist I-artist +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-rating_value B-rating_unit O B-object_name I-object_name B-object_part_of_series_type +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O O O O B-artist I-artist +O O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-entity_name I-entity_name O O B-playlist I-playlist O +O O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-country +O O O B-artist I-artist +O B-rating_value O O B-object_select B-object_type +O B-object_name B-object_type +O O O O O O B-timeRange O B-state +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value +O O B-genre O O B-service +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name I-movie_name I-movie_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist +O B-rating_value O O B-object_select B-object_type +O O O O B-party_size_number O O B-restaurant_type O B-state +O B-object_type I-object_type B-spatial_relation I-spatial_relation B-movie_type +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-artist +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-track I-track I-track I-track O B-artist I-artist +O O O O O O B-city O B-timeRange I-timeRange I-timeRange +O O B-music_item O B-playlist I-playlist +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O B-restaurant_type O B-party_size_number O O +O B-artist I-artist B-sort B-music_item +O O O O B-party_size_number O O B-timeRange I-timeRange I-timeRange O B-city +O O B-city +O O O O O O B-served_dish O O O O B-party_size_number O O B-restaurant_type +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O B-party_size_number O B-timeRange O B-city +O B-object_name I-object_name +O O O O O B-condition_temperature O B-country B-city I-city B-timeRange I-timeRange I-timeRange +O O O O O B-year B-music_item O B-artist I-artist O B-service +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-entity_name I-entity_name O B-playlist_owner B-playlist O +O O O B-artist I-artist +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O B-object_type B-object_name +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O B-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O B-sort B-music_item O B-artist I-artist +O O O B-state O O O O O B-spatial_relation B-timeRange +O O B-object_name B-rating_value B-rating_unit +O O B-sort I-sort O O B-artist I-artist +O B-playlist I-playlist O O O B-music_item +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O B-object_select B-object_type B-rating_value O B-best_rating +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O O O O B-timeRange I-timeRange I-timeRange O B-country I-country I-country +O B-object_name I-object_name B-object_type +O B-genre I-genre O B-service +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O O O O O B-city B-country +O B-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-condition_description B-spatial_relation O B-geographic_poi I-geographic_poi +O O O O O O B-movie_type B-spatial_relation I-spatial_relation +O O O O B-city B-state +O B-service O O B-playlist I-playlist I-playlist +O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O B-current_location I-current_location O B-timeRange +O B-movie_name I-movie_name I-movie_name O O B-object_type O O O O O +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-condition_description O O B-city +O O O B-location_name I-location_name O O B-movie_type I-movie_type +O O O O O B-object_type B-object_name I-object_name +O O O O O B-city O B-timeRange I-timeRange I-timeRange +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-restaurant_type O B-city I-city B-state I-state O O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_type I-object_type +O B-rating_value B-rating_unit O B-object_select B-object_type +O O O O O B-country +O O O O B-object_name I-object_name I-object_name I-object_name +O O O O O O O B-restaurant_type O B-timeRange I-timeRange I-timeRange O O B-spatial_relation O B-poi I-poi O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name +O O O B-object_type I-object_type O B-location_name I-location_name +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O O O B-timeRange I-timeRange O B-city B-state +O O B-object_type I-object_type +O O O O O B-object_type I-object_type B-object_name I-object_name +O B-party_size_number O O O B-country B-restaurant_type +O O O B-condition_temperature O O B-city B-state I-state +O O B-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-city +O B-object_type B-object_name I-object_name I-object_name +O O O O O O B-restaurant_type O B-country O B-timeRange I-timeRange I-timeRange I-timeRange +O O B-cuisine B-restaurant_type O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O O O O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O O O O O O B-object_type O O O O O O O B-object_name I-object_name I-object_name +O O O O O B-state +O O B-sort I-sort B-music_item O B-artist I-artist O B-service +O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-year +O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O B-timeRange I-timeRange O B-country O O B-sort I-sort B-restaurant_type +O B-service O B-sort O O B-artist I-artist +O O B-object_type O B-movie_name I-movie_name I-movie_name +O O O O B-party_size_number O B-city +O O O O B-spatial_relation I-spatial_relation I-spatial_relation O B-state O B-timeRange I-timeRange +O O O B-spatial_relation B-object_location_type I-object_location_type O O O B-movie_name I-movie_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-service I-service +O O O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state B-timeRange I-timeRange I-timeRange +O B-artist I-artist O B-year +O O O B-condition_description B-current_location +O O O O B-condition_description O B-country O B-timeRange I-timeRange +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value +O O B-object_type I-object_type +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-movie_type I-movie_type O B-location_name I-location_name I-location_name O +O O B-object_type O B-movie_name I-movie_name I-movie_name +O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist +O O B-playlist +O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange +O O B-condition_description O B-city +O B-genre +O O O B-condition_temperature O B-state O B-state B-timeRange +O B-movie_type O B-location_name I-location_name I-location_name +O O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O B-object_type B-object_name I-object_name +O O O O O B-movie_name I-movie_name I-movie_name +O O O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O B-restaurant_type O B-party_size_number O B-facility +O O B-music_item B-album I-album I-album O B-artist I-artist O B-service +O O B-restaurant_type I-restaurant_type O B-party_size_number O O B-cuisine I-cuisine +O O O B-artist I-artist I-artist +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O O O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-object_type I-object_type O B-object_name I-object_name +O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O O O O B-restaurant_type B-spatial_relation B-poi I-poi I-poi I-poi O B-timeRange I-timeRange +O B-movie_type I-movie_type O O O B-location_name I-location_name +O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_type O B-movie_name I-movie_name B-timeRange I-timeRange I-timeRange +O O O O O O O B-city I-city +O O O B-movie_name I-movie_name O O B-location_name I-location_name +O O O B-condition_description B-timeRange O B-state +O O O O O B-condition_temperature O B-city O B-timeRange I-timeRange +O O O B-track O B-artist I-artist +O O O O O O B-condition_temperature O B-city +O B-movie_type O O O O O B-location_name I-location_name +O O B-object_type I-object_type +O B-object_select B-object_type B-rating_value O B-best_rating +O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name +O O O O B-sort B-music_item O B-artist I-artist +O O B-object_type B-object_name I-object_name I-object_name +O O O O B-music_item I-music_item O B-artist I-artist +O O B-object_type B-object_name O O O B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-object_type I-object_type O O +O B-object_name I-object_name I-object_name +O O O O O B-condition_temperature O B-country +O O O O B-artist I-artist O B-album I-album I-album I-album I-album +O B-object_name I-object_name I-object_name I-object_name B-object_type +O O B-music_item O B-playlist I-playlist +O O O O O O O B-restaurant_type O O B-served_dish I-served_dish O O O O B-party_size_number +O O B-genre I-genre O B-service +O B-rating_unit O B-object_name I-object_name I-object_name O O B-best_rating O B-rating_value +O O B-music_item O O O B-year +O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O O O O B-object_type I-object_type O B-location_name I-location_name +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O O B-facility +O O O B-object_type O B-object_name I-object_name +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-album I-album O B-artist I-artist +O B-album I-album I-album O B-artist I-artist +O O O B-condition_temperature O B-city B-state +O O B-object_type B-object_name I-object_name +O B-object_type O O B-object_name I-object_name I-object_name +O O O O O B-object_type O B-object_name +O O O O O B-object_name I-object_name I-object_name I-object_name +O O O O B-condition_description O B-city I-city O +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-best_rating O O O B-rating_value O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O O B-object_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange +O O O O O O B-city +O O B-object_select B-object_type O B-rating_value +O B-object_select B-object_type O B-rating_value O O B-best_rating +O O O O O B-object_name I-object_name I-object_name +O O O B-service O O B-artist I-artist +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_type I-object_type O O B-location_name I-location_name +O B-music_item O B-artist I-artist +O O B-object_select B-object_type O B-rating_value O O B-best_rating +O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-restaurant_type O B-party_size_number O O B-timeRange I-timeRange I-timeRange +O O O O O O B-object_type O B-object_name I-object_name +O O O O O O B-timeRange I-timeRange O O B-sort B-restaurant_type +O B-object_name I-object_name I-object_name +O O O O O B-timeRange I-timeRange I-timeRange B-spatial_relation O B-city +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O B-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation O B-state +O B-entity_name I-entity_name O O B-playlist I-playlist O +O B-artist I-artist O O B-playlist I-playlist O +B-playlist_owner B-playlist O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O +O B-album I-album I-album I-album O B-artist I-artist +O O B-object_type I-object_type +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-object_name I-object_name B-object_type +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O O B-party_size_number B-timeRange I-timeRange I-timeRange O O B-restaurant_type O B-country +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi +O B-artist O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O O B-state O B-timeRange +O O O O O O O O B-rating_value O O B-object_select B-object_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-condition_description O B-geographic_poi I-geographic_poi O B-timeRange +O O O B-movie_name I-movie_name I-movie_name O +O O O O O B-sort I-sort B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi +O B-object_name I-object_name I-object_name O B-rating_value +O O O B-timeRange O O O B-country I-country +O O O O B-service +O O O O O O B-city I-city +O O O O O O B-year +O O O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O B-party_size_number O O O B-restaurant_type O O B-served_dish I-served_dish +B-party_size_description I-party_size_description I-party_size_description O O B-served_dish I-served_dish O O O O O O O O B-restaurant_type +O O O B-artist I-artist I-artist I-artist I-artist I-artist O B-service +O O O O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O B-restaurant_type O B-party_size_number B-timeRange I-timeRange I-timeRange +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-spatial_relation O O B-city I-city +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +B-restaurant_type O B-country O O B-spatial_relation O O O O B-party_size_number +O O B-object_name I-object_name I-object_name +O O O B-spatial_relation I-spatial_relation O B-poi I-poi +O O O O B-movie_name I-movie_name I-movie_name O +O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O O O B-object_type B-object_name +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-sort B-restaurant_type O B-party_size_number +O O O B-object_type I-object_type O B-movie_type I-movie_type O O O B-spatial_relation +O O B-condition_description B-timeRange O B-city I-city O B-timeRange +O B-object_select B-object_part_of_series_type B-rating_value +O B-playlist_owner B-playlist I-playlist O O B-music_item O O O +O O B-sort O B-artist +O O O O O B-restaurant_type O B-party_size_number O +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O O O O B-current_location O B-timeRange I-timeRange I-timeRange +O O O B-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange O B-location_name I-location_name +O O O O O O O B-restaurant_type O B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O B-music_item O B-playlist I-playlist +O O O O B-artist I-artist I-artist O O B-playlist I-playlist O +O O B-facility B-restaurant_type +O O O O O B-restaurant_type O B-party_size_number O B-country O O B-served_dish +O O O O O O B-city I-city O B-country I-country I-country I-country O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-country +O O B-object_type I-object_type O B-location_name I-location_name +O O B-music_item O B-artist I-artist O B-year +O B-movie_type O O B-timeRange O B-location_name I-location_name +O O B-object_name I-object_name +B-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit +O O B-restaurant_type O B-state O B-timeRange I-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-sort B-restaurant_type O O O B-cuisine B-restaurant_type +O B-artist I-artist I-artist O O B-playlist O +O O O B-playlist I-playlist I-playlist I-playlist O B-music_item +O O O B-rating_value O O B-best_rating B-rating_unit O O O O O B-object_name I-object_name I-object_name I-object_name +O O O B-genre O +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O B-condition_description O B-city I-city B-state B-timeRange +O O O B-object_name I-object_name I-object_name O O O B-rating_value O O O O O B-best_rating +O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name O +O O O B-condition_description O B-city B-country +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange +O O O B-year B-music_item I-music_item +O O O O O B-party_size_number O O B-restaurant_type +O O B-condition_description O B-timeRange I-timeRange I-timeRange O B-country +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-condition_description O O O B-country +O O B-object_name I-object_name I-object_name +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O B-artist I-artist +B-object_type I-object_type O B-location_name I-location_name +O O O O O O B-cuisine B-restaurant_type O B-state I-state +O B-entity_name I-entity_name O B-playlist I-playlist +O O B-object_type O O B-spatial_relation I-spatial_relation B-movie_type +O B-service O O B-sort O O +O B-movie_type I-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O O B-object_type O B-object_type I-object_type +O O B-music_item O O O B-playlist I-playlist +O O B-object_name I-object_name O B-rating_value O O B-best_rating +O O B-object_type I-object_type O B-location_name I-location_name +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O B-city B-state +O O O O O B-party_size_number O B-country +O B-track O B-artist I-artist +O O O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation +O O B-sort B-artist I-artist B-music_item O O B-year +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist +O O O B-object_type I-object_type +O O O O O B-sort B-restaurant_type I-restaurant_type O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state O O B-cuisine O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-restaurant_type O B-city I-city B-state I-state +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange +O B-service O B-year O O B-artist I-artist O O B-music_item +O O B-object_select B-object_type B-rating_value +O O O O B-restaurant_name I-restaurant_name O B-party_size_number O +O B-object_name I-object_name +O O O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O B-sort B-artist I-artist I-artist B-music_item +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O B-timeRange I-timeRange O B-country +O O O O O O O O B-party_size_number O B-country +O O B-party_size_number O O B-restaurant_type +O O O O B-timeRange I-timeRange O B-city +O O B-artist I-artist O B-music_item O B-playlist I-playlist +O O O B-condition_description O B-timeRange I-timeRange O B-country +O O O O B-party_size_number O O B-restaurant_type O B-timeRange +O B-artist O B-service O B-track I-track +O O B-music_item O B-playlist_owner B-playlist O +O O O O O O B-country B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_select B-object_type B-rating_value O B-best_rating +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist +O B-object_select B-object_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O O B-sort B-cuisine B-restaurant_type +O O O O O B-object_type I-object_type B-object_name +O O O O O B-sort B-restaurant_type B-spatial_relation B-cuisine O O O B-party_size_number O O B-spatial_relation O B-poi I-poi I-poi +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city B-country I-country +O B-movie_type O O O O B-spatial_relation B-object_location_type +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O B-music_item O B-artist I-artist O O O B-playlist I-playlist I-playlist +O O O O B-music_item O B-artist I-artist O O B-service O +O O O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-object_type O B-object_name I-object_name +O O O O B-object_type O B-object_name I-object_name I-object_name +O O O B-party_size_number O O O O O B-served_dish I-served_dish I-served_dish O O B-restaurant_type O O O +O O B-restaurant_type B-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-state +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O B-best_rating +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-city O B-timeRange I-timeRange +O O O O B-party_size_number O +B-restaurant_type I-restaurant_type O B-city B-state O O B-facility O B-party_size_number +O B-object_name I-object_name B-rating_value O O B-best_rating +O O O B-object_type O O B-location_name I-location_name O O O B-movie_name I-movie_name I-movie_name +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-condition_description B-timeRange I-timeRange O B-city I-city B-country +O B-movie_type O O O O B-spatial_relation B-object_location_type +O O O O O B-spatial_relation B-country +O O B-music_item B-album +O B-object_select B-object_type B-rating_value O O B-best_rating +O B-movie_type O O O O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type I-object_type +O B-playlist I-playlist I-playlist O +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O B-movie_type O O O B-spatial_relation I-spatial_relation +O O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-country +O O O B-condition_temperature O B-city +O B-artist O B-playlist I-playlist I-playlist O +O O B-city B-state +O B-artist I-artist O B-playlist I-playlist +O O O O O B-best_rating O O O B-object_select B-object_type O O B-rating_value +O O B-music_item O B-artist I-artist O B-service I-service +O B-playlist I-playlist O B-service +O O O O O O B-state +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O B-object_type O B-object_name I-object_name I-object_name +O B-object_select B-object_part_of_series_type O B-rating_value +O B-artist I-artist O B-playlist_owner B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O O B-country +O O O B-object_type I-object_type O B-object_name I-object_name +O O B-spatial_relation B-movie_type O O B-object_location_type I-object_location_type +O O O B-state O O B-timeRange +O O O O O O O B-city I-city B-country B-timeRange I-timeRange I-timeRange +O O B-object_type I-object_type +O O B-object_select B-object_type O B-rating_value O O B-best_rating +O O O O O O O B-city B-state O B-timeRange +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-playlist I-playlist O +O B-album I-album I-album +O O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation O B-timeRange O +O O B-object_type O B-movie_name I-movie_name +O O B-year B-music_item O B-service +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name B-timeRange +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type O B-country O B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_name I-object_name B-rating_value O O B-best_rating +O O O O O B-movie_name I-movie_name I-movie_name B-timeRange O B-location_name I-location_name +O B-sort B-artist O +O O O B-condition_description O B-timeRange I-timeRange O B-city B-country I-country I-country I-country I-country +O O O O O O O B-timeRange O B-country +O O B-object_name I-object_name I-object_name I-object_name +O B-music_item B-artist I-artist O B-playlist I-playlist O +O O O O B-track O B-artist I-artist +O O O B-condition_temperature O B-city B-country I-country B-timeRange I-timeRange I-timeRange +O O O O O O B-party_size_number B-timeRange I-timeRange I-timeRange B-spatial_relation B-country B-restaurant_type +O O O O B-city I-city B-country +O O B-sort B-artist I-artist +O O O B-timeRange I-timeRange O O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O B-restaurant_type O O B-served_dish I-served_dish O B-timeRange I-timeRange +O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O O O B-object_name I-object_name I-object_name +B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-restaurant_type O B-city I-city +O O O B-movie_type I-movie_type O O O O O B-spatial_relation B-object_location_type I-object_location_type O B-timeRange I-timeRange +O O B-sort I-sort B-artist I-artist O +O O O O B-restaurant_type O B-city +O O O B-condition_temperature O B-city B-state +O O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O B-country O O B-condition_description O O B-timeRange +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-condition_temperature B-current_location O B-timeRange +O O O O B-sort B-artist B-music_item O B-year +O O O O O B-rating_value O O O B-object_name I-object_name +B-artist I-artist O B-music_item O O B-playlist_owner B-playlist I-playlist I-playlist +O O O O O B-country I-country O O B-restaurant_type I-restaurant_type +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist B-playlist_owner O +O O O O O O O B-city +O B-timeRange B-object_type I-object_type O B-location_name I-location_name +O B-playlist I-playlist O B-playlist_owner B-entity_name I-entity_name I-entity_name I-entity_name O +O O B-year B-music_item +O B-album I-album I-album I-album I-album O B-artist I-artist +O O O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange I-timeRange O O B-spatial_relation B-country B-spatial_relation +O O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist +O B-music_item O B-playlist_owner B-playlist I-playlist +O O O O O O O B-city B-state +O B-sort O O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O B-music_item B-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O O O B-music_item O B-artist I-artist +O O B-year B-music_item O B-artist I-artist I-artist B-sort O +O B-object_name I-object_name B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name +O O B-genre O +O O O O O B-spatial_relation I-spatial_relation I-spatial_relation O O B-geographic_poi I-geographic_poi +O O O O O B-object_name I-object_name I-object_name O O O B-object_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-sort O O B-artist I-artist +B-restaurant_type O B-city O O O B-cuisine B-spatial_relation B-restaurant_type +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_name I-object_name +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-party_size_number O O O O O B-facility O O B-restaurant_type +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O O O B-service +O O B-year B-music_item O O B-artist I-artist O B-service +O B-object_name I-object_name O B-rating_value O O B-best_rating +O O O O B-restaurant_type O O B-cuisine O O B-party_size_number O +O O O B-city O O B-sort B-restaurant_type O B-state +O O O O O O B-state O B-timeRange I-timeRange I-timeRange +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O O B-condition_description O +O O B-music_item O O O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-timeRange I-timeRange I-timeRange O B-city O O O O B-party_size_number +O O O B-object_type I-object_type O O B-location_name I-location_name +O O O B-object_name I-object_name I-object_name B-object_type +O O O O O B-condition_description O B-city +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O B-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value O O B-best_rating +O B-track I-track I-track I-track O B-artist I-artist +O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O B-music_item O B-artist I-artist O B-playlist_owner I-playlist_owner O O B-playlist I-playlist I-playlist I-playlist +O O O O O B-movie_name I-movie_name O B-location_name I-location_name O B-timeRange I-timeRange I-timeRange +O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name I-location_name +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-track O B-service +O O O B-object_type O B-object_name I-object_name I-object_name +O O O O O B-condition_description B-current_location O B-timeRange I-timeRange +O B-object_select B-object_type B-rating_value B-rating_unit +O B-track B-music_item O B-artist I-artist +O B-movie_type O B-object_type I-object_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O B-condition_description B-current_location +O O B-genre I-genre I-genre +O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type I-restaurant_type O O B-served_dish O B-city O B-timeRange I-timeRange I-timeRange +O O O B-sort I-sort B-restaurant_type I-restaurant_type O B-state B-timeRange I-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O B-artist I-artist +O O O O B-party_size_number O O B-restaurant_type O O B-served_dish I-served_dish I-served_dish +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-object_name B-object_type +O O O B-object_type O B-object_name I-object_name +O O O B-service +O O O B-object_type I-object_type +O B-object_select B-object_type B-rating_value O O B-best_rating +O B-object_name I-object_name I-object_name I-object_name +O B-current_location O B-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist +O O O B-music_item O B-artist I-artist +O B-artist O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O B-object_type O B-object_name I-object_name +O B-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange O B-location_name I-location_name +O O O B-object_select B-object_type O O O B-rating_value O O O O O B-best_rating +O O O B-object_type I-object_type +O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist +O O O O O B-object_type O B-object_name I-object_name +O O B-object_name I-object_name I-object_name +O B-movie_type O O O B-spatial_relation B-object_location_type +O O O O O O O B-party_size_number O B-country +O O O B-condition_temperature O B-city O B-timeRange +O O O B-playlist +O O O O O O O B-spatial_relation B-poi B-restaurant_type O O O O B-party_size_number +O O O O B-spatial_relation O B-city O B-timeRange +O O O O O O B-state +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-year O B-artist I-artist +O O O O O B-object_type I-object_type +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist I-playlist +O O B-artist I-artist I-artist +O O O O B-party_size_number O O O O B-state +O B-object_name I-object_name I-object_name O B-rating_value +O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O B-timeRange O B-city B-state +O O O B-object_type O B-object_name I-object_name +O O O O B-facility O B-state O O B-restaurant_type B-timeRange I-timeRange I-timeRange +O B-object_select B-object_type O B-rating_value +O O O O B-service +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi +O B-artist I-artist O B-playlist O +O O O O O O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation O B-city +O B-artist I-artist O B-playlist O +O O O O O B-movie_name I-movie_name I-movie_name +O O O O O O B-city +O O B-restaurant_type O O B-served_dish O B-party_size_number O +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O O B-object_name I-object_name I-object_name B-object_type +O O O O O B-party_size_number O O O B-sort I-sort B-restaurant_type O O B-cuisine O +O O B-condition_description O O B-current_location +O B-genre I-genre O O B-service +O O O O O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation +O B-object_name I-object_name I-object_name O B-rating_value +O B-movie_type I-movie_type O O O O B-spatial_relation B-object_location_type +O O O B-object_type I-object_type O B-location_name I-location_name +O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O O B-facility O B-city I-city B-state +O O O B-location_name I-location_name O B-movie_type I-movie_type +O O O O O B-party_size_number O O B-sort I-sort B-restaurant_type O O B-cuisine O O B-state +O O O O O B-city I-city +O O B-movie_name I-movie_name I-movie_name I-movie_name O O +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-object_name I-object_name O B-rating_value +O B-object_type I-object_type +O B-artist I-artist O B-playlist +O O B-restaurant_type O O B-party_size_number O B-country +O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-timeRange I-timeRange I-timeRange O B-current_location I-current_location O B-spatial_relation +O O B-spatial_relation B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-state +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-restaurant_type O B-country O B-party_size_number B-timeRange I-timeRange I-timeRange +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O B-condition_description B-current_location B-timeRange I-timeRange I-timeRange +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-object_select B-object_type O B-rating_value O O B-best_rating +B-object_select B-object_part_of_series_type O O O B-rating_value B-rating_unit +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city O B-party_size_number +O O B-condition_temperature B-current_location O B-timeRange +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O O O B-condition_description O B-city +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O O B-playlist I-playlist +O O B-sort O O O O O B-artist I-artist O B-service +O O O B-condition_temperature O B-state B-timeRange I-timeRange I-timeRange I-timeRange +O B-rating_value O O B-best_rating O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type +O O O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-artist I-artist O O B-playlist I-playlist I-playlist O +O O O O B-timeRange I-timeRange I-timeRange O B-city +O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O B-music_item O B-artist +O O B-object_select B-object_type O B-rating_value +O O O B-playlist I-playlist +O O O B-current_location I-current_location O O B-spatial_relation O O B-condition_temperature O +O O O O B-condition_description O B-state +O O B-condition_description O B-state +O O B-restaurant_type O B-party_size_number O B-state +O O O O O O B-state +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-spatial_relation B-timeRange I-timeRange +O O O B-object_name I-object_name I-object_name B-object_type +O B-entity_name O O B-playlist I-playlist O +O B-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name I-movie_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city B-country +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-condition_temperature O B-timeRange O B-state +O O B-music_item O O O O B-playlist I-playlist +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist O +O O O O O B-object_location_type O B-movie_name I-movie_name I-movie_name +O O O O B-party_size_description I-party_size_description I-party_size_description O B-city I-city +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-rating_unit O B-object_name I-object_name I-object_name O O B-rating_value O O B-object_part_of_series_type +O O B-music_item O B-playlist +O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-artist I-artist O B-service +O B-music_item O O B-artist I-artist O B-service +O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name +B-rating_value B-rating_unit O O O O B-object_name I-object_name I-object_name +O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O O O B-artist I-artist +O O B-playlist I-playlist I-playlist O +O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +B-object_select B-object_type O B-rating_value O O B-best_rating B-rating_unit +O O B-object_type B-object_part_of_series_type B-object_name I-object_name I-object_name O B-rating_value +O O O B-object_type I-object_type O O B-location_name I-location_name I-location_name +O B-object_name I-object_name I-object_name O B-rating_value +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-entity_name I-entity_name O B-playlist_owner B-playlist O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-artist I-artist B-music_item +O O O O B-object_type I-object_type O B-location_name I-location_name O O B-timeRange +O O B-sort B-music_item O O B-artist I-artist +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist +O O O O O B-artist I-artist +O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-service +O O O O O O B-restaurant_type O O B-served_dish I-served_dish B-spatial_relation I-spatial_relation O B-country O O O O O B-party_size_number B-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist B-music_item +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type B-spatial_relation O +O O O B-artist I-artist O B-sort B-music_item O B-service +O O O O O O O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange +O B-service O O O O B-artist I-artist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist +O O O O B-party_size_number O O B-state +O O O O B-condition_description O B-country I-country +O O O B-object_type I-object_type +O B-artist I-artist O B-playlist I-playlist O +O O B-music_item O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O O B-playlist I-playlist O O B-service I-service +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-year O O B-artist I-artist +O O O O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-music_item O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O B-year B-music_item O B-service +O O O O B-track I-track I-track I-track O B-artist +O O O O O B-party_size_number O O B-restaurant_type O O B-served_dish O B-city B-state +O O O O O B-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O O O O B-best_rating O O B-object_name I-object_name I-object_name O B-rating_value +O O O O O O O B-country I-country I-country I-country O B-timeRange I-timeRange I-timeRange +O O B-restaurant_type O O B-served_dish O B-city +O O O B-music_item O B-year +O B-track I-track O B-artist I-artist I-artist +O O O O O B-object_type B-object_name I-object_name I-object_name +B-party_size_description I-party_size_description I-party_size_description O O O O B-country B-timeRange I-timeRange +O B-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange +O O O B-artist I-artist O B-service +O O O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O O B-artist I-artist B-music_item O B-playlist I-playlist O +O O O B-year O B-artist I-artist O B-service I-service +O B-artist I-artist I-artist I-artist O O B-playlist_owner O B-playlist I-playlist I-playlist +O O O O O O B-timeRange I-timeRange I-timeRange O B-country I-country I-country I-country I-country I-country I-country +O O B-music_item O B-artist I-artist O B-service +O O O B-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange O O B-restaurant_type O O B-served_dish +O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_number O O B-sort B-restaurant_type B-spatial_relation O O B-cuisine O B-timeRange I-timeRange O B-state +O O O O O O O O B-entity_name I-entity_name O B-playlist_owner O O B-playlist I-playlist +O O B-object_type O B-object_name I-object_name +O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description +O O O O O O O B-party_size_number O O B-restaurant_type O O B-served_dish +O O O O B-artist I-artist O O O O B-year +O O B-condition_temperature O B-city B-country I-country I-country I-country I-country +O O B-object_type I-object_type +B-party_size_description I-party_size_description I-party_size_description O O O O O O B-sort I-sort B-restaurant_type O B-city +O B-service I-service O O B-artist I-artist +O O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_name I-object_name O O B-rating_value O B-best_rating +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O B-music_item B-playlist_owner B-playlist O +O O B-artist O O B-year +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O B-object_type O B-object_name I-object_name I-object_name +O O O O O O B-city I-city I-city +O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O O B-artist I-artist I-artist I-artist O O +O O O B-artist I-artist +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-party_size_number B-poi O O B-spatial_relation B-restaurant_type +O O O O O O B-city I-city +O B-object_type I-object_type O O O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-country O B-party_size_number O +O O B-movie_name I-movie_name O O O O O O B-spatial_relation B-object_location_type I-object_location_type +B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O B-playlist_owner I-playlist_owner B-playlist I-playlist O B-music_item +O O O O O O O O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O B-artist I-artist O B-service I-service +O O O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O B-best_rating +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-movie_type I-movie_type O O O O B-location_name I-location_name I-location_name +O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-spatial_relation B-object_location_type O B-movie_type I-movie_type +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O B-condition_description O B-timeRange O B-city I-city B-state +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_select B-object_part_of_series_type O B-rating_value O O B-best_rating +O O B-artist O O B-year +O B-artist I-artist I-artist O B-album O B-service +O O B-object_type O B-object_name +O O O B-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-movie_type O O B-location_name I-location_name I-location_name +O O O O O O B-country +O O B-music_item B-album I-album I-album O B-artist I-artist O B-service +O O B-object_name B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-object_type I-object_type +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-playlist_owner O B-playlist I-playlist O B-music_item +O O O O O B-object_type O B-object_name I-object_name I-object_name +B-object_name I-object_name I-object_name I-object_name I-object_name O O O O O B-best_rating O B-rating_value B-rating_unit +O B-served_dish O B-restaurant_type O B-city I-city +O O B-music_item O B-playlist I-playlist I-playlist I-playlist +O O B-object_name +O O B-sort B-cuisine I-cuisine B-restaurant_type O B-party_size_number O O B-timeRange I-timeRange I-timeRange O B-city B-state +O O O O B-rating_value O O B-best_rating O B-object_select B-object_part_of_series_type +O O B-artist O B-music_item O O B-playlist O +O B-playlist I-playlist I-playlist I-playlist +O O B-restaurant_type O B-country O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name +O B-artist I-artist I-artist O B-playlist I-playlist I-playlist O +O O O O O O O B-party_size_number O O B-restaurant_type O B-city I-city B-state +O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O B-restaurant_type O B-party_size_number O B-poi I-poi I-poi B-spatial_relation I-spatial_relation +O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange B-current_location +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-artist I-artist O B-playlist I-playlist +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange +O O O O O B-city B-country +O O B-object_select B-object_type B-rating_value O O B-best_rating +O B-artist I-artist I-artist O B-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist O +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O B-object_name I-object_name O B-rating_value +O O O O O B-object_type B-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist +O O O B-condition_description O B-state I-state +O O B-restaurant_type O B-restaurant_name O B-party_size_number +O O O B-movie_type O O O B-timeRange I-timeRange I-timeRange O O B-spatial_relation B-object_location_type I-object_location_type +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-party_size_number +O B-playlist_owner I-playlist_owner B-playlist I-playlist O O O O B-music_item +O O O O O O B-city I-city B-country +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name +O O B-condition_description B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_type O O O O B-object_name I-object_name I-object_name +O B-artist I-artist I-artist O B-playlist I-playlist +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_select B-object_part_of_series_type O B-rating_value +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O O O O O B-country +O O O B-movie_name I-movie_name O B-location_name I-location_name +O O O O B-condition_temperature O B-city +O O B-music_item O B-album I-album I-album I-album I-album O B-artist O B-service I-service +O B-object_name I-object_name I-object_name I-object_name O O O B-rating_value +O O B-artist I-artist B-music_item O O B-year +O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type I-object_type O B-location_name I-location_name O B-timeRange I-timeRange I-timeRange +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O O O O B-rating_value O O B-best_rating B-rating_unit O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-music_item O O B-year +O B-rating_value B-rating_unit O O B-best_rating O B-object_name I-object_name I-object_name +O O O O B-object_type B-object_name I-object_name +O O O B-object_type B-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name B-object_type +O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-movie_name I-movie_name O O B-timeRange I-timeRange +O B-sort O O B-artist I-artist I-artist +O O O O B-restaurant_type O O B-served_dish B-spatial_relation I-spatial_relation O B-poi I-poi I-poi +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist +O B-artist I-artist O B-playlist_owner B-playlist O +O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-track I-track O B-artist I-artist I-artist I-artist O B-service +O O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name +O O B-object_name I-object_name I-object_name +O O O B-object_type I-object_type O B-location_name I-location_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O O B-state O O B-city +O O O B-object_type I-object_type O B-location_name I-location_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange +O B-service O O B-artist I-artist O B-year +O B-object_select B-object_type O B-rating_value B-rating_unit +O O O O O O O B-timeRange O B-country +O O O B-condition_description O B-city +O O O O B-object_type I-object_type O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O B-object_select B-object_type O B-rating_value +O O O O B-party_size_number O B-city +O O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O B-condition_temperature O B-country O B-timeRange I-timeRange I-timeRange +O B-artist O B-playlist I-playlist +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-restaurant_type I-restaurant_type O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O B-city B-state +O B-object_type I-object_type O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-movie_name I-movie_name O +O O B-music_item O B-artist I-artist O O O B-playlist I-playlist I-playlist +O O O O O B-country +O O O O O B-current_location B-timeRange I-timeRange I-timeRange +O O O O O B-restaurant_name I-restaurant_name +O O B-music_item O B-artist O B-playlist_owner B-playlist I-playlist O +O B-album I-album I-album O B-artist I-artist +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_temperature B-spatial_relation I-spatial_relation I-spatial_relation O B-country I-country I-country I-country +O B-object_type B-object_select O O O B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-current_location +O O O O O B-music_item O O O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist +O B-object_name O B-object_type +O B-artist I-artist I-artist O B-playlist I-playlist I-playlist I-playlist +O O B-playlist I-playlist O +O O B-music_item O O O B-artist I-artist I-artist +O B-object_select B-object_type O B-rating_value +O B-track I-track I-track O B-artist I-artist O B-service +O O O O O O B-artist I-artist +O O O O O O B-city B-state +O B-object_name I-object_name I-object_name +O O O O O B-condition_description O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-restaurant_type O B-country I-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O B-condition_temperature O B-timeRange O O B-spatial_relation O B-country +O O B-object_select B-object_type B-rating_value O B-best_rating +O O B-music_item O B-playlist I-playlist I-playlist I-playlist +O O O O O B-music_item I-music_item O B-artist I-artist O O O B-service +O B-restaurant_name O B-timeRange +O B-artist I-artist I-artist +O O B-object_select B-object_part_of_series_type O O B-rating_value O B-best_rating +O O B-served_dish O B-restaurant_type O B-country +O O B-year O O B-service +O O O O O O O O B-city +O O O O O B-sort I-sort B-restaurant_type O B-country +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-artist I-artist +O O O O O O O B-service I-service +O O B-sort I-sort B-artist I-artist B-music_item O O B-year +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist +O O O O O O B-country +O B-entity_name I-entity_name O O B-playlist I-playlist O +O B-movie_type O O O O O B-location_name I-location_name +O O B-music_item O B-playlist I-playlist I-playlist +O O B-music_item O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist +O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-year B-artist I-artist +O O B-party_size_number O B-country O O B-spatial_relation +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name +O O O O O B-state +O O O O O O O B-restaurant_type O O B-served_dish I-served_dish O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange +O O O O O B-party_size_number O B-state +O B-object_type I-object_type +O B-object_name I-object_name I-object_name +O O O O O O B-party_size_number O O B-spatial_relation O O B-city +O B-movie_type O O B-timeRange I-timeRange I-timeRange O O O B-spatial_relation I-spatial_relation I-spatial_relation +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation O B-timeRange I-timeRange I-timeRange +O B-timeRange O B-state O B-restaurant_name I-restaurant_name +O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O O O B-party_size_number O B-restaurant_type O O B-served_dish +O O O O O B-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_type B-object_name +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_name I-restaurant_name O O O O B-party_size_number O O O O B-state +O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-object_select B-object_type O B-rating_value +O O O O B-year O O B-artist I-artist +O O O B-restaurant_type O B-facility O O B-restaurant_type +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi +O O O B-object_type B-object_name I-object_name I-object_name +O O O O O B-party_size_number O O B-sort I-sort B-restaurant_type O B-country +O O B-music_item O B-artist I-artist I-artist +O O O O O O B-city +O B-object_select B-object_type O B-rating_value +O O O B-state O O B-city I-city O B-timeRange +O O B-music_item O B-year +O O O B-object_select B-object_type O B-rating_value O B-best_rating +O O O O B-service +O O O B-condition_temperature B-current_location O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name O B-object_type I-object_type +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name O B-timeRange +O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-object_type O B-object_name I-object_name +O O O B-condition_temperature O B-city +O O O O O B-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O B-party_size_number O B-city I-city I-city B-timeRange I-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value B-rating_unit +O B-genre O +O B-restaurant_name I-restaurant_name O B-party_size_number O B-timeRange I-timeRange I-timeRange O B-city +O O O B-sort B-artist I-artist O O B-service I-service +O O O O O O B-country +O O B-restaurant_type +O B-service O O O +O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist +O B-artist I-artist I-artist O O B-playlist I-playlist I-playlist I-playlist O +O B-year O +O O B-sort B-music_item O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name +O O B-condition_temperature O B-city +O O B-restaurant_type O O B-cuisine O B-timeRange I-timeRange I-timeRange O B-city O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-spatial_relation O B-timeRange B-object_location_type I-object_location_type O B-movie_type I-movie_type +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O O +O O O B-condition_description B-spatial_relation B-current_location +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O B-object_name I-object_name I-object_name O O O O B-rating_value O O O O O B-best_rating +O O O B-object_name I-object_name B-object_type +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O O O B-object_type B-object_name +O O B-restaurant_type O O B-country B-timeRange I-timeRange I-timeRange +O O O B-artist O O B-year +O O O O O B-restaurant_type O B-state B-timeRange I-timeRange I-timeRange +O O B-movie_type O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-restaurant_type O B-party_size_number O B-state I-state +O O O O O B-city B-country +O O B-genre O B-service +O B-playlist_owner B-playlist I-playlist O O O O O B-music_item +O B-movie_type O O B-location_name I-location_name I-location_name +O O B-city +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O B-city O O B-state I-state I-state O O O O O B-timeRange I-timeRange I-timeRange +O O O O O B-spatial_relation O B-country +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name B-timeRange I-timeRange I-timeRange +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O B-object_name I-object_name I-object_name +O B-movie_type O O O B-location_name I-location_name +B-spatial_relation I-spatial_relation I-spatial_relation O B-movie_type +O O O O O O O O B-spatial_relation O B-city +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O O O O O O O O B-facility O B-timeRange O O B-restaurant_type +O O B-object_select B-object_type O B-rating_value O B-best_rating +O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name +O O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-state O B-city O B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O O B-state +O O O O O O B-condition_description B-current_location +O O O O B-object_name I-object_name I-object_name O B-rating_value +O O O B-object_name I-object_name I-object_name O O O B-rating_value O O O O O B-best_rating +O O O B-object_type B-object_name I-object_name +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O O O O O B-city B-state +O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O O B-music_item +O O B-object_name I-object_name +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-city +O B-playlist I-playlist I-playlist I-playlist O B-entity_name +O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-service O O O +O O O B-condition_temperature O B-condition_temperature O O B-geographic_poi +O O O B-condition_description O B-city +O O O B-object_name I-object_name I-object_name B-object_type +O O O B-condition_temperature O B-city B-state O B-timeRange I-timeRange +B-spatial_relation I-spatial_relation O B-object_type I-object_type O B-movie_type +O B-object_select B-object_type B-rating_value B-rating_unit +O O B-sort B-music_item O B-artist I-artist O B-service +O B-movie_name I-movie_name I-movie_name +O B-track O B-artist I-artist +O O B-object_select B-object_type O O B-rating_value B-rating_unit O O B-best_rating +O O O O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O B-condition_description O B-current_location B-timeRange +O O O B-movie_name O O O B-object_location_type +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name +O B-object_select B-object_type O O O B-rating_value +O O O O O B-party_size_number O O B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O O O B-country +O O O O O O B-state +O O O B-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit +B-object_select B-object_part_of_series_type O B-rating_value O O B-best_rating B-rating_unit +O B-artist I-artist O B-playlist I-playlist O +B-restaurant_type O B-country O B-party_size_number B-timeRange I-timeRange I-timeRange +O O O B-condition_temperature B-current_location O B-timeRange I-timeRange +O O O O O B-cuisine I-cuisine O O B-restaurant_type O B-country +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-artist O O O O B-year O B-service +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange O B-party_size_number O +O O B-music_item O O O B-playlist I-playlist I-playlist +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-sort I-sort B-restaurant_type +O O B-artist I-artist B-music_item O O B-playlist I-playlist I-playlist O +O O O O O O B-state I-state O B-timeRange I-timeRange I-timeRange +O B-album I-album I-album B-music_item O B-artist I-artist +O O O O O O O B-timeRange I-timeRange I-timeRange O B-city +O O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-object_name I-object_name I-object_name O B-rating_value +O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O O O O O B-city B-state B-timeRange +O O O O O B-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-object_type B-object_name I-object_name I-object_name +O O O B-condition_description O O B-city I-city +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O O O B-sort I-sort B-restaurant_type O O O O B-party_size_number +O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description B-spatial_relation O B-poi I-poi I-poi I-poi +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange O B-city B-state +O O B-artist I-artist I-artist O B-year +O O B-genre O +O O O O O O O B-party_size_number B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi +O B-service +O O O O B-condition_temperature O B-city +O B-condition_temperature O O B-spatial_relation O B-current_location I-current_location B-timeRange +O O B-movie_name I-movie_name O +O O O O O O O B-party_size_number O B-country +O B-rating_value O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name +O O B-year B-music_item O B-service +O O O O B-object_select B-object_type O O O B-rating_value B-rating_unit O O O O O B-best_rating +O B-entity_name I-entity_name I-entity_name O B-playlist O +O B-object_select B-object_part_of_series_type O O B-rating_value B-rating_unit O O B-best_rating +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-service +O B-artist O B-playlist +O O B-artist I-artist B-music_item +O O O O B-party_size_number O B-timeRange I-timeRange +O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-music_item O B-playlist_owner B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist O +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-movie_name I-movie_name O +O O O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-restaurant_type O O B-served_dish O B-party_size_number O +O O B-condition_description B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O B-music_item B-artist O B-playlist I-playlist I-playlist I-playlist I-playlist +O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O B-music_item O B-playlist I-playlist +O B-service O B-year B-music_item O B-artist I-artist +O O O O O O O B-cuisine B-restaurant_type B-timeRange I-timeRange I-timeRange B-spatial_relation O B-state I-state I-state O O O O B-party_size_number +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist O +O B-object_select B-object_type O O B-rating_value O B-best_rating +O O O O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_select B-object_type B-rating_value O B-best_rating +O O B-condition_temperature O B-city B-state +O O B-music_item B-album I-album I-album O B-artist O B-service I-service +O O B-sort B-music_item O B-artist +O O B-playlist_owner O O B-music_item B-playlist I-playlist I-playlist +O B-service +B-object_type O O B-object_name I-object_name +O O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type O O +O O O O B-music_item O B-playlist I-playlist I-playlist +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_type +O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange +O O O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O O B-party_size_number O B-restaurant_name I-restaurant_name +O O O O O B-object_name I-object_name B-object_type +O O B-condition_temperature O O B-current_location I-current_location +O O B-best_rating B-rating_unit O B-object_select B-object_type O O B-rating_value +O O O B-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O O O B-object_type I-object_type O O O O B-timeRange +O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O O O B-condition_description +O O O O O B-party_size_number O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi I-poi +O B-rating_value B-rating_unit O B-object_select B-object_type +O B-artist O O B-year +O B-service O O B-playlist I-playlist +O O O O O O O O O O O B-city I-city O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O O O O B-party_size_number +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O B-music_item B-artist I-artist I-artist O B-playlist I-playlist +O O O O O O O B-country B-timeRange I-timeRange I-timeRange +O O O O B-condition_description O B-state B-timeRange I-timeRange I-timeRange I-timeRange +O B-artist I-artist O O B-playlist I-playlist O +O O O O O B-party_size_number O O B-sort I-sort B-restaurant_type B-timeRange I-timeRange O B-city B-state +O O O O B-country +O O B-condition_description O B-city B-country +O O O O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-music_item O B-playlist I-playlist I-playlist +O O O O O B-condition_temperature O B-city O B-timeRange I-timeRange +O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O O O O O B-city B-country I-country O B-timeRange +O O O O B-artist I-artist O O B-music_item O O B-sort O +O O O O O O B-restaurant_type O B-party_size_number O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi +O O B-sort B-music_item O O B-year +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O B-city I-city B-country +O B-city O B-condition_temperature O +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-cuisine B-restaurant_type O B-state O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name B-object_type +O O B-music_item O B-artist I-artist O B-playlist_owner I-playlist_owner O O O O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-movie_type O O B-spatial_relation +O B-artist I-artist O B-playlist_owner B-playlist I-playlist +O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O O B-condition_description O B-city I-city B-state I-state +B-object_type O O B-object_name I-object_name I-object_name I-object_name +O B-movie_type I-movie_type O B-location_name I-location_name +O O O O O O O B-party_size_number O O B-restaurant_type O B-timeRange +O B-music_item O O B-playlist I-playlist +O O O O B-condition_description O B-timeRange I-timeRange O B-city B-state +O B-service O O O B-year +O O O B-entity_name I-entity_name I-entity_name O O B-playlist +O O O O B-condition_description B-current_location +O O O O O O B-artist I-artist B-sort B-music_item O O B-year +O O B-restaurant_type O O B-served_dish O B-city I-city O B-party_size_description I-party_size_description I-party_size_description +O B-object_name I-object_name I-object_name I-object_name O B-object_type I-object_type +O O B-country B-timeRange I-timeRange +O B-object_type I-object_type O B-location_name I-location_name +O O B-movie_name I-movie_name O O B-location_name I-location_name +O O O B-service +O O O O O O O B-object_name I-object_name I-object_name I-object_name +O O O O B-object_name I-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O B-object_location_type B-spatial_relation O B-movie_type +O B-album O B-artist I-artist +O O B-object_type B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O B-object_type B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-party_size_number O O B-restaurant_name I-restaurant_name O B-country +O O O O O O B-spatial_relation B-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-object_name I-object_name I-object_name I-object_name +O O B-genre I-genre +O O O O O B-condition_temperature B-current_location O B-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-party_size_number O B-city I-city +O O B-year B-music_item O B-service +O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O B-music_item O B-playlist I-playlist +O O O B-object_select B-object_type B-rating_value O B-best_rating +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O B-artist B-music_item O B-playlist I-playlist I-playlist O +O O B-object_type O B-object_name I-object_name I-object_name +O O O B-condition_description O B-city B-state +O O B-object_select O B-object_type O B-rating_value O O B-best_rating +O O B-condition_description O B-city +O O O O O B-current_location O B-condition_description O B-timeRange I-timeRange +O O O O O O B-facility B-restaurant_type O B-country +O B-timeRange I-timeRange I-timeRange I-timeRange O O O O O O B-restaurant_name I-restaurant_name O B-city I-city +O O O O O B-object_type B-object_name I-object_name I-object_name +O O B-restaurant_type O B-facility O B-party_size_number O B-country +O O B-restaurant_type O B-city O O B-sort I-sort B-cuisine O B-party_size_number +O O O O O O O B-movie_type O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_name I-object_name +O B-playlist O B-playlist_owner B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O +B-object_type O B-object_name I-object_name I-object_name +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O O O B-party_size_number B-spatial_relation O B-poi I-poi I-poi +O O O O B-year +O B-artist I-artist O B-playlist_owner B-playlist O +O O O B-restaurant_type O B-state O B-timeRange I-timeRange I-timeRange +O O O O O B-location_name I-location_name B-movie_type O O O +O O B-restaurant_type O O B-facility O B-party_size_number +O B-service B-playlist I-playlist O +O O O O O O B-current_location O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O O O B-movie_name I-movie_name I-movie_name +O O O O O O B-restaurant_type O B-state O B-party_size_number +O O B-playlist I-playlist I-playlist O O B-service +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner O B-playlist I-playlist +O O B-object_select B-object_type O B-rating_value O B-best_rating B-rating_unit +O O B-city I-city B-country B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O B-spatial_relation I-spatial_relation O B-condition_temperature O B-state +O B-artist O B-playlist I-playlist I-playlist I-playlist +O O O B-condition_description O B-city I-city +O B-music_item O B-playlist I-playlist I-playlist +O O O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-service O O O O +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-city B-country +O B-artist I-artist O B-playlist I-playlist I-playlist +O O O B-spatial_relation B-object_location_type O O O B-movie_name I-movie_name I-movie_name I-movie_name +O B-playlist I-playlist +O O O O O B-condition_temperature O B-city +O O O O O B-object_select B-object_type O B-rating_value +O B-album O B-artist I-artist +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-music_item O B-playlist_owner B-playlist I-playlist +O O O O B-restaurant_name I-restaurant_name B-restaurant_type O B-timeRange I-timeRange O B-city +O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O B-music_item O B-artist O B-service +O O O B-object_type I-object_type O B-location_name I-location_name +O O B-object_name I-object_name B-object_part_of_series_type O B-rating_value +O B-playlist I-playlist I-playlist O B-playlist_owner B-music_item +O B-artist I-artist B-track +O B-service O O B-album I-album I-album I-album I-album I-album I-album I-album O B-artist I-artist +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-facility I-facility +O O O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name +O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-entity_name I-entity_name O O B-playlist O +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-album I-album I-album I-album B-music_item O B-artist I-artist +O O O O O B-condition_description O B-city I-city O B-timeRange I-timeRange I-timeRange +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-city +O O O O O O B-current_location I-current_location +O O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O O B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-sort B-restaurant_type I-restaurant_type O B-state +O B-movie_type I-movie_type O O B-timeRange I-timeRange I-timeRange O O B-spatial_relation B-object_location_type I-object_location_type +O O O B-music_item O B-artist I-artist +O O O O O B-music_item O O B-playlist O +O B-movie_name I-movie_name +O O O O O O O B-cuisine B-restaurant_type O B-city O O O O O B-party_size_number +O O B-object_type B-object_name +O O O O B-state O B-party_size_number O B-timeRange I-timeRange +O O O O O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi O O O O B-party_size_number +O O O O O O B-served_dish I-served_dish O O B-restaurant_type O B-party_size_number O B-timeRange +O O O O O B-party_size_number O O B-sort B-restaurant_type O B-city +O O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O O O O B-best_rating +O B-sort B-artist I-artist +O O B-object_type I-object_type O B-location_name I-location_name +O O O B-artist I-artist B-music_item O B-year +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O O O O O O O O O O O O B-object_name I-object_name I-object_name +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-object_name I-object_name I-object_name B-object_type +O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-timeRange I-timeRange O B-city I-city B-state +O O O B-object_type I-object_type +O O B-object_type O B-object_name I-object_name I-object_name +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O O B-movie_type O O B-location_name I-location_name I-location_name +O B-object_type I-object_type +O O B-condition_temperature O B-city +O O B-condition_description O O O B-city I-city +O O O O O B-music_item O B-artist I-artist O O B-year +O O B-track I-track I-track I-track O B-artist I-artist +O O B-state O B-city O B-party_size_description I-party_size_description I-party_size_description +O B-object_select B-object_type B-rating_value O O B-best_rating +O B-music_item O B-artist I-artist +O B-movie_type O O B-location_name I-location_name +O B-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange O B-location_name I-location_name +O O O O O O O B-timeRange I-timeRange O B-city +O O O B-object_type I-object_type B-timeRange I-timeRange I-timeRange O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-sort B-cuisine B-restaurant_type O O B-state B-spatial_relation O O B-spatial_relation I-spatial_relation I-spatial_relation O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange +O O O O O O B-movie_type O O B-spatial_relation B-object_location_type I-object_location_type +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name +O B-movie_type O O O O B-spatial_relation B-object_location_type O B-timeRange I-timeRange +B-object_name I-object_name I-object_name I-object_name O O B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit +O O B-object_name I-object_name B-object_type +O B-movie_type I-movie_type O B-location_name I-location_name O B-timeRange O +O O O O O B-condition_temperature O B-city O B-country +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type I-restaurant_type O O B-served_dish I-served_dish I-served_dish O B-city B-state +O O O B-music_item O B-artist +O B-object_name I-object_name I-object_name +O O B-genre O O O O B-service +O O O O B-party_size_number O O O B-restaurant_type I-restaurant_type O B-country I-country B-timeRange I-timeRange I-timeRange I-timeRange +O B-object_type I-object_type +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name B-timeRange I-timeRange I-timeRange +O O O O B-genre O O +O O B-restaurant_name I-restaurant_name O O B-country I-country I-country O B-party_size_number O +O O B-object_name I-object_name I-object_name I-object_name B-object_type +O B-playlist I-playlist I-playlist I-playlist O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating +O O O O O O B-genre O +O B-service B-year O B-artist I-artist +O O B-music_item O O B-playlist I-playlist I-playlist O +O O O O O O B-timeRange I-timeRange I-timeRange O B-condition_temperature O O B-state +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O O O B-object_type I-object_type O B-object_name I-object_name +O B-artist I-artist O O O O B-sort +O O O O B-party_size_number B-spatial_relation B-poi I-poi I-poi +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-spatial_relation B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-poi I-poi I-poi +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-music_item B-artist I-artist O B-playlist_owner B-playlist O +O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating +O B-playlist O B-playlist_owner O B-artist I-artist I-artist +O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-movie_name O +O O B-music_item B-album I-album I-album +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O O B-object_select B-object_type O B-rating_value B-rating_unit O +O O B-restaurant_type B-spatial_relation I-spatial_relation O B-poi I-poi I-poi I-poi O B-timeRange +O O B-object_type I-object_type O B-object_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-movie_name O +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-country +O O B-object_select B-object_type O O B-rating_value O B-best_rating B-rating_unit +O O B-condition_description O B-country +O B-movie_name O B-location_name I-location_name I-location_name +O O B-best_rating B-object_name I-object_name I-object_name O B-rating_unit O B-rating_value +O O O O O O B-party_size_number O O B-facility B-restaurant_type +O O B-music_item O B-playlist_owner B-playlist I-playlist +O B-artist I-artist I-artist O B-playlist I-playlist I-playlist +O O B-year B-music_item O B-artist I-artist +O O B-music_item B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O O B-playlist I-playlist I-playlist O +O O O B-year O O O B-sort B-music_item +O O B-object_type I-object_type O B-location_name I-location_name +O O O O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +B-object_type O B-object_name I-object_name I-object_name +O O O O B-party_size_description I-party_size_description I-party_size_description O O B-spatial_relation B-restaurant_type O B-poi I-poi O O B-served_dish I-served_dish +O B-movie_type I-movie_type O O B-spatial_relation +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_description I-party_size_description I-party_size_description O B-city I-city B-timeRange I-timeRange I-timeRange O O B-served_dish I-served_dish I-served_dish O O B-restaurant_type I-restaurant_type +O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O O O B-movie_name I-movie_name I-movie_name O B-timeRange +O O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O B-artist I-artist O B-track I-track I-track I-track I-track I-track I-track I-track +O O O O O O O B-party_size_number O O B-restaurant_type O B-country I-country +O O O B-movie_name I-movie_name O +O O B-restaurant_type O B-party_size_number +O O O O O B-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name O B-rating_value +O B-track I-track I-track I-track O B-artist I-artist +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O B-city B-state +O O O O O B-timeRange I-timeRange O B-state +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O B-rating_value O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O B-restaurant_type I-restaurant_type O B-party_size_number O +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-artist I-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O B-object_type I-object_type O B-spatial_relation I-spatial_relation B-movie_type +O O B-year B-music_item O B-artist I-artist O B-service +O O O O B-party_size_number O O B-city B-timeRange I-timeRange I-timeRange +O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O B-restaurant_name I-restaurant_name O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-state +O O O B-object_type B-object_name +O B-artist I-artist O B-playlist I-playlist +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_number O O O B-restaurant_type O B-facility +O O O B-rating_value B-rating_unit O O B-object_part_of_series_type O B-object_name I-object_name I-object_name O O B-best_rating +O O B-music_item O B-playlist_owner B-playlist O +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_number O O B-restaurant_type O B-served_dish I-served_dish I-served_dish O B-city B-state I-state +O B-movie_type O O O B-timeRange I-timeRange I-timeRange O B-location_name I-location_name +O B-artist I-artist +O O B-restaurant_type O B-party_size_number O O B-country I-country +O O O B-condition_description O B-country +O O O O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O B-artist I-artist B-music_item O O B-playlist O +O B-object_name I-object_name B-object_type +O O O O O O O O O B-timeRange O B-city B-state +O O O O B-year +O O B-service O +O O B-music_item O B-artist O O O B-playlist I-playlist I-playlist I-playlist +O B-object_select B-object_type B-rating_value O O B-best_rating +O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name O B-spatial_relation O O +O O O B-music_item O O B-playlist I-playlist I-playlist O +O O O O B-movie_name I-movie_name +O O B-movie_name O O O +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-timeRange I-timeRange I-timeRange B-spatial_relation O B-state +O B-track I-track I-track O B-artist I-artist O B-service +O O O O B-party_size_number O O B-restaurant_type O B-state +O O O O B-restaurant_type O B-timeRange O O O B-facility +O B-movie_type O O B-location_name I-location_name I-location_name +O O B-object_type I-object_type B-object_name I-object_name +O O O B-object_name I-object_name I-object_name I-object_name O B-object_type I-object_type +O O B-sort I-sort B-restaurant_type O B-party_size_number O O B-city I-city +B-timeRange I-timeRange I-timeRange O O O O O O O B-city I-city +O O B-restaurant_name I-restaurant_name B-spatial_relation B-poi I-poi I-poi +O O O B-sort B-music_item O B-artist I-artist +O O O O O O B-timeRange I-timeRange O B-state +O O O O B-artist I-artist +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-object_type B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O B-object_name B-object_type +O O B-object_type I-object_type +O O O O O B-object_type B-object_name I-object_name +O O O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O B-restaurant_type O O B-served_dish O B-party_size_number O +O O O O B-timeRange I-timeRange O O B-restaurant_type O O B-cuisine +O O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O B-object_select B-object_type B-rating_value O O B-best_rating +O O O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O O O O O B-timeRange I-timeRange O B-city I-city B-country +O B-entity_name I-entity_name O B-playlist I-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O B-object_type O B-movie_type O B-location_name I-location_name +O B-artist I-artist O B-playlist_owner O O B-playlist I-playlist I-playlist +O O B-facility B-restaurant_type B-spatial_relation B-poi O B-party_size_number +O O O B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_number O +O O O O O B-city O B-timeRange I-timeRange +O O O O O B-music_item O O B-playlist I-playlist I-playlist I-playlist O +O O O B-restaurant_type O O B-served_dish I-served_dish I-served_dish O B-party_size_number O +O O O B-condition_temperature B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_type O B-object_name I-object_name I-object_name +O B-artist I-artist I-artist O B-playlist I-playlist O +O B-music_item O B-sort O O B-artist I-artist +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O B-object_type B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-rating_value B-rating_unit O B-object_select B-object_type +O B-object_name I-object_name B-rating_value O B-best_rating +O O B-music_item O B-album I-album I-album I-album O B-service +O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange +O O O O O O B-cuisine B-restaurant_type O O B-sort I-sort O B-city B-state +O O B-artist I-artist O O B-year +O B-object_name I-object_name I-object_name I-object_name B-object_type +O O O B-music_item O B-artist I-artist O O O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_type I-object_type O B-location_name I-location_name +O O O B-condition_temperature B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-movie_name I-movie_name I-movie_name +O B-object_select B-object_type O B-rating_value O O B-best_rating O B-rating_unit +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O B-artist I-artist +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-artist +O O O O O B-condition_description O O B-current_location I-current_location +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit +O O O O B-year +O O O O O B-timeRange O B-state +O O O B-movie_name I-movie_name O O B-location_name I-location_name +O O B-music_item O B-artist I-artist +O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O O O O B-country +O O O O O O B-party_size_number O O B-restaurant_type O O B-country +O O B-object_type I-object_type O B-timeRange I-timeRange +O O B-restaurant_type O B-party_size_number O B-country +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name +O O O O O O B-city I-city +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-restaurant_type O B-served_dish O B-country O B-timeRange +O B-music_item O B-playlist_owner B-playlist I-playlist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist +O O B-artist I-artist O O B-music_item B-album I-album I-album O B-service +O O O B-condition_temperature O B-city B-state B-timeRange +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O O B-movie_name I-movie_name I-movie_name O +O O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange B-current_location +O O O B-condition_description O O B-current_location I-current_location +O O O O O B-timeRange I-timeRange O B-country +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist +O O O B-condition_temperature B-timeRange I-timeRange I-timeRange O B-city +O O O B-object_select B-object_type O O B-rating_value +O B-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O +O B-album I-album B-sort B-music_item +O O O O O O O B-object_name I-object_name +O O O B-object_type O B-movie_type O B-location_name I-location_name +O O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O B-party_size_number O O B-spatial_relation B-restaurant_type +O B-artist I-artist B-music_item O B-service +O O O O O B-restaurant_type O O B-served_dish I-served_dish O B-country +O O O O O B-geographic_poi O B-timeRange I-timeRange I-timeRange +O O O O B-condition_description O B-city +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O B-entity_name O B-playlist I-playlist I-playlist O O +O O B-artist B-music_item O B-playlist_owner B-playlist I-playlist +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O +O B-track I-track O B-artist I-artist O B-service I-service +O B-music_item O B-artist +O O B-object_type O B-object_name +O O B-timeRange O B-state +O O O B-spatial_relation B-object_location_type O O O B-movie_name I-movie_name I-movie_name +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name I-location_name +O O O B-object_type B-object_name I-object_name +O O O B-service +O O O B-object_type B-object_name I-object_name I-object_name +O O O B-music_item O B-artist I-artist O B-service I-service +O O O B-condition_temperature B-timeRange I-timeRange O B-city O O B-state I-state I-state I-state +O O O O O O O B-movie_name I-movie_name O O B-spatial_relation B-object_location_type +O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name +O O B-sort B-artist I-artist B-music_item +O O O O B-object_name I-object_name I-object_name +O B-sort B-year B-music_item O B-artist I-artist +O O B-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O O O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-poi O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O B-condition_description B-current_location +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-object_select B-object_type I-object_type B-rating_value O O B-best_rating +O O B-restaurant_type O B-country O B-party_size_number +O O O O O B-party_size_number O O B-restaurant_type O O B-served_dish +O O O O B-service +O O O O O B-party_size_number O O B-restaurant_type O B-city I-city B-state O B-served_dish I-served_dish B-timeRange I-timeRange I-timeRange +O O B-rating_value O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name I-object_name +O O O B-object_type O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O B-party_size_number O O B-state +O O O B-best_rating O O B-rating_value O O O O B-object_part_of_series_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O +O B-object_location_type O O B-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange +O O B-sort B-music_item O O B-year +O O B-object_type O B-object_name I-object_name +O O B-object_select B-object_type O B-rating_value +O O O O O B-spatial_relation B-poi I-poi +O O O O O B-object_name I-object_name B-rating_value B-rating_unit O O O O O B-best_rating +O O B-music_item O O B-year +O O O B-service O O B-genre O +O B-object_name I-object_name I-object_name B-rating_value +O O O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name O B-country +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange +O B-artist I-artist B-sort O +O O O O O B-condition_temperature O B-city I-city I-city +O O O O B-object_type B-object_name I-object_name I-object_name +O O B-music_item O B-playlist I-playlist +O O B-music_item O O B-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist I-playlist +O O B-playlist I-playlist O B-entity_name I-entity_name I-entity_name +O O O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O B-country +O O O B-artist I-artist +O O O O O B-object_type B-object_name I-object_name +O O O O O B-object_type I-object_type +O O O B-restaurant_name I-restaurant_name O B-city B-state +O O O O B-party_size_number O B-timeRange O B-country I-country I-country I-country +O B-track I-track O B-artist I-artist +O O O O B-condition_description O B-city +O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-country B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O O O O B-playlist I-playlist I-playlist +O B-movie_type O O B-location_name I-location_name +O O O B-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O B-party_size_number O O B-spatial_relation O B-poi I-poi +O O B-object_type O B-object_name I-object_name +O O O O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O O O O B-state O B-party_size_description I-party_size_description I-party_size_description +O O O O O O B-restaurant_name I-restaurant_name B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O O O O O O B-sort I-sort B-restaurant_type O B-party_size_number O +O B-movie_name I-movie_name O O O B-spatial_relation B-object_location_type +O B-location_name I-location_name O B-movie_type +O O B-object_name I-object_name I-object_name B-object_type +O O O O O B-music_item O B-playlist_owner B-playlist O +O O O O O O B-timeRange O O B-city B-country +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist +O O O O O O B-current_location +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O O B-city +O B-object_location_type I-object_location_type B-spatial_relation O O O O B-movie_type I-movie_type O O +O O O O O O B-city +O O O O B-party_size_number O O B-restaurant_type O B-state +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O +O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange I-timeRange +B-object_name O O O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-party_size_number O O O O O O O O B-restaurant_type O O B-served_dish I-served_dish I-served_dish O B-state +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O O O O B-party_size_number O O O O B-country O B-timeRange +O O B-sort I-sort B-year B-music_item O B-artist I-artist +O B-track I-track I-track I-track I-track I-track O B-artist O B-service +O O B-artist I-artist B-music_item O O B-year +O B-artist I-artist O B-playlist_owner B-playlist O +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-rating_value B-rating_unit O B-object_select B-object_type +O O B-timeRange I-timeRange O B-state I-state +O O B-music_item O B-playlist I-playlist +O B-entity_name I-entity_name O O B-playlist O +O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-cuisine I-cuisine B-restaurant_type O B-city +O B-timeRange O O B-movie_type I-movie_type O O O O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O B-object_type O B-object_name I-object_name +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O O B-party_size_number O O B-cuisine B-restaurant_type +B-rating_value B-rating_unit O B-object_select B-object_type +O B-object_name B-rating_value B-rating_unit +B-object_name I-object_name I-object_name O O B-rating_value O +O O B-restaurant_type O B-party_size_number +O O O O O B-party_size_number O O O B-facility B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O B-rating_value B-rating_unit O B-object_select B-object_type +O O O O O O B-object_type B-object_name I-object_name O B-rating_value O B-best_rating B-rating_unit +O O B-poi I-poi O O B-party_size_number O O B-spatial_relation +O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city +O O O O O O B-movie_name I-movie_name +O O B-restaurant_type O B-city B-state B-timeRange I-timeRange +O O B-music_item O B-playlist I-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist +O O O O O O O B-party_size_number O B-country O O B-restaurant_name I-restaurant_name +O O B-object_select B-object_type O B-rating_value B-rating_unit +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name O O B-rating_value O O O B-best_rating O +O O B-restaurant_type O B-facility I-facility O B-city +O B-track I-track I-track I-track I-track I-track I-track O B-service +O O O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-state I-state +O O B-object_type I-object_type O B-location_name I-location_name +O O O B-condition_description O B-timeRange I-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O O O O B-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-condition_description B-timeRange I-timeRange I-timeRange O B-state +O O B-state I-state O B-served_dish I-served_dish O O B-restaurant_type +O B-movie_type O O O B-location_name I-location_name +O O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-spatial_relation B-location_name I-location_name I-location_name +O O B-movie_name I-movie_name O O B-location_name I-location_name +O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-condition_temperature B-timeRange I-timeRange O B-state I-state +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-object_select B-object_type O B-rating_value +O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-current_location +O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O O B-genre I-genre O +O O O B-spatial_relation B-object_location_type O O O B-movie_name I-movie_name I-movie_name +O O B-object_type B-object_name I-object_name +O O B-music_item O B-artist I-artist +O O B-restaurant_type I-restaurant_type O B-party_size_number O B-cuisine O +O O O O O B-poi B-spatial_relation I-spatial_relation I-spatial_relation O O O B-restaurant_name I-restaurant_name I-restaurant_name +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O O O B-year B-music_item O B-artist I-artist +O O O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value O O B-best_rating +O O B-object_name I-object_name I-object_name B-object_type I-object_type +O O O O B-condition_description B-current_location O B-timeRange I-timeRange I-timeRange +O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type +O O O B-object_type B-object_name I-object_name I-object_name +O B-timeRange I-timeRange O O O O O B-party_size_number O O B-restaurant_type O B-country O O B-served_dish +O O B-sort I-sort B-artist O O B-service +O O O B-artist I-artist O B-sort O O B-service +O O O B-genre I-genre I-genre +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O B-sort B-music_item O B-artist I-artist +O O B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O B-condition_description O B-city B-state +O B-spatial_relation B-movie_type +O B-music_item O O B-artist I-artist I-artist +O O O O B-party_size_description I-party_size_description I-party_size_description O B-served_dish O O B-restaurant_type +O O B-object_type O B-object_name I-object_name +O O B-object_type B-object_name I-object_name +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city O B-country +O O O B-condition_temperature O B-city B-state B-timeRange I-timeRange I-timeRange I-timeRange +O O B-playlist_owner B-playlist I-playlist O O O B-artist I-artist O O +O O B-restaurant_type I-restaurant_type O B-timeRange O B-city O O B-served_dish O B-state O B-party_size_number +B-object_select B-object_type O O B-object_name O O O O B-rating_value O O B-best_rating B-rating_unit +O O O B-movie_name O O B-location_name I-location_name +O B-object_type I-object_type O O B-location_name I-location_name I-location_name +O O B-music_item O B-playlist +O B-service O O B-album I-album +O O O O B-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange I-timeRange +O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-country +O O O O O B-state I-state +O O O B-object_name I-object_name I-object_name I-object_name +O O O O O O B-city +O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O O B-service +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O O O O B-rating_value +O O O O O B-country I-country +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-music_item O B-artist I-artist I-artist O B-year O B-service +O B-service O O B-playlist I-playlist I-playlist I-playlist O +O O O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-music_item O B-playlist_owner I-playlist_owner B-playlist O +O O O O O B-timeRange B-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O O B-object_name I-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O O O O B-city +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O O B-timeRange I-timeRange O B-state +O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state O O O O B-party_size_number +O O O O O O O O B-party_size_number O O B-restaurant_type O B-timeRange I-timeRange I-timeRange +O O B-sort B-restaurant_type O B-party_size_number O +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-restaurant_type O B-party_size_number O B-city +O O O B-object_type I-object_type O O B-location_name I-location_name +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O O B-object_type I-object_type +O O O B-condition_temperature O B-city I-city I-city +O O O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O B-state +O B-music_item O B-artist I-artist I-artist +O O O O B-spatial_relation B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name +O B-rating_value B-rating_unit O O B-best_rating O B-object_name I-object_name I-object_name +O B-rating_value O O B-object_name I-object_name I-object_name B-object_part_of_series_type +O B-object_location_type O O B-movie_name I-movie_name +O O O O O O B-movie_name I-movie_name +O B-music_item O O O B-playlist_owner O O B-playlist I-playlist I-playlist +O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O B-movie_type O O B-location_name I-location_name I-location_name +O B-artist O B-playlist_owner B-playlist I-playlist I-playlist +O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist I-playlist I-playlist +O O O O O O B-current_location I-current_location +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-rating_value B-rating_unit O B-object_select B-object_type +O O O O O O O O O B-party_size_number O B-city B-state +O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O B-timeRange I-timeRange I-timeRange O B-party_size_number O +O B-artist I-artist O O B-service +O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit +O O O O O O B-current_location I-current_location +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O B-year B-music_item O B-artist I-artist +O O O B-object_type I-object_type O B-timeRange O B-movie_type B-spatial_relation I-spatial_relation +O O O O O O B-country O B-timeRange +O O O O O B-state O B-timeRange I-timeRange I-timeRange I-timeRange +B-object_name I-object_name I-object_name O O O O B-rating_value +O B-music_item O B-playlist I-playlist I-playlist +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist +O O B-object_name I-object_name I-object_name O O O O O +O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-service +O B-object_name I-object_name O B-object_type +O O O B-movie_name I-movie_name O B-location_name I-location_name I-location_name +O B-object_select B-object_type B-rating_value O B-best_rating +O O O B-object_type I-object_type +O O O O B-party_size_number O O B-sort B-restaurant_type B-spatial_relation O B-city +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O B-object_location_type O O B-spatial_relation B-movie_type +O B-movie_type O O B-location_name I-location_name I-location_name +O O B-music_item O B-artist I-artist +O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-track I-track I-track I-track I-track I-track I-track +O O O O B-object_name +O O O B-spatial_relation B-timeRange I-timeRange I-timeRange I-timeRange O B-country I-country +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O O B-spatial_relation I-spatial_relation I-spatial_relation O B-poi I-poi I-poi +B-playlist_owner B-playlist I-playlist I-playlist O B-entity_name I-entity_name I-entity_name O O +O B-object_name I-object_name I-object_name B-object_part_of_series_type O O O O B-rating_value +O B-object_type I-object_type O B-location_name I-location_name +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-year B-music_item O +O O B-object_type I-object_type O B-location_name I-location_name +O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O O O O B-party_size_number O B-city B-state +O O O O B-year +O B-artist I-artist O B-music_item +O O O B-music_item O B-year +O O O O O B-object_type B-object_name I-object_name I-object_name +O O O B-object_type I-object_type B-object_name I-object_name +O O O O O O O O B-timeRange I-timeRange O B-party_size_number O O B-restaurant_name I-restaurant_name +O O O B-object_type B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value +O O O B-object_name I-object_name B-object_type +O O O O O O B-timeRange I-timeRange I-timeRange O B-state +O O O O O O B-timeRange I-timeRange O B-country B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation +O B-timeRange O O O B-movie_name I-movie_name +O B-movie_name I-movie_name I-movie_name O O O B-timeRange O +O O O O O B-city B-country I-country +O O O B-music_item O B-artist I-artist O B-year +O O O O O O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi +O B-music_item O B-playlist I-playlist +O O B-restaurant_type O B-party_size_number O B-city I-city +O O B-music_item O B-playlist_owner O B-playlist I-playlist +O O B-restaurant_type O B-party_size_number O +O B-rating_unit O B-best_rating O B-object_name I-object_name I-object_name I-object_name I-object_name O O B-rating_value +O B-artist I-artist O B-playlist I-playlist +O O O B-object_name I-object_name +O O O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value +O O B-movie_name I-movie_name O O B-location_name I-location_name B-timeRange I-timeRange I-timeRange +O O B-object_type O B-movie_type O O B-spatial_relation B-object_location_type +O O O O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation O B-movie_type I-movie_type +O B-location_name I-location_name O B-movie_type I-movie_type +O O B-music_item O B-playlist_owner O O B-playlist I-playlist I-playlist I-playlist +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O O O B-geographic_poi I-geographic_poi O B-timeRange I-timeRange +O B-music_item O B-playlist O +O O B-music_item B-track I-track I-track I-track O O B-artist I-artist I-artist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O B-cuisine B-restaurant_type O B-state O B-party_size_number O +O O O O O B-object_type I-object_type O B-location_name I-location_name +O O O B-artist I-artist B-music_item O B-service I-service +O O B-music_item O B-year O B-service +O O B-object_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O O O B-movie_type O B-location_name I-location_name +O O B-object_type I-object_type O B-location_name I-location_name +O B-track O B-artist I-artist +O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O B-condition_temperature O B-city B-state +O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type O B-timeRange O +O B-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-year B-music_item O O B-service +O O B-object_select B-object_type B-rating_value O B-best_rating +O O O O O O B-object_type B-object_name I-object_name I-object_name +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O B-timeRange I-timeRange O B-city +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type O O O B-rating_value +O B-track I-track I-track I-track +O O O O O B-party_size_number O O B-restaurant_type O O O B-served_dish I-served_dish +O O O O O B-object_type B-object_name I-object_name I-object_name +O O O B-object_type B-object_name I-object_name +O O O O O O B-facility B-restaurant_type O B-party_size_number +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_name I-object_name O B-object_type I-object_type +O O B-music_item O B-artist I-artist +O O B-object_type O B-movie_type B-spatial_relation I-spatial_relation +O O O O B-sort I-sort B-restaurant_type O B-timeRange +O B-movie_name I-movie_name I-movie_name +O O B-year B-music_item O B-service I-service +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O O O B-rating_value B-rating_unit +O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-artist I-artist +O O O O O B-state B-restaurant_type +O O O O O B-object_type I-object_type +O B-object_select B-object_type O B-rating_value O O B-best_rating +O O O B-genre +O O O O B-condition_description O B-state I-state +O B-restaurant_name I-restaurant_name O B-country +O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange +O O O B-object_type O O B-movie_name I-movie_name +O O O O B-object_type I-object_type B-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O B-object_name I-object_name I-object_name B-object_type O B-rating_value O O B-best_rating +O O B-country O B-restaurant_type I-restaurant_type B-spatial_relation B-party_size_description I-party_size_description I-party_size_description +O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name +O O B-sort O O B-artist I-artist I-artist +O O O B-year +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O O O O B-city B-country I-country +O O B-restaurant_type O B-facility +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-condition_temperature O B-city I-city B-timeRange +O B-object_type I-object_type O B-spatial_relation I-spatial_relation O B-movie_type I-movie_type +O B-entity_name I-entity_name O B-playlist I-playlist +O O B-object_type I-object_type O B-timeRange +O O O O B-object_type I-object_type +O O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O B-playlist I-playlist I-playlist +O O B-restaurant_name I-restaurant_name O B-city I-city O B-timeRange I-timeRange I-timeRange +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O O B-music_item O B-year +O O O B-city O O B-timeRange B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-service O O B-sort O O B-artist +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-year +O O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O B-artist I-artist O B-playlist_owner B-playlist +O O O O O B-restaurant_type I-restaurant_type O B-served_dish O B-party_size_number O +O B-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O O O O O O B-sort B-cuisine B-restaurant_type O B-timeRange I-timeRange O B-city B-state O O O O B-party_size_number +O O O O B-object_name I-object_name +O O O O O B-condition_temperature O B-city +O O O O B-object_type I-object_type B-object_name I-object_name O O +O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O O O O B-current_location I-current_location O B-timeRange I-timeRange I-timeRange +O O B-movie_name I-movie_name O +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist O +O B-artist B-year B-music_item I-music_item +B-object_name I-object_name I-object_name O O B-rating_value O O O O O O O B-best_rating +O O O O O B-city +O B-object_name I-object_name B-rating_value O B-best_rating +O O B-condition_temperature O B-city I-city B-state +O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange +O O O B-city O O +O O O O O O O O B-restaurant_name +O B-object_name O B-object_type +O O O O O O B-restaurant_type O B-city I-city O B-party_size_number O B-timeRange I-timeRange +O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name +O O O B-restaurant_type O O B-country O B-timeRange I-timeRange +O O O O O B-condition_temperature O O B-city I-city +O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit +O B-condition_temperature O O O B-current_location B-timeRange I-timeRange +O O O O O B-spatial_relation I-spatial_relation I-spatial_relation O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O B-timeRange O O O B-condition_temperature O B-city +O O O B-object_select B-object_type O B-rating_value O O O O O O O B-best_rating +O O O B-object_type O B-object_name I-object_name +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_part_of_series_type +O O B-year O O B-artist I-artist O B-service +O O B-restaurant_type O O B-served_dish O B-city I-city B-state +O O O O O B-sort I-sort B-cuisine I-cuisine B-restaurant_type +O O O B-sort B-restaurant_type O B-city +O B-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit O O +O O O O O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-restaurant_name O B-state O B-party_size_number +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O O B-condition_description O B-state +O B-object_name I-object_name +O O B-object_select B-object_type O B-rating_value O O B-best_rating +O B-service I-service B-genre +O O B-music_item O B-playlist I-playlist +O O O O B-sort O O B-artist I-artist +O O O O B-object_select B-object_type B-rating_value O +O O O B-object_name I-object_name I-object_name I-object_name O B-rating_value O B-best_rating +O B-genre O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name +O O O O B-party_size_number O O B-restaurant_type O O B-sort O +O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name +O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O B-object_type I-object_type +O B-playlist O O B-music_item O +O B-movie_type I-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type +O O B-condition_description B-timeRange I-timeRange I-timeRange O B-city +O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist +O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation O O O O B-object_type I-object_type +O B-album I-album I-album O B-service +O O O O O O B-country O B-timeRange I-timeRange +O O O O O O B-cuisine B-restaurant_type O B-timeRange I-timeRange I-timeRange B-spatial_relation B-poi I-poi +O O O B-country O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-sort B-artist I-artist +O O O O O B-movie_name I-movie_name I-movie_name I-movie_name +O O O B-condition_description O O O B-timeRange I-timeRange O O B-current_location I-current_location +O O O B-condition_description B-timeRange I-timeRange B-spatial_relation I-spatial_relation O B-city I-city +O O B-sort B-restaurant_type O B-state I-state +O O B-year O O B-artist I-artist +O O O O O O B-restaurant_type O B-city I-city O B-party_size_number O B-timeRange I-timeRange +O O B-playlist_owner B-playlist I-playlist I-playlist O O B-music_item O B-artist I-artist +O O O O B-condition_description O B-city B-state B-timeRange I-timeRange I-timeRange I-timeRange +O O O O B-condition_description O B-state O B-timeRange I-timeRange +O O B-condition_temperature O B-city +O O B-artist I-artist O O B-service +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O B-party_size_number O O B-restaurant_type I-restaurant_type O B-served_dish I-served_dish O B-state B-timeRange I-timeRange I-timeRange +O O B-movie_name I-movie_name I-movie_name I-movie_name O +O O B-object_name B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange O B-state +O O O O O B-party_size_number O O B-city B-timeRange I-timeRange I-timeRange +O O B-cuisine B-restaurant_type I-restaurant_type O O O B-spatial_relation I-spatial_relation O O O O B-party_size_number O B-state +O O B-object_type O B-object_name I-object_name +O B-track I-track I-track I-track I-track I-track I-track O B-artist I-artist +O O B-restaurant_type O B-city O B-timeRange I-timeRange I-timeRange O B-party_size_number O +O O O B-object_type O B-object_name +O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O B-artist I-artist O O B-service O O B-sort +O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-cuisine B-restaurant_type O B-timeRange I-timeRange O O O O B-party_size_number O B-state +O O B-spatial_relation B-object_type I-object_type O B-movie_type +O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist +O O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name +O O B-object_select B-object_type O B-rating_value +O B-playlist I-playlist O B-service +O O O O O O B-timeRange I-timeRange B-spatial_relation O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O B-restaurant_type I-restaurant_type O B-city I-city +O O O B-object_type O O B-movie_name I-movie_name I-movie_name I-movie_name O B-object_location_type +O O O B-artist I-artist +O O O B-object_type O O O B-object_name I-object_name +O B-entity_name O O B-playlist I-playlist O +O O O O B-city B-state I-state +O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-current_location +O O B-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O B-timeRange I-timeRange I-timeRange O B-country I-country +O B-movie_type O O B-spatial_relation B-object_location_type +O O O B-object_type O B-object_name I-object_name I-object_name +O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type +O O O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O O B-sort I-sort B-cuisine B-restaurant_type O B-state +O B-track O B-artist I-artist +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O O O O O O B-playlist I-playlist I-playlist O O B-playlist_owner O O B-entity_name I-entity_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit +O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name +O O O O O B-year B-music_item O B-artist I-artist O O B-service I-service +O O O B-geographic_poi I-geographic_poi I-geographic_poi O O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-music_item O B-playlist_owner B-playlist O +O O O O O O B-city B-country O B-timeRange I-timeRange I-timeRange +O O B-sort I-sort B-restaurant_type O B-cuisine O B-party_size_number O B-city +O B-entity_name O B-playlist_owner B-playlist I-playlist O +O O O O B-party_size_number O O O B-restaurant_type O O B-served_dish I-served_dish I-served_dish +O B-rating_value B-rating_unit O B-object_select B-object_part_of_series_type +O O O B-condition_temperature O O B-current_location I-current_location B-timeRange I-timeRange +O B-restaurant_type I-restaurant_type O O B-sort I-sort +O O O O O B-served_dish I-served_dish I-served_dish B-timeRange I-timeRange I-timeRange O O B-restaurant_type +O O O B-spatial_relation O B-country +O O O O O O O B-restaurant_type O B-party_size_number O O B-sort I-sort O B-state +O B-location_name I-location_name B-object_type I-object_type +O B-entity_name I-entity_name O B-playlist I-playlist O +O O O B-object_type B-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O O O B-current_location O B-timeRange I-timeRange +O O B-object_name I-object_name I-object_name B-object_type +O O B-object_type B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_part_of_series_type +O O O O O O O O B-timeRange I-timeRange O B-city I-city B-state +O B-movie_type O O O B-location_name I-location_name +O O B-sort B-music_item O B-artist I-artist +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist +O O O B-object_type B-object_name I-object_name +O O O O O B-restaurant_type O B-timeRange O B-party_size_description I-party_size_description I-party_size_description +O B-movie_name I-movie_name B-object_location_type O O +O O O B-object_type I-object_type O B-movie_type B-spatial_relation +O B-artist I-artist B-music_item +O O O O B-party_size_number O O B-restaurant_type O O B-served_dish I-served_dish O B-state O B-timeRange I-timeRange +O O B-music_item O B-artist I-artist +O O O B-condition_temperature O B-country I-country +O B-object_name I-object_name I-object_name O O +O O B-object_name I-object_name O B-rating_value +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist O +O B-object_name I-object_name I-object_name B-object_type I-object_type +O B-track I-track I-track I-track I-track O B-service +O O O O O O B-object_type B-object_name I-object_name I-object_name O +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_select B-object_type O B-rating_value +O O O B-object_name I-object_name I-object_name B-object_type +O O O B-object_name I-object_name I-object_name B-object_type +O O O O O B-timeRange O O B-geographic_poi I-geographic_poi I-geographic_poi +O O O O B-restaurant_name I-restaurant_name B-spatial_relation B-country +O O O O O O B-city B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-sort I-sort B-music_item O B-year O B-artist I-artist +O B-object_type B-object_name I-object_name I-object_name +O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange O B-city +O O O B-restaurant_type O B-city B-state O B-timeRange I-timeRange I-timeRange +O O O O O B-music_item O B-artist +O O O O O O O B-city B-country +O B-track I-track O B-artist I-artist +O B-object_name I-object_name I-object_name O B-object_type +O O O B-artist I-artist O +O O O O O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-music_item O B-playlist +O B-object_select B-object_type O B-rating_value O B-best_rating +O O O O O B-city I-city +O O B-service O O B-genre I-genre +O O O B-artist I-artist +O O B-restaurant_type O B-party_size_number +O O O B-music_item O B-artist I-artist +O O B-object_type O B-object_name I-object_name +O O O B-condition_temperature O B-timeRange I-timeRange O B-city I-city +O B-service O O B-artist O O B-year +O O O O B-party_size_number O O B-restaurant_type O O B-cuisine O B-state O B-timeRange I-timeRange I-timeRange +O O O B-artist O O B-year +O B-object_select B-object_type B-rating_value B-rating_unit +O B-playlist_owner I-playlist_owner B-playlist I-playlist O O O O B-entity_name I-entity_name +O O O B-service +O O O O O B-state I-state O B-timeRange I-timeRange I-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist O +O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name O B-object_type I-object_type +O O O B-artist I-artist B-music_item +O B-object_name I-object_name I-object_name O B-rating_value B-rating_unit +O O B-object_select B-object_type O B-rating_value +O B-condition_description O O B-state +O B-music_item O B-playlist O +O O O O B-condition_description O O O B-current_location O B-timeRange I-timeRange +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O O O O B-restaurant_type +O O B-playlist_owner O B-playlist I-playlist I-playlist B-entity_name I-entity_name I-entity_name I-entity_name +O O O O B-restaurant_type O B-city I-city B-state O B-party_size_number O B-timeRange +O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O O O B-condition_description O B-city I-city +O O O B-object_type B-object_name I-object_name I-object_name I-object_name O +O O O O B-object_select B-object_type O O O B-rating_value O O O O B-best_rating +O O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O B-object_select B-object_part_of_series_type O O B-rating_value O O B-best_rating +O B-artist I-artist O B-playlist I-playlist I-playlist +O O O O O O O O O B-timeRange O B-state +O O O B-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name I-object_name B-object_type +O B-object_type I-object_type O O B-location_name I-location_name +O O B-object_location_type I-object_location_type B-spatial_relation O B-movie_name I-movie_name +B-object_type I-object_type O B-location_name I-location_name +O O O B-object_name I-object_name I-object_name I-object_name +O O O B-object_type I-object_type O O B-location_name I-location_name B-timeRange I-timeRange I-timeRange I-timeRange +O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O B-restaurant_type O O B-timeRange I-timeRange O O O O B-party_size_number O O O O B-state +O B-genre O +O O B-restaurant_type O B-party_size_number O O B-city +O O O B-object_select B-object_type O B-rating_value B-rating_unit +O B-album O B-artist +O B-state O B-timeRange I-timeRange O O O B-condition_description +O O O O O B-party_size_number O B-city +O O O B-sort B-year B-music_item +O B-object_type I-object_type O B-location_name I-location_name +O O B-object_select B-object_type B-rating_value O B-best_rating +O O O B-object_type I-object_type O B-location_name I-location_name +O O O O O O B-city I-city B-restaurant_type O B-party_size_number O O B-cuisine O O O B-sort +O O B-genre O +O O B-music_item O B-playlist_owner B-playlist I-playlist O +O B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O O B-spatial_relation B-timeRange I-timeRange I-timeRange O O O B-object_location_type I-object_location_type O O B-movie_type I-movie_type +O O B-cuisine B-restaurant_type O B-country +O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange O B-city B-country +O B-artist I-artist I-artist O O O B-service I-service +O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-sort O O B-artist I-artist I-artist O B-service +O O O B-object_name I-object_name I-object_name I-object_name +O O B-movie_name I-movie_name I-movie_name O +O B-object_name I-object_name O B-rating_value +O O O B-service +O O O O O O B-country O B-timeRange +O O B-track I-track O B-artist I-artist +O O B-object_type O B-object_name B-rating_value B-rating_unit +O O O O B-object_type I-object_type +O O O B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name +O O B-object_name I-object_name O O O B-rating_value O O B-best_rating +O O B-city B-state O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-object_select B-object_type B-rating_value B-rating_unit +O O O O B-party_size_number O O B-restaurant_type O B-state I-state +O O O O O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi +O O O B-condition_temperature O B-country +O O B-artist I-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O +O O O O B-object_type B-object_name I-object_name I-object_name +O O B-year O O B-service +O O O O B-party_size_number O O B-sort B-restaurant_type O O B-cuisine B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state I-state +O O B-object_type I-object_type O B-location_name I-location_name +O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-timeRange I-timeRange O B-party_size_number O +O O O O O B-object_type O B-object_name I-object_name +O O O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange O B-city +O B-object_name I-object_name I-object_name +O O B-cuisine B-restaurant_type O B-city B-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description +O O B-artist I-artist +O O B-playlist I-playlist I-playlist I-playlist O O O B-entity_name +O B-music_item O B-playlist_owner B-playlist O +O O O B-year B-artist I-artist +O O B-music_item O B-artist I-artist O O B-playlist O +O O O O O B-object_name I-object_name B-object_type +O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-object_type I-object_type B-timeRange I-timeRange I-timeRange I-timeRange O O B-location_name I-location_name I-location_name +O O B-object_type B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O B-artist I-artist O O B-playlist I-playlist O +O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name +O O O B-rating_value O O B-best_rating O O B-object_name I-object_name I-object_name +O O O O B-party_size_number O B-restaurant_name I-restaurant_name B-timeRange I-timeRange I-timeRange +O O O O O O B-condition_temperature B-timeRange I-timeRange O B-state +O O B-object_select B-object_type O O O B-rating_value O O B-best_rating B-rating_unit +O O O B-object_type O O B-movie_name I-movie_name I-movie_name B-spatial_relation O B-object_location_type I-object_location_type +O O O O B-party_size_number O O B-restaurant_type O B-timeRange I-timeRange +O B-object_location_type I-object_location_type O O B-spatial_relation O B-movie_type I-movie_type +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-served_dish B-restaurant_type +O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit +O B-city B-country O O O B-condition_description O B-timeRange +O O O O O B-served_dish B-restaurant_type O B-state +O O O O O O O O O B-city B-state I-state B-timeRange I-timeRange +O O O O O O O O O O O B-timeRange I-timeRange O B-state +O O B-object_location_type I-object_location_type B-spatial_relation O B-movie_type I-movie_type +O B-track I-track I-track I-track I-track O B-artist +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name +O O B-artist I-artist B-music_item +O B-album I-album I-album I-album O B-artist I-artist O B-service +O O O O O B-city I-city B-country I-country I-country I-country +O O O O B-year O B-service +O B-year O O B-service +O O B-restaurant_type O B-country O B-timeRange I-timeRange I-timeRange +O O O B-object_name I-object_name B-object_type +O B-object_type I-object_type +B-playlist_owner B-playlist I-playlist O O O B-artist I-artist O O +O O O B-condition_temperature O B-state O B-timeRange I-timeRange +O O B-condition_description O O O O B-current_location I-current_location +O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist +O B-artist I-artist O B-playlist_owner B-playlist I-playlist O +O B-object_select B-object_type O O O B-rating_value +O O O O O O O B-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O O B-sort +O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O B-object_select B-object_type O B-rating_value +O O B-restaurant_type O B-state I-state +O O O O O O O B-party_size_number O B-country +O O B-artist I-artist B-music_item O B-playlist I-playlist +O B-object_name I-object_name I-object_name I-object_name O B-rating_value O +O O O O B-movie_type I-movie_type O B-location_name I-location_name +O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +B-rating_value B-rating_unit O B-object_select B-object_type +O O B-restaurant_type O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange +O O B-year B-music_item +O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O O O O O B-sort I-sort B-restaurant_type I-restaurant_type O B-country +O O O B-condition_temperature O B-current_location O B-timeRange I-timeRange +O O O O O B-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange +O O O O O B-genre O +O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description B-timeRange I-timeRange I-timeRange I-timeRange O B-state +O O O B-current_location O O O B-city +O B-object_select B-object_type B-rating_value B-rating_unit +O B-artist I-artist B-album I-album +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type +O O B-music_item O B-playlist O +O O O B-music_item O B-artist I-artist O B-service +O O B-music_item O B-playlist I-playlist O +O O B-artist I-artist O B-playlist_owner B-playlist O +O O B-music_item O O B-playlist I-playlist O +O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name +O B-playlist I-playlist I-playlist O +O O B-sort I-sort B-artist I-artist O B-service +O O O O O O B-year O +O B-service O O B-track B-music_item O O B-year +O O O O O B-object_type B-object_name I-object_name I-object_name +O B-artist I-artist B-music_item B-track I-track +O O B-restaurant_type O B-country O B-party_size_number O +O O B-rating_value B-rating_unit O B-object_select B-object_part_of_series_type +O B-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist I-playlist +O O B-object_type I-object_type +O B-music_item O O B-year +O O B-entity_name I-entity_name I-entity_name I-entity_name O O O O O B-playlist I-playlist +O O O B-condition_description O O B-timeRange I-timeRange O B-country O B-city I-city +O O O B-object_select B-object_type O B-rating_value +O O O O O B-condition_temperature O B-city I-city +O O B-artist I-artist +O O B-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation +O O O B-object_type O B-object_name I-object_name I-object_name +O O O O O O B-condition_description B-current_location +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-track I-track I-track I-track O B-artist I-artist +O B-object_type O O B-object_select O O B-rating_value +O B-object_select B-object_type B-rating_value O B-best_rating +O O B-music_item O B-artist I-artist I-artist I-artist +O B-artist I-artist O B-playlist I-playlist I-playlist +O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist O +O O B-object_select B-object_type B-rating_value B-rating_unit +O O B-object_type O B-object_name I-object_name I-object_name I-object_name +O O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O O O O B-object_type B-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type +O B-object_name I-object_name O O O B-object_type +O O O O B-restaurant_name I-restaurant_name O B-timeRange I-timeRange I-timeRange +O B-movie_name I-movie_name I-movie_name I-movie_name +O B-album I-album I-album I-album O B-artist I-artist +O O B-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name I-object_name I-object_name O B-rating_value +O O O B-year O B-service +O B-object_name I-object_name I-object_name +O O O O O O B-restaurant_type O O B-served_dish O O O O B-party_size_number O B-state +O O B-object_part_of_series_type B-object_name I-object_name I-object_name O B-rating_value O O B-best_rating +O O B-artist O B-playlist_owner B-playlist O +O O B-party_size_number O B-country I-country I-country I-country +O O O B-object_type I-object_type O O B-location_name I-location_name +O O O O B-object_type I-object_type O B-timeRange O +O B-track I-track I-track I-track O B-artist I-artist +O O B-condition_temperature B-spatial_relation O O B-current_location I-current_location +O O B-object_name I-object_name I-object_name +O O O O O B-party_size_number O O B-country B-restaurant_type +O O O O O B-album O B-service +O O O O B-party_size_number O B-restaurant_name O B-country O B-timeRange I-timeRange I-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist O +O O O O O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name +O O O O O O O O O O B-city B-state O B-timeRange I-timeRange I-timeRange I-timeRange +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O +O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O +O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O +O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist +O O O O O B-timeRange O B-party_size_description I-party_size_description I-party_size_description O O O B-restaurant_type +O B-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O +O O O B-restaurant_type O O B-served_dish O B-party_size_number +O B-timeRange I-timeRange O O O O O O B-spatial_relation O B-country +O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O +O O O B-movie_name I-movie_name I-movie_name I-movie_name O +O B-year B-music_item O +O O B-object_type O B-object_name I-object_name +O O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating +O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-object_type B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit +O O B-city I-city O B-party_size_number O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation +O O B-object_name I-object_name B-rating_value O O B-best_rating +O B-artist I-artist B-music_item +O O O O O O B-city O B-timeRange O +O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist +O O O O B-movie_type I-movie_type O O B-spatial_relation +O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation +B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name +O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O +O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O O B-condition_temperature O O B-timeRange O +O O O O O B-timeRange I-timeRange O B-state +O O O O O O B-object_type I-object_type B-object_name +O O O O B-object_select B-object_type B-rating_value B-rating_unit +O B-year O O B-service +O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type +O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating +O O O B-object_type O B-object_name +O O B-genre O +O O B-restaurant_type B-timeRange I-timeRange O O O B-party_size_number +O O O B-object_name I-object_name I-object_name I-object_name O O O B-rating_value +O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit +O O O B-spatial_relation O O B-current_location O B-timeRange +O O O O O O B-city B-timeRange I-timeRange I-timeRange +O O O B-artist I-artist O O B-music_item B-album +O B-movie_type O O O O B-spatial_relation B-object_location_type +O O O B-object_type O B-object_name I-object_name I-object_name +O O O O O O B-current_location I-current_location +O O B-object_name I-object_name I-object_name I-object_name +O O O O B-party_size_number O O O B-cuisine B-restaurant_type +O O O B-condition_temperature O B-city B-country O B-timeRange I-timeRange I-timeRange +O O O O O O B-city I-city +O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name +O O O O O B-condition_description B-spatial_relation O B-country +O O B-music_item O B-artist I-artist +O O O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type +O B-movie_name I-movie_name +O O O O O O O O O B-state O O O O B-party_size_number O O O O O B-restaurant_name I-restaurant_name I-restaurant_name +O O O O O O B-condition_temperature O B-city I-city B-state +O O O B-movie_type O O B-timeRange I-timeRange O B-location_name I-location_name I-location_name +B-object_name I-object_name I-object_name I-object_name I-object_name O O O O O B-rating_value O O B-best_rating B-rating_unit +O B-object_name I-object_name B-object_type +O O O O B-object_type I-object_type O B-location_name I-location_name I-location_name +O O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-city I-city +O O O O B-served_dish O O B-restaurant_type O B-party_size_number +O B-playlist I-playlist I-playlist +O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating +O O O B-object_type B-object_name I-object_name I-object_name +O B-object_name I-object_name B-rating_value O O B-best_rating diff --git a/JointBERT-master/data/vocab_process.py b/JointBERT-master/data/vocab_process.py new file mode 100644 index 0000000000000000000000000000000000000000..00aba45a6c20e3825acb65681d1d56661581d948 --- /dev/null +++ b/JointBERT-master/data/vocab_process.py @@ -0,0 +1,48 @@ +import os + + +def vocab_process(data_dir): + slot_label_vocab = 'slot_label.txt' + intent_label_vocab = 'intent_label.txt' + + train_dir = os.path.join(data_dir, 'train') + # intent + with open(os.path.join(train_dir, 'label'), 'r', encoding='utf-8') as f_r, open(os.path.join(data_dir, intent_label_vocab), 'w', + encoding='utf-8') as f_w: + intent_vocab = set() + for line in f_r: + line = line.strip() + intent_vocab.add(line) + + additional_tokens = ["UNK"] + for token in additional_tokens: + f_w.write(token + '\n') + + intent_vocab = sorted(list(intent_vocab)) + for intent in intent_vocab: + f_w.write(intent + '\n') + + # slot + with open(os.path.join(train_dir, 'seq.out'), 'r', encoding='utf-8') as f_r, open(os.path.join(data_dir, slot_label_vocab), 'w', + encoding='utf-8') as f_w: + slot_vocab = set() + for line in f_r: + line = line.strip() + slots = line.split() + for slot in slots: + slot_vocab.add(slot) + + slot_vocab = sorted(list(slot_vocab), key=lambda x: (x[2:], x[:2])) + + # Write additional tokens + additional_tokens = ["PAD", "UNK"] + for token in additional_tokens: + f_w.write(token + '\n') + + for slot in slot_vocab: + f_w.write(slot + '\n') + + +if __name__ == "__main__": + vocab_process('atis') + vocab_process('snips') diff --git a/JointBERT-master/data_loader.py b/JointBERT-master/data_loader.py new file mode 100644 index 0000000000000000000000000000000000000000..dbaa5122148a3622d82e109c7e863258400b705b --- /dev/null +++ b/JointBERT-master/data_loader.py @@ -0,0 +1,255 @@ +import os +import copy +import json +import logging + +import torch +from torch.utils.data import TensorDataset + +from utils import get_intent_labels, get_slot_labels + +logger = logging.getLogger(__name__) + + +class InputExample(object): + """ + A single training/test example for simple sequence classification. + + Args: + guid: Unique id for the example. + words: list. The words of the sequence. + intent_label: (Optional) string. The intent label of the example. + slot_labels: (Optional) list. The slot labels of the example. + """ + + def __init__(self, guid, words, intent_label=None, slot_labels=None): + self.guid = guid + self.words = words + self.intent_label = intent_label + self.slot_labels = slot_labels + + def __repr__(self): + return str(self.to_json_string()) + + def to_dict(self): + """Serializes this instance to a Python dictionary.""" + output = copy.deepcopy(self.__dict__) + return output + + def to_json_string(self): + """Serializes this instance to a JSON string.""" + return json.dumps(self.to_dict(), indent=2, sort_keys=True) + "\n" + + +class InputFeatures(object): + """A single set of features of data.""" + + def __init__(self, input_ids, attention_mask, token_type_ids, intent_label_id, slot_labels_ids): + self.input_ids = input_ids + self.attention_mask = attention_mask + self.token_type_ids = token_type_ids + self.intent_label_id = intent_label_id + self.slot_labels_ids = slot_labels_ids + + def __repr__(self): + return str(self.to_json_string()) + + def to_dict(self): + """Serializes this instance to a Python dictionary.""" + output = copy.deepcopy(self.__dict__) + return output + + def to_json_string(self): + """Serializes this instance to a JSON string.""" + return json.dumps(self.to_dict(), indent=2, sort_keys=True) + "\n" + + +class JointProcessor(object): + """Processor for the JointBERT data set """ + + def __init__(self, args): + self.args = args + self.intent_labels = get_intent_labels(args) + self.slot_labels = get_slot_labels(args) + + self.input_text_file = 'seq.in' + self.intent_label_file = 'label' + self.slot_labels_file = 'seq.out' + + @classmethod + def _read_file(cls, input_file, quotechar=None): + """Reads a tab separated value file.""" + with open(input_file, "r", encoding="utf-8") as f: + lines = [] + for line in f: + lines.append(line.strip()) + return lines + + def _create_examples(self, texts, intents, slots, set_type): + """Creates examples for the training and dev sets.""" + examples = [] + for i, (text, intent, slot) in enumerate(zip(texts, intents, slots)): + guid = "%s-%s" % (set_type, i) + # 1. input_text + words = text.split() # Some are spaced twice + # 2. intent + intent_label = self.intent_labels.index(intent) if intent in self.intent_labels else self.intent_labels.index("UNK") + # 3. slot + slot_labels = [] + for s in slot.split(): + slot_labels.append(self.slot_labels.index(s) if s in self.slot_labels else self.slot_labels.index("UNK")) + + assert len(words) == len(slot_labels) + examples.append(InputExample(guid=guid, words=words, intent_label=intent_label, slot_labels=slot_labels)) + return examples + + def get_examples(self, mode): + """ + Args: + mode: train, dev, test + """ + data_path = os.path.join(self.args.data_dir, self.args.task, mode) + logger.info("LOOKING AT {}".format(data_path)) + return self._create_examples(texts=self._read_file(os.path.join(data_path, self.input_text_file)), + intents=self._read_file(os.path.join(data_path, self.intent_label_file)), + slots=self._read_file(os.path.join(data_path, self.slot_labels_file)), + set_type=mode) + + +processors = { + "atis": JointProcessor, + "snips": JointProcessor +} + + +def convert_examples_to_features(examples, max_seq_len, tokenizer, + pad_token_label_id=-100, + cls_token_segment_id=0, + pad_token_segment_id=0, + sequence_a_segment_id=0, + mask_padding_with_zero=True): + # Setting based on the current model type + cls_token = tokenizer.cls_token + sep_token = tokenizer.sep_token + unk_token = tokenizer.unk_token + pad_token_id = tokenizer.pad_token_id + + features = [] + for (ex_index, example) in enumerate(examples): + if ex_index % 5000 == 0: + logger.info("Writing example %d of %d" % (ex_index, len(examples))) + + # Tokenize word by word (for NER) + tokens = [] + slot_labels_ids = [] + for word, slot_label in zip(example.words, example.slot_labels): + word_tokens = tokenizer.tokenize(word) + if not word_tokens: + word_tokens = [unk_token] # For handling the bad-encoded word + tokens.extend(word_tokens) + # Use the real label id for the first token of the word, and padding ids for the remaining tokens + slot_labels_ids.extend([int(slot_label)] + [pad_token_label_id] * (len(word_tokens) - 1)) + + # Account for [CLS] and [SEP] + special_tokens_count = 2 + if len(tokens) > max_seq_len - special_tokens_count: + tokens = tokens[:(max_seq_len - special_tokens_count)] + slot_labels_ids = slot_labels_ids[:(max_seq_len - special_tokens_count)] + + # Add [SEP] token + tokens += [sep_token] + slot_labels_ids += [pad_token_label_id] + token_type_ids = [sequence_a_segment_id] * len(tokens) + + # Add [CLS] token + tokens = [cls_token] + tokens + slot_labels_ids = [pad_token_label_id] + slot_labels_ids + token_type_ids = [cls_token_segment_id] + token_type_ids + + input_ids = tokenizer.convert_tokens_to_ids(tokens) + + # The mask has 1 for real tokens and 0 for padding tokens. Only real + # tokens are attended to. + attention_mask = [1 if mask_padding_with_zero else 0] * len(input_ids) + + # Zero-pad up to the sequence length. + padding_length = max_seq_len - len(input_ids) + input_ids = input_ids + ([pad_token_id] * padding_length) + attention_mask = attention_mask + ([0 if mask_padding_with_zero else 1] * padding_length) + token_type_ids = token_type_ids + ([pad_token_segment_id] * padding_length) + slot_labels_ids = slot_labels_ids + ([pad_token_label_id] * padding_length) + + assert len(input_ids) == max_seq_len, "Error with input length {} vs {}".format(len(input_ids), max_seq_len) + assert len(attention_mask) == max_seq_len, "Error with attention mask length {} vs {}".format(len(attention_mask), max_seq_len) + assert len(token_type_ids) == max_seq_len, "Error with token type length {} vs {}".format(len(token_type_ids), max_seq_len) + assert len(slot_labels_ids) == max_seq_len, "Error with slot labels length {} vs {}".format(len(slot_labels_ids), max_seq_len) + + intent_label_id = int(example.intent_label) + + if ex_index < 5: + logger.info("*** Example ***") + logger.info("guid: %s" % example.guid) + logger.info("tokens: %s" % " ".join([str(x) for x in tokens])) + logger.info("input_ids: %s" % " ".join([str(x) for x in input_ids])) + logger.info("attention_mask: %s" % " ".join([str(x) for x in attention_mask])) + logger.info("token_type_ids: %s" % " ".join([str(x) for x in token_type_ids])) + logger.info("intent_label: %s (id = %d)" % (example.intent_label, intent_label_id)) + logger.info("slot_labels: %s" % " ".join([str(x) for x in slot_labels_ids])) + + features.append( + InputFeatures(input_ids=input_ids, + attention_mask=attention_mask, + token_type_ids=token_type_ids, + intent_label_id=intent_label_id, + slot_labels_ids=slot_labels_ids + )) + + return features + + +def load_and_cache_examples(args, tokenizer, mode): + processor = processors[args.task](args) + + # Load data features from cache or dataset file + cached_features_file = os.path.join( + args.data_dir, + 'cached_{}_{}_{}_{}'.format( + mode, + args.task, + list(filter(None, args.model_name_or_path.split("/"))).pop(), + args.max_seq_len + ) + ) + + if os.path.exists(cached_features_file): + logger.info("Loading features from cached file %s", cached_features_file) + features = torch.load(cached_features_file) + else: + # Load data features from dataset file + logger.info("Creating features from dataset file at %s", args.data_dir) + if mode == "train": + examples = processor.get_examples("train") + elif mode == "dev": + examples = processor.get_examples("dev") + elif mode == "test": + examples = processor.get_examples("test") + else: + raise Exception("For mode, Only train, dev, test is available") + + # Use cross entropy ignore index as padding label id so that only real label ids contribute to the loss later + pad_token_label_id = args.ignore_index + features = convert_examples_to_features(examples, args.max_seq_len, tokenizer, + pad_token_label_id=pad_token_label_id) + logger.info("Saving features into cached file %s", cached_features_file) + torch.save(features, cached_features_file) + + # Convert to Tensors and build dataset + all_input_ids = torch.tensor([f.input_ids for f in features], dtype=torch.long) + all_attention_mask = torch.tensor([f.attention_mask for f in features], dtype=torch.long) + all_token_type_ids = torch.tensor([f.token_type_ids for f in features], dtype=torch.long) + all_intent_label_ids = torch.tensor([f.intent_label_id for f in features], dtype=torch.long) + all_slot_labels_ids = torch.tensor([f.slot_labels_ids for f in features], dtype=torch.long) + + dataset = TensorDataset(all_input_ids, all_attention_mask, + all_token_type_ids, all_intent_label_ids, all_slot_labels_ids) + return dataset diff --git a/JointBERT-master/main.py b/JointBERT-master/main.py new file mode 100644 index 0000000000000000000000000000000000000000..eca6fe4100570bf32946b9c70c29d7513780fb51 --- /dev/null +++ b/JointBERT-master/main.py @@ -0,0 +1,72 @@ +import argparse + +from trainer import Trainer +from utils import init_logger, load_tokenizer, read_prediction_text, set_seed, MODEL_CLASSES, MODEL_PATH_MAP +from data_loader import load_and_cache_examples + + +def main(args): + init_logger() + set_seed(args) + tokenizer = load_tokenizer(args) + + train_dataset = load_and_cache_examples(args, tokenizer, mode="train") + dev_dataset = load_and_cache_examples(args, tokenizer, mode="dev") + test_dataset = load_and_cache_examples(args, tokenizer, mode="test") + + trainer = Trainer(args, train_dataset, dev_dataset, test_dataset) + + if args.do_train: + trainer.train() + + if args.do_eval: + trainer.load_model() + trainer.evaluate("test") + + +if __name__ == '__main__': + parser = argparse.ArgumentParser() + + parser.add_argument("--task", default=None, required=True, type=str, help="The name of the task to train") + parser.add_argument("--model_dir", default=None, required=True, type=str, help="Path to save, load model") + parser.add_argument("--data_dir", default="./data", type=str, help="The input data dir") + parser.add_argument("--intent_label_file", default="intent_label.txt", type=str, help="Intent Label file") + parser.add_argument("--slot_label_file", default="slot_label.txt", type=str, help="Slot Label file") + + parser.add_argument("--model_type", default="bert", type=str, help="Model type selected in the list: " + ", ".join(MODEL_CLASSES.keys())) + + parser.add_argument('--seed', type=int, default=1234, help="random seed for initialization") + parser.add_argument("--train_batch_size", default=32, type=int, help="Batch size for training.") + parser.add_argument("--eval_batch_size", default=64, type=int, help="Batch size for evaluation.") + parser.add_argument("--max_seq_len", default=50, type=int, help="The maximum total input sequence length after tokenization.") + parser.add_argument("--learning_rate", default=5e-5, type=float, help="The initial learning rate for Adam.") + parser.add_argument("--num_train_epochs", default=10.0, type=float, help="Total number of training epochs to perform.") + parser.add_argument("--weight_decay", default=0.0, type=float, help="Weight decay if we apply some.") + parser.add_argument('--gradient_accumulation_steps', type=int, default=1, + help="Number of updates steps to accumulate before performing a backward/update pass.") + parser.add_argument("--adam_epsilon", default=1e-8, type=float, help="Epsilon for Adam optimizer.") + parser.add_argument("--max_grad_norm", default=1.0, type=float, help="Max gradient norm.") + parser.add_argument("--max_steps", default=-1, type=int, help="If > 0: set total number of training steps to perform. Override num_train_epochs.") + parser.add_argument("--warmup_steps", default=0, type=int, help="Linear warmup over warmup_steps.") + parser.add_argument("--dropout_rate", default=0.1, type=float, help="Dropout for fully-connected layers") + + parser.add_argument('--logging_steps', type=int, default=200, help="Log every X updates steps.") + parser.add_argument('--save_steps', type=int, default=200, help="Save checkpoint every X updates steps.") + + parser.add_argument("--do_train", action="store_true", help="Whether to run training.") + parser.add_argument("--do_eval", action="store_true", help="Whether to run eval on the test set.") + parser.add_argument("--no_cuda", action="store_true", help="Avoid using CUDA when available") + + parser.add_argument("--ignore_index", default=0, type=int, + help='Specifies a target value that is ignored and does not contribute to the input gradient') + + parser.add_argument('--slot_loss_coef', type=float, default=1.0, help='Coefficient for the slot loss.') + + # CRF option + parser.add_argument("--use_crf", action="store_true", help="Whether to use CRF") + parser.add_argument("--slot_pad_label", default="PAD", type=str, help="Pad token for slot label pad (to be ignore when calculate loss)") + + args = parser.parse_args() + + args.model_name_or_path = MODEL_PATH_MAP[args.model_type] + main(args) diff --git a/JointBERT-master/model/__init__.py b/JointBERT-master/model/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..000c735788a21358e8ac689636b1b38571775287 --- /dev/null +++ b/JointBERT-master/model/__init__.py @@ -0,0 +1,3 @@ +from .modeling_jointbert import JointBERT +from .modeling_jointdistilbert import JointDistilBERT +from .modeling_jointalbert import JointAlbert diff --git a/JointBERT-master/model/__pycache__/__init__.cpython-37.pyc b/JointBERT-master/model/__pycache__/__init__.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..73fd89315999134b87c6d320ca4436f1c967a532 Binary files /dev/null and b/JointBERT-master/model/__pycache__/__init__.cpython-37.pyc differ diff --git a/JointBERT-master/model/__pycache__/__init__.cpython-38.pyc b/JointBERT-master/model/__pycache__/__init__.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..fbaa9da2a73cc9da64dc031b72c690e53ac5bc6b Binary files /dev/null and b/JointBERT-master/model/__pycache__/__init__.cpython-38.pyc differ diff --git a/JointBERT-master/model/__pycache__/modeling_jointalbert.cpython-37.pyc b/JointBERT-master/model/__pycache__/modeling_jointalbert.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..4a3c89735a8edf0816e29b6e8e977a1e0453d098 Binary files /dev/null and b/JointBERT-master/model/__pycache__/modeling_jointalbert.cpython-37.pyc differ diff --git a/JointBERT-master/model/__pycache__/modeling_jointalbert.cpython-38.pyc b/JointBERT-master/model/__pycache__/modeling_jointalbert.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b70a4e4c63ee4e683f74321295e2af1932fd384d Binary files /dev/null and b/JointBERT-master/model/__pycache__/modeling_jointalbert.cpython-38.pyc differ diff --git a/JointBERT-master/model/__pycache__/modeling_jointbert.cpython-37.pyc b/JointBERT-master/model/__pycache__/modeling_jointbert.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..754498000d16f294962e465a78dc988d9b6f1f42 Binary files /dev/null and b/JointBERT-master/model/__pycache__/modeling_jointbert.cpython-37.pyc differ diff --git a/JointBERT-master/model/__pycache__/modeling_jointbert.cpython-38.pyc b/JointBERT-master/model/__pycache__/modeling_jointbert.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..4bf6e477e8c974dcc1ea291bda3d69e2b4ea7bf1 Binary files /dev/null and b/JointBERT-master/model/__pycache__/modeling_jointbert.cpython-38.pyc differ diff --git a/JointBERT-master/model/__pycache__/modeling_jointdistilbert.cpython-37.pyc b/JointBERT-master/model/__pycache__/modeling_jointdistilbert.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3a86f4d4720e1c161c22ac8aa0aebeae8d51bd09 Binary files /dev/null and b/JointBERT-master/model/__pycache__/modeling_jointdistilbert.cpython-37.pyc differ diff --git a/JointBERT-master/model/__pycache__/modeling_jointdistilbert.cpython-38.pyc b/JointBERT-master/model/__pycache__/modeling_jointdistilbert.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..02b72656227f55f2ca5c066fc625c7defa54a930 Binary files /dev/null and b/JointBERT-master/model/__pycache__/modeling_jointdistilbert.cpython-38.pyc differ diff --git a/JointBERT-master/model/__pycache__/module.cpython-37.pyc b/JointBERT-master/model/__pycache__/module.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d87d3ce732faa2f47f87ed7b243f9cb2df1b1255 Binary files /dev/null and b/JointBERT-master/model/__pycache__/module.cpython-37.pyc differ diff --git a/JointBERT-master/model/__pycache__/module.cpython-38.pyc b/JointBERT-master/model/__pycache__/module.cpython-38.pyc new file mode 100644 index 0000000000000000000000000000000000000000..c9de8e32ae64ecaddacc76982f39a920918b0536 Binary files /dev/null and b/JointBERT-master/model/__pycache__/module.cpython-38.pyc differ diff --git a/JointBERT-master/model/modeling_jointalbert.py b/JointBERT-master/model/modeling_jointalbert.py new file mode 100644 index 0000000000000000000000000000000000000000..8963b48e9cff6319e9a9ad28a3673cf2959065b1 --- /dev/null +++ b/JointBERT-master/model/modeling_jointalbert.py @@ -0,0 +1,63 @@ +import torch +import torch.nn as nn +from transformers.modeling_albert import AlbertPreTrainedModel, AlbertModel, AlbertConfig +from torchcrf import CRF +from .module import IntentClassifier, SlotClassifier + + +class JointAlbert(AlbertPreTrainedModel): + def __init__(self, config, args, intent_label_lst, slot_label_lst): + super(JointAlbert, self).__init__(config) + self.args = args + self.num_intent_labels = len(intent_label_lst) + self.num_slot_labels = len(slot_label_lst) + self.albert = AlbertModel(config=config) # Load pretrained bert + + self.intent_classifier = IntentClassifier(config.hidden_size, self.num_intent_labels, args.dropout_rate) + self.slot_classifier = SlotClassifier(config.hidden_size, self.num_slot_labels, args.dropout_rate) + + if args.use_crf: + self.crf = CRF(num_tags=self.num_slot_labels, batch_first=True) + + def forward(self, input_ids, attention_mask, token_type_ids, intent_label_ids, slot_labels_ids): + outputs = self.albert(input_ids, attention_mask=attention_mask, + token_type_ids=token_type_ids) # sequence_output, pooled_output, (hidden_states), (attentions) + sequence_output = outputs[0] + pooled_output = outputs[1] # [CLS] + + intent_logits = self.intent_classifier(pooled_output) + slot_logits = self.slot_classifier(sequence_output) + + total_loss = 0 + # 1. Intent Softmax + if intent_label_ids is not None: + if self.num_intent_labels == 1: + intent_loss_fct = nn.MSELoss() + intent_loss = intent_loss_fct(intent_logits.view(-1), intent_label_ids.view(-1)) + else: + intent_loss_fct = nn.CrossEntropyLoss() + intent_loss = intent_loss_fct(intent_logits.view(-1, self.num_intent_labels), intent_label_ids.view(-1)) + total_loss += intent_loss + + # 2. Slot Softmax + if slot_labels_ids is not None: + if self.args.use_crf: + slot_loss = self.crf(slot_logits, slot_labels_ids, mask=attention_mask.byte(), reduction='mean') + slot_loss = -1 * slot_loss # negative log-likelihood + else: + slot_loss_fct = nn.CrossEntropyLoss(ignore_index=self.args.ignore_index) + # Only keep active parts of the loss + if attention_mask is not None: + active_loss = attention_mask.view(-1) == 1 + active_logits = slot_logits.view(-1, self.num_slot_labels)[active_loss] + active_labels = slot_labels_ids.view(-1)[active_loss] + slot_loss = slot_loss_fct(active_logits, active_labels) + else: + slot_loss = slot_loss_fct(slot_logits.view(-1, self.num_slot_labels), slot_labels_ids.view(-1)) + total_loss += self.args.slot_loss_coef * slot_loss + + outputs = ((intent_logits, slot_logits),) + outputs[2:] # add hidden states and attention if they are here + + outputs = (total_loss,) + outputs + + return outputs # (loss), logits, (hidden_states), (attentions) # Logits is a tuple of intent and slot logits diff --git a/JointBERT-master/model/modeling_jointbert.py b/JointBERT-master/model/modeling_jointbert.py new file mode 100644 index 0000000000000000000000000000000000000000..08e53c581c3fd25c1cedad8e56db823aeaf014a8 --- /dev/null +++ b/JointBERT-master/model/modeling_jointbert.py @@ -0,0 +1,63 @@ +import torch +import torch.nn as nn +from transformers.modeling_bert import BertPreTrainedModel, BertModel, BertConfig +from torchcrf import CRF +from .module import IntentClassifier, SlotClassifier + + +class JointBERT(BertPreTrainedModel): + def __init__(self, config, args, intent_label_lst, slot_label_lst): + super(JointBERT, self).__init__(config) + self.args = args + self.num_intent_labels = len(intent_label_lst) + self.num_slot_labels = len(slot_label_lst) + self.bert = BertModel(config=config) # Load pretrained bert + + self.intent_classifier = IntentClassifier(config.hidden_size, self.num_intent_labels, args.dropout_rate) + self.slot_classifier = SlotClassifier(config.hidden_size, self.num_slot_labels, args.dropout_rate) + + if args.use_crf: + self.crf = CRF(num_tags=self.num_slot_labels, batch_first=True) + + def forward(self, input_ids, attention_mask, token_type_ids, intent_label_ids, slot_labels_ids): + outputs = self.bert(input_ids, attention_mask=attention_mask, + token_type_ids=token_type_ids) # sequence_output, pooled_output, (hidden_states), (attentions) + sequence_output = outputs[0] + pooled_output = outputs[1] # [CLS] + + intent_logits = self.intent_classifier(pooled_output) + slot_logits = self.slot_classifier(sequence_output) + + total_loss = 0 + # 1. Intent Softmax + if intent_label_ids is not None: + if self.num_intent_labels == 1: + intent_loss_fct = nn.MSELoss() + intent_loss = intent_loss_fct(intent_logits.view(-1), intent_label_ids.view(-1)) + else: + intent_loss_fct = nn.CrossEntropyLoss() + intent_loss = intent_loss_fct(intent_logits.view(-1, self.num_intent_labels), intent_label_ids.view(-1)) + total_loss += intent_loss + + # 2. Slot Softmax + if slot_labels_ids is not None: + if self.args.use_crf: + slot_loss = self.crf(slot_logits, slot_labels_ids, mask=attention_mask.byte(), reduction='mean') + slot_loss = -1 * slot_loss # negative log-likelihood + else: + slot_loss_fct = nn.CrossEntropyLoss(ignore_index=self.args.ignore_index) + # Only keep active parts of the loss + if attention_mask is not None: + active_loss = attention_mask.view(-1) == 1 + active_logits = slot_logits.view(-1, self.num_slot_labels)[active_loss] + active_labels = slot_labels_ids.view(-1)[active_loss] + slot_loss = slot_loss_fct(active_logits, active_labels) + else: + slot_loss = slot_loss_fct(slot_logits.view(-1, self.num_slot_labels), slot_labels_ids.view(-1)) + total_loss += self.args.slot_loss_coef * slot_loss + + outputs = ((intent_logits, slot_logits),) + outputs[2:] # add hidden states and attention if they are here + + outputs = (total_loss,) + outputs + + return outputs # (loss), logits, (hidden_states), (attentions) # Logits is a tuple of intent and slot logits diff --git a/JointBERT-master/model/modeling_jointdistilbert.py b/JointBERT-master/model/modeling_jointdistilbert.py new file mode 100644 index 0000000000000000000000000000000000000000..ff52a5848f5486916593f42d2dc26c1198ddd23f --- /dev/null +++ b/JointBERT-master/model/modeling_jointdistilbert.py @@ -0,0 +1,62 @@ +import torch +import torch.nn as nn +from transformers.modeling_distilbert import DistilBertPreTrainedModel, DistilBertModel, DistilBertConfig +from torchcrf import CRF +from .module import IntentClassifier, SlotClassifier + + +class JointDistilBERT(DistilBertPreTrainedModel): + def __init__(self, config, args, intent_label_lst, slot_label_lst): + super(JointDistilBERT, self).__init__(config) + self.args = args + self.num_intent_labels = len(intent_label_lst) + self.num_slot_labels = len(slot_label_lst) + self.distilbert = DistilBertModel(config=config) # Load pretrained bert + + self.intent_classifier = IntentClassifier(config.hidden_size, self.num_intent_labels, args.dropout_rate) + self.slot_classifier = SlotClassifier(config.hidden_size, self.num_slot_labels, args.dropout_rate) + + if args.use_crf: + self.crf = CRF(num_tags=self.num_slot_labels, batch_first=True) + + def forward(self, input_ids, attention_mask, intent_label_ids, slot_labels_ids): + outputs = self.distilbert(input_ids, attention_mask=attention_mask) # last-layer hidden-state, (hidden_states), (attentions) + sequence_output = outputs[0] + pooled_output = sequence_output[:, 0] # [CLS] + + intent_logits = self.intent_classifier(pooled_output) + slot_logits = self.slot_classifier(sequence_output) + + total_loss = 0 + # 1. Intent Softmax + if intent_label_ids is not None: + if self.num_intent_labels == 1: + intent_loss_fct = nn.MSELoss() + intent_loss = intent_loss_fct(intent_logits.view(-1), intent_label_ids.view(-1)) + else: + intent_loss_fct = nn.CrossEntropyLoss() + intent_loss = intent_loss_fct(intent_logits.view(-1, self.num_intent_labels), intent_label_ids.view(-1)) + total_loss += intent_loss + + # 2. Slot Softmax + if slot_labels_ids is not None: + if self.args.use_crf: + slot_loss = self.crf(slot_logits, slot_labels_ids, mask=attention_mask.byte(), reduction='mean') + slot_loss = -1 * slot_loss # negative log-likelihood + else: + slot_loss_fct = nn.CrossEntropyLoss(ignore_index=self.args.ignore_index) + # Only keep active parts of the loss + if attention_mask is not None: + active_loss = attention_mask.view(-1) == 1 + active_logits = slot_logits.view(-1, self.num_slot_labels)[active_loss] + active_labels = slot_labels_ids.view(-1)[active_loss] + slot_loss = slot_loss_fct(active_logits, active_labels) + else: + slot_loss = slot_loss_fct(slot_logits.view(-1, self.num_slot_labels), slot_labels_ids.view(-1)) + total_loss += self.args.slot_loss_coef * slot_loss + + outputs = ((intent_logits, slot_logits),) + outputs[1:] # add hidden states and attention if they are here + + outputs = (total_loss,) + outputs + + return outputs # (loss), logits, (hidden_states), (attentions) # Logits is a tuple of intent and slot logits diff --git a/JointBERT-master/model/module.py b/JointBERT-master/model/module.py new file mode 100644 index 0000000000000000000000000000000000000000..70abbf864e26337e781851eab5853f4efa4e3e02 --- /dev/null +++ b/JointBERT-master/model/module.py @@ -0,0 +1,23 @@ +import torch.nn as nn + + +class IntentClassifier(nn.Module): + def __init__(self, input_dim, num_intent_labels, dropout_rate=0.): + super(IntentClassifier, self).__init__() + self.dropout = nn.Dropout(dropout_rate) + self.linear = nn.Linear(input_dim, num_intent_labels) + + def forward(self, x): + x = self.dropout(x) + return self.linear(x) + + +class SlotClassifier(nn.Module): + def __init__(self, input_dim, num_slot_labels, dropout_rate=0.): + super(SlotClassifier, self).__init__() + self.dropout = nn.Dropout(dropout_rate) + self.linear = nn.Linear(input_dim, num_slot_labels) + + def forward(self, x): + x = self.dropout(x) + return self.linear(x) diff --git a/JointBERT-master/predict.py b/JointBERT-master/predict.py new file mode 100644 index 0000000000000000000000000000000000000000..abcdd00358e1d5a578eebfe7571d5f7f845dd28f --- /dev/null +++ b/JointBERT-master/predict.py @@ -0,0 +1,224 @@ +import os +import logging +import argparse +from tqdm import tqdm, trange + +import numpy as np +import torch +from torch.utils.data import TensorDataset, DataLoader, SequentialSampler + +from utils import init_logger, load_tokenizer, get_intent_labels, get_slot_labels, MODEL_CLASSES + +logger = logging.getLogger(__name__) + + +def get_device(pred_config): + return "cuda" if torch.cuda.is_available() and not pred_config.no_cuda else "cpu" + + +def get_args(pred_config): + return torch.load(os.path.join(pred_config.model_dir, 'training_args.bin')) + + +def load_model(pred_config, args, device): + # Check whether model exists + if not os.path.exists(pred_config.model_dir): + raise Exception("Model doesn't exists! Train first!") + + try: + model = MODEL_CLASSES[args.model_type][1].from_pretrained(args.model_dir, + args=args, + intent_label_lst=get_intent_labels(args), + slot_label_lst=get_slot_labels(args)) + model.to(device) + model.eval() + logger.info("***** Model Loaded *****") + except: + raise Exception("Some model files might be missing...") + + return model + + +def read_input_file(pred_config): + lines = [] + with open(pred_config.input_file, "r", encoding="utf-8") as f: + for line in f: + line = line.strip() + words = line.split() + lines.append(words) + + return lines + + +def convert_input_file_to_tensor_dataset(lines, + pred_config, + args, + tokenizer, + pad_token_label_id, + cls_token_segment_id=0, + pad_token_segment_id=0, + sequence_a_segment_id=0, + mask_padding_with_zero=True): + # Setting based on the current model type + cls_token = tokenizer.cls_token + sep_token = tokenizer.sep_token + unk_token = tokenizer.unk_token + pad_token_id = tokenizer.pad_token_id + + all_input_ids = [] + all_attention_mask = [] + all_token_type_ids = [] + all_slot_label_mask = [] + + for words in lines: + tokens = [] + slot_label_mask = [] + for word in words: + word_tokens = tokenizer.tokenize(word) + if not word_tokens: + word_tokens = [unk_token] # For handling the bad-encoded word + tokens.extend(word_tokens) + # Use the real label id for the first token of the word, and padding ids for the remaining tokens + slot_label_mask.extend([pad_token_label_id + 1] + [pad_token_label_id] * (len(word_tokens) - 1)) + + # Account for [CLS] and [SEP] + special_tokens_count = 2 + if len(tokens) > args.max_seq_len - special_tokens_count: + tokens = tokens[: (args.max_seq_len - special_tokens_count)] + slot_label_mask = slot_label_mask[:(args.max_seq_len - special_tokens_count)] + + # Add [SEP] token + tokens += [sep_token] + token_type_ids = [sequence_a_segment_id] * len(tokens) + slot_label_mask += [pad_token_label_id] + + # Add [CLS] token + tokens = [cls_token] + tokens + token_type_ids = [cls_token_segment_id] + token_type_ids + slot_label_mask = [pad_token_label_id] + slot_label_mask + + input_ids = tokenizer.convert_tokens_to_ids(tokens) + + # The mask has 1 for real tokens and 0 for padding tokens. Only real tokens are attended to. + attention_mask = [1 if mask_padding_with_zero else 0] * len(input_ids) + + # Zero-pad up to the sequence length. + padding_length = args.max_seq_len - len(input_ids) + input_ids = input_ids + ([pad_token_id] * padding_length) + attention_mask = attention_mask + ([0 if mask_padding_with_zero else 1] * padding_length) + token_type_ids = token_type_ids + ([pad_token_segment_id] * padding_length) + slot_label_mask = slot_label_mask + ([pad_token_label_id] * padding_length) + + all_input_ids.append(input_ids) + all_attention_mask.append(attention_mask) + all_token_type_ids.append(token_type_ids) + all_slot_label_mask.append(slot_label_mask) + + # Change to Tensor + all_input_ids = torch.tensor(all_input_ids, dtype=torch.long) + all_attention_mask = torch.tensor(all_attention_mask, dtype=torch.long) + all_token_type_ids = torch.tensor(all_token_type_ids, dtype=torch.long) + all_slot_label_mask = torch.tensor(all_slot_label_mask, dtype=torch.long) + + dataset = TensorDataset(all_input_ids, all_attention_mask, all_token_type_ids, all_slot_label_mask) + + return dataset + + +def predict(pred_config): + # load model and args + args = get_args(pred_config) + device = get_device(pred_config) + model = load_model(pred_config, args, device) + logger.info(args) + + intent_label_lst = get_intent_labels(args) + slot_label_lst = get_slot_labels(args) + + # Convert input file to TensorDataset + pad_token_label_id = args.ignore_index + tokenizer = load_tokenizer(args) + lines = read_input_file(pred_config) + dataset = convert_input_file_to_tensor_dataset(lines, pred_config, args, tokenizer, pad_token_label_id) + + # Predict + sampler = SequentialSampler(dataset) + data_loader = DataLoader(dataset, sampler=sampler, batch_size=pred_config.batch_size) + + all_slot_label_mask = None + intent_preds = None + slot_preds = None + + for batch in tqdm(data_loader, desc="Predicting"): + batch = tuple(t.to(device) for t in batch) + with torch.no_grad(): + inputs = {"input_ids": batch[0], + "attention_mask": batch[1], + "intent_label_ids": None, + "slot_labels_ids": None} + if args.model_type != "distilbert": + inputs["token_type_ids"] = batch[2] + outputs = model(**inputs) + _, (intent_logits, slot_logits) = outputs[:2] + + # Intent Prediction + if intent_preds is None: + intent_preds = intent_logits.detach().cpu().numpy() + else: + intent_preds = np.append(intent_preds, intent_logits.detach().cpu().numpy(), axis=0) + + # Slot prediction + if slot_preds is None: + if args.use_crf: + # decode() in `torchcrf` returns list with best index directly + slot_preds = np.array(model.crf.decode(slot_logits)) + else: + slot_preds = slot_logits.detach().cpu().numpy() + all_slot_label_mask = batch[3].detach().cpu().numpy() + else: + if args.use_crf: + slot_preds = np.append(slot_preds, np.array(model.crf.decode(slot_logits)), axis=0) + else: + slot_preds = np.append(slot_preds, slot_logits.detach().cpu().numpy(), axis=0) + all_slot_label_mask = np.append(all_slot_label_mask, batch[3].detach().cpu().numpy(), axis=0) + + intent_preds = np.argmax(intent_preds, axis=1) + + if not args.use_crf: + slot_preds = np.argmax(slot_preds, axis=2) + + slot_label_map = {i: label for i, label in enumerate(slot_label_lst)} + slot_preds_list = [[] for _ in range(slot_preds.shape[0])] + + for i in range(slot_preds.shape[0]): + for j in range(slot_preds.shape[1]): + if all_slot_label_mask[i, j] != pad_token_label_id: + slot_preds_list[i].append(slot_label_map[slot_preds[i][j]]) + + # Write to output file + with open(pred_config.output_file, "w", encoding="utf-8") as f: + for words, slot_preds, intent_pred in zip(lines, slot_preds_list, intent_preds): + line = "" + for word, pred in zip(words, slot_preds): + if pred == 'O': + line = line + word + " " + else: + line = line + "[{}:{}] ".format(word, pred) + f.write("<{}> -> {}\n".format(intent_label_lst[intent_pred], line.strip())) + + logger.info("Prediction Done!") + + +if __name__ == "__main__": + init_logger() + parser = argparse.ArgumentParser() + + parser.add_argument("--input_file", default="sample_pred_in.txt", type=str, help="Input file for prediction") + parser.add_argument("--output_file", default="sample_pred_out.txt", type=str, help="Output file for prediction") + parser.add_argument("--model_dir", default="./atis_model", type=str, help="Path to save, load model") + + parser.add_argument("--batch_size", default=32, type=int, help="Batch size for prediction") + parser.add_argument("--no_cuda", action="store_true", help="Avoid using CUDA when available") + + pred_config = parser.parse_args() + predict(pred_config) diff --git a/JointBERT-master/requirements.txt b/JointBERT-master/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..f3c1e16e84408656ccde1193c890a7bbe085d9f9 --- /dev/null +++ b/JointBERT-master/requirements.txt @@ -0,0 +1,4 @@ +torch==1.6.0 +transformers==3.0.2 +seqeval==0.0.12 +pytorch-crf==0.7.2 \ No newline at end of file diff --git a/JointBERT-master/sample_pred_in.txt b/JointBERT-master/sample_pred_in.txt new file mode 100644 index 0000000000000000000000000000000000000000..51d379c8bd9c20f0c636a0bb8ff96eb3f7f76f07 --- /dev/null +++ b/JointBERT-master/sample_pred_in.txt @@ -0,0 +1,2 @@ +On April first I need a flight going from Phoenix to San Diego +I would like a flight from Orlando to Salt Lake City for April First on Delta airlines \ No newline at end of file diff --git a/JointBERT-master/trainer.py b/JointBERT-master/trainer.py new file mode 100644 index 0000000000000000000000000000000000000000..8e0e9b63f97648a92b71f0629b5a0f16380f0458 --- /dev/null +++ b/JointBERT-master/trainer.py @@ -0,0 +1,239 @@ +import os +import logging +from tqdm import tqdm, trange + +import numpy as np +import torch +from torch.utils.data import DataLoader, RandomSampler, SequentialSampler +from transformers import BertConfig, AdamW, get_linear_schedule_with_warmup + +from utils import MODEL_CLASSES, compute_metrics, get_intent_labels, get_slot_labels + +logger = logging.getLogger(__name__) + + +class Trainer(object): + def __init__(self, args, train_dataset=None, dev_dataset=None, test_dataset=None): + self.args = args + self.train_dataset = train_dataset + self.dev_dataset = dev_dataset + self.test_dataset = test_dataset + + self.intent_label_lst = get_intent_labels(args) + self.slot_label_lst = get_slot_labels(args) + # Use cross entropy ignore index as padding label id so that only real label ids contribute to the loss later + self.pad_token_label_id = args.ignore_index + + self.config_class, self.model_class, _ = MODEL_CLASSES[args.model_type] + self.config = self.config_class.from_pretrained(args.model_name_or_path, finetuning_task=args.task) + self.model = self.model_class.from_pretrained(args.model_name_or_path, + config=self.config, + args=args, + intent_label_lst=self.intent_label_lst, + slot_label_lst=self.slot_label_lst) + + # GPU or CPU + self.device = "cuda" if torch.cuda.is_available() and not args.no_cuda else "cpu" + self.model.to(self.device) + + def train(self): + train_sampler = RandomSampler(self.train_dataset) + train_dataloader = DataLoader(self.train_dataset, sampler=train_sampler, batch_size=self.args.train_batch_size) + + if self.args.max_steps > 0: + t_total = self.args.max_steps + self.args.num_train_epochs = self.args.max_steps // (len(train_dataloader) // self.args.gradient_accumulation_steps) + 1 + else: + t_total = len(train_dataloader) // self.args.gradient_accumulation_steps * self.args.num_train_epochs + + # Prepare optimizer and schedule (linear warmup and decay) + no_decay = ['bias', 'LayerNorm.weight'] + optimizer_grouped_parameters = [ + {'params': [p for n, p in self.model.named_parameters() if not any(nd in n for nd in no_decay)], + 'weight_decay': self.args.weight_decay}, + {'params': [p for n, p in self.model.named_parameters() if any(nd in n for nd in no_decay)], 'weight_decay': 0.0} + ] + optimizer = AdamW(optimizer_grouped_parameters, lr=self.args.learning_rate, eps=self.args.adam_epsilon) + scheduler = get_linear_schedule_with_warmup(optimizer, num_warmup_steps=self.args.warmup_steps, num_training_steps=t_total) + + # Train! + logger.info("***** Running training *****") + logger.info(" Num examples = %d", len(self.train_dataset)) + logger.info(" Num Epochs = %d", self.args.num_train_epochs) + logger.info(" Total train batch size = %d", self.args.train_batch_size) + logger.info(" Gradient Accumulation steps = %d", self.args.gradient_accumulation_steps) + logger.info(" Total optimization steps = %d", t_total) + logger.info(" Logging steps = %d", self.args.logging_steps) + logger.info(" Save steps = %d", self.args.save_steps) + + global_step = 0 + tr_loss = 0.0 + self.model.zero_grad() + + train_iterator = trange(int(self.args.num_train_epochs), desc="Epoch") + + for _ in train_iterator: + epoch_iterator = tqdm(train_dataloader, desc="Iteration") + for step, batch in enumerate(epoch_iterator): + self.model.train() + batch = tuple(t.to(self.device) for t in batch) # GPU or CPU + + inputs = {'input_ids': batch[0], + 'attention_mask': batch[1], + 'intent_label_ids': batch[3], + 'slot_labels_ids': batch[4]} + if self.args.model_type != 'distilbert': + inputs['token_type_ids'] = batch[2] + outputs = self.model(**inputs) + loss = outputs[0] + + if self.args.gradient_accumulation_steps > 1: + loss = loss / self.args.gradient_accumulation_steps + + loss.backward() + + tr_loss += loss.item() + if (step + 1) % self.args.gradient_accumulation_steps == 0: + torch.nn.utils.clip_grad_norm_(self.model.parameters(), self.args.max_grad_norm) + + optimizer.step() + scheduler.step() # Update learning rate schedule + self.model.zero_grad() + global_step += 1 + + if self.args.logging_steps > 0 and global_step % self.args.logging_steps == 0: + self.evaluate("dev") + + if self.args.save_steps > 0 and global_step % self.args.save_steps == 0: + self.save_model() + + if 0 < self.args.max_steps < global_step: + epoch_iterator.close() + break + + if 0 < self.args.max_steps < global_step: + train_iterator.close() + break + + return global_step, tr_loss / global_step + + def evaluate(self, mode): + if mode == 'test': + dataset = self.test_dataset + elif mode == 'dev': + dataset = self.dev_dataset + else: + raise Exception("Only dev and test dataset available") + + eval_sampler = SequentialSampler(dataset) + eval_dataloader = DataLoader(dataset, sampler=eval_sampler, batch_size=self.args.eval_batch_size) + + # Eval! + logger.info("***** Running evaluation on %s dataset *****", mode) + logger.info(" Num examples = %d", len(dataset)) + logger.info(" Batch size = %d", self.args.eval_batch_size) + eval_loss = 0.0 + nb_eval_steps = 0 + intent_preds = None + slot_preds = None + out_intent_label_ids = None + out_slot_labels_ids = None + + self.model.eval() + + for batch in tqdm(eval_dataloader, desc="Evaluating"): + batch = tuple(t.to(self.device) for t in batch) + with torch.no_grad(): + inputs = {'input_ids': batch[0], + 'attention_mask': batch[1], + 'intent_label_ids': batch[3], + 'slot_labels_ids': batch[4]} + if self.args.model_type != 'distilbert': + inputs['token_type_ids'] = batch[2] + outputs = self.model(**inputs) + tmp_eval_loss, (intent_logits, slot_logits) = outputs[:2] + + eval_loss += tmp_eval_loss.mean().item() + nb_eval_steps += 1 + + # Intent prediction + if intent_preds is None: + intent_preds = intent_logits.detach().cpu().numpy() + out_intent_label_ids = inputs['intent_label_ids'].detach().cpu().numpy() + else: + intent_preds = np.append(intent_preds, intent_logits.detach().cpu().numpy(), axis=0) + out_intent_label_ids = np.append( + out_intent_label_ids, inputs['intent_label_ids'].detach().cpu().numpy(), axis=0) + + # Slot prediction + if slot_preds is None: + if self.args.use_crf: + # decode() in `torchcrf` returns list with best index directly + slot_preds = np.array(self.model.crf.decode(slot_logits)) + else: + slot_preds = slot_logits.detach().cpu().numpy() + + out_slot_labels_ids = inputs["slot_labels_ids"].detach().cpu().numpy() + else: + if self.args.use_crf: + slot_preds = np.append(slot_preds, np.array(self.model.crf.decode(slot_logits)), axis=0) + else: + slot_preds = np.append(slot_preds, slot_logits.detach().cpu().numpy(), axis=0) + + out_slot_labels_ids = np.append(out_slot_labels_ids, inputs["slot_labels_ids"].detach().cpu().numpy(), axis=0) + + eval_loss = eval_loss / nb_eval_steps + results = { + "loss": eval_loss + } + + # Intent result + intent_preds = np.argmax(intent_preds, axis=1) + + # Slot result + if not self.args.use_crf: + slot_preds = np.argmax(slot_preds, axis=2) + slot_label_map = {i: label for i, label in enumerate(self.slot_label_lst)} + out_slot_label_list = [[] for _ in range(out_slot_labels_ids.shape[0])] + slot_preds_list = [[] for _ in range(out_slot_labels_ids.shape[0])] + + for i in range(out_slot_labels_ids.shape[0]): + for j in range(out_slot_labels_ids.shape[1]): + if out_slot_labels_ids[i, j] != self.pad_token_label_id: + out_slot_label_list[i].append(slot_label_map[out_slot_labels_ids[i][j]]) + slot_preds_list[i].append(slot_label_map[slot_preds[i][j]]) + + total_result = compute_metrics(intent_preds, out_intent_label_ids, slot_preds_list, out_slot_label_list) + results.update(total_result) + + logger.info("***** Eval results *****") + for key in sorted(results.keys()): + logger.info(" %s = %s", key, str(results[key])) + + return results + + def save_model(self): + # Save model checkpoint (Overwrite) + if not os.path.exists(self.args.model_dir): + os.makedirs(self.args.model_dir) + model_to_save = self.model.module if hasattr(self.model, 'module') else self.model + model_to_save.save_pretrained(self.args.model_dir) + + # Save training arguments together with the trained model + torch.save(self.args, os.path.join(self.args.model_dir, 'training_args.bin')) + logger.info("Saving model checkpoint to %s", self.args.model_dir) + + def load_model(self): + # Check whether model exists + if not os.path.exists(self.args.model_dir): + raise Exception("Model doesn't exists! Train first!") + + try: + self.model = self.model_class.from_pretrained(self.args.model_dir, + args=self.args, + intent_label_lst=self.intent_label_lst, + slot_label_lst=self.slot_label_lst) + self.model.to(self.device) + logger.info("***** Model Loaded *****") + except: + raise Exception("Some model files might be missing...") diff --git a/JointBERT-master/utils.py b/JointBERT-master/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..3ca6dc93451ee18b1c2c27fcbff8c1eed330c8c1 --- /dev/null +++ b/JointBERT-master/utils.py @@ -0,0 +1,107 @@ +import os +import random +import logging + +import torch +import numpy as np +from seqeval.metrics import precision_score, recall_score, f1_score + +from transformers import BertConfig, DistilBertConfig, AlbertConfig +from transformers import BertTokenizer, DistilBertTokenizer, AlbertTokenizer + +from model import JointBERT, JointDistilBERT, JointAlbert + +MODEL_CLASSES = { + 'bert': (BertConfig, JointBERT, BertTokenizer), + 'distilbert': (DistilBertConfig, JointDistilBERT, DistilBertTokenizer), + 'albert': (AlbertConfig, JointAlbert, AlbertTokenizer) +} + +MODEL_PATH_MAP = { + 'bert': 'bert-base-uncased', + 'distilbert': 'distilbert-base-uncased', + 'albert': 'albert-xxlarge-v1' +} + + +def get_intent_labels(args): + return [label.strip() for label in open(os.path.join(args.data_dir, args.task, args.intent_label_file), 'r', encoding='utf-8')] + + +def get_slot_labels(args): + return [label.strip() for label in open(os.path.join(args.data_dir, args.task, args.slot_label_file), 'r', encoding='utf-8')] + + +def load_tokenizer(args): + return MODEL_CLASSES[args.model_type][2].from_pretrained(args.model_name_or_path) + + +def init_logger(): + logging.basicConfig(format='%(asctime)s - %(levelname)s - %(name)s - %(message)s', + datefmt='%m/%d/%Y %H:%M:%S', + level=logging.INFO) + + +def set_seed(args): + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + if not args.no_cuda and torch.cuda.is_available(): + torch.cuda.manual_seed_all(args.seed) + + +def compute_metrics(intent_preds, intent_labels, slot_preds, slot_labels): + assert len(intent_preds) == len(intent_labels) == len(slot_preds) == len(slot_labels) + results = {} + intent_result = get_intent_acc(intent_preds, intent_labels) + slot_result = get_slot_metrics(slot_preds, slot_labels) + sementic_result = get_sentence_frame_acc(intent_preds, intent_labels, slot_preds, slot_labels) + + results.update(intent_result) + results.update(slot_result) + results.update(sementic_result) + + return results + + +def get_slot_metrics(preds, labels): + assert len(preds) == len(labels) + return { + "slot_precision": precision_score(labels, preds), + "slot_recall": recall_score(labels, preds), + "slot_f1": f1_score(labels, preds) + } + + +def get_intent_acc(preds, labels): + acc = (preds == labels).mean() + return { + "intent_acc": acc + } + + +def read_prediction_text(args): + return [text.strip() for text in open(os.path.join(args.pred_dir, args.pred_input_file), 'r', encoding='utf-8')] + + +def get_sentence_frame_acc(intent_preds, intent_labels, slot_preds, slot_labels): + """For the cases that intent and all the slots are correct (in one sentence)""" + # Get the intent comparison result + intent_result = (intent_preds == intent_labels) + + # Get the slot comparision result + slot_result = [] + for preds, labels in zip(slot_preds, slot_labels): + assert len(preds) == len(labels) + one_sent_result = True + for p, l in zip(preds, labels): + if p != l: + one_sent_result = False + break + slot_result.append(one_sent_result) + slot_result = np.array(slot_result) + + sementic_acc = np.multiply(intent_result, slot_result).mean() + return { + "sementic_frame_acc": sementic_acc + } diff --git a/Untitled.ipynb b/Untitled.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..523da7f94ea1b28fe869d12c669ce2f27f3335fb --- /dev/null +++ b/Untitled.ipynb @@ -0,0 +1,761 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "id": "404d2feb-8a5c-4a6e-9012-bd88edd0b5bb", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "data\t\t __pycache__\t run.py\t\t Untitled.ipynb\n", + "JointBERT-master requirements.txt tableQA_single_table.py\n" + ] + } + ], + "source": [ + "!ls" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "b729ace0-35b0-4ba3-b44f-b907deabf4fd", + "metadata": {}, + "outputs": [], + "source": [ + "import gradio as gr\n", + "from gradio import *" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "b1c9b471-9078-4413-b8e5-ed21c0f858fc", + "metadata": {}, + "outputs": [], + "source": [ + "from run import *" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "151526b1-8ae0-4c5f-86e0-de3afd80cd73", + "metadata": {}, + "outputs": [], + "source": [ + "szse_summary_df = pd.read_csv(os.path.join(main_path ,\"data/df1.csv\"))\n", + "tableqa_ = \"数据表问答(编辑数据)\"" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "9a5982e8-fb75-4a90-bca9-80a1b394e691", + "metadata": {}, + "outputs": [], + "source": [ + "default_val_dict = {\n", + " tableqa_ :{\n", + " \"tqa_question\": \"EPS大于0且周涨跌大于5的平均市值是多少?\",\n", + " \"tqa_header\": szse_summary_df.columns.tolist(),\n", + " \"tqa_rows\": szse_summary_df.values.tolist(),\n", + " \"tqa_data_path\": os.path.join(main_path ,\"data/df1.csv\"),\n", + " \"tqa_answer\": {\n", + " \"sql_query\": \"SELECT AVG(col_4) FROM Mem_Table WHERE col_5 > 0 and col_3 > 5\",\n", + " \"cnt_num\": 2,\n", + " \"conclusion\": [57.645]\n", + " }\n", + " }\n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "10098d86-3b56-4fff-a2fd-1eca344cc114", + "metadata": {}, + "outputs": [], + "source": [ + "###default_val_dict" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "c5eb6ca8-0317-4e63-8407-7f3033164dad", + "metadata": {}, + "outputs": [], + "source": [ + "def tableqa_layer(post_data):\n", + " question = post_data[\"question\"]\n", + " table_rows = post_data[\"table_rows\"]\n", + " table_header = post_data[\"table_header\"]\n", + " assert all(map(lambda x: type(x) == type(\"\"), [question, table_rows, table_header]))\n", + " table_rows = json.loads(table_rows)\n", + " table_header = json.loads(table_header)\n", + "\n", + " assert all(map(lambda x: type(x) == type([]), [table_rows, table_header]))\n", + " if bool(table_rows) and bool(table_header):\n", + " assert len(table_header) == len(table_rows[0])\n", + " df = pd.DataFrame(table_rows, columns = table_header)\n", + " conclusion = single_table_pred(question, df)\n", + " return conclusion" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "dab2d0e0-3e09-465d-9a02-af17d79cc8ea", + "metadata": {}, + "outputs": [], + "source": [ + "def run_tableqa(*input):\n", + " question, data = input\n", + " header = data.columns.tolist()\n", + " rows = data.values.tolist()\n", + "\n", + " rows = list(filter(lambda x: any(map(lambda xx: bool(xx), x)), rows))\n", + "\n", + " assert all(map(lambda x: type(x) == type([]), [header, rows]))\n", + " header = json.dumps(header)\n", + " rows = json.dumps(rows)\n", + "\n", + " assert all(map(lambda x: type(x) == type(\"\"), [question, header, rows]))\n", + " \n", + " resp = tableqa_layer(\n", + " {\n", + " \"question\": question,\n", + " \"table_header\": header,\n", + " \"table_rows\": rows\n", + " }\n", + " )\n", + " if \"cnt_num\" in resp:\n", + " if hasattr(resp[\"cnt_num\"], \"tolist\"):\n", + " resp[\"cnt_num\"] = resp[\"cnt_num\"].tolist()\n", + " if \"conclusion\" in resp:\n", + " if hasattr(resp[\"conclusion\"], \"tolist\"):\n", + " resp[\"conclusion\"] = resp[\"conclusion\"].tolist()\n", + " '''\n", + " import pickle as pkl\n", + " with open(\"resp.pkl\", \"wb\") as f:\n", + " pkl.dump(resp, f)\n", + " print(resp)\n", + " '''\n", + " resp = json.loads(json.dumps(resp))\n", + " return resp" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "62b96be0-d491-42f7-9655-0f65f38e1d75", + "metadata": {}, + "outputs": [], + "source": [ + "###\n", + "###np.asarray(2).tolist()" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "b63dc5ae-49af-4fa7-abf0-681fdb37e2e2", + "metadata": {}, + "outputs": [], + "source": [ + "###json.loads(json.dumps(default_val_dict))" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "41abba16-830e-4755-a783-92fef780d3e5", + "metadata": {}, + "outputs": [], + "source": [ + "demo = gr.Blocks(css=\".container { max-width: 800px; margin: auto; }\")\n", + "\n", + "with demo:\n", + " gr.Markdown(\"\")\n", + " with gr.Tabs():\n", + " #### tableqa\n", + " with gr.TabItem(\"数据表问答(TableQA)\"):\n", + "\n", + " with gr.Tabs():\n", + " with gr.TabItem(tableqa_):\n", + " tqa_question = gr.Textbox(\n", + " default_val_dict[tableqa_][\"tqa_question\"],\n", + " label = \"问句:(输入)\"\n", + " )\n", + "\n", + " tqa_data = gr.Dataframe(\n", + " headers=default_val_dict[tableqa_][\"tqa_header\"],\n", + " value=default_val_dict[tableqa_][\"tqa_rows\"],\n", + " row_count = len(default_val_dict[tableqa_][\"tqa_rows\"]) + 1\n", + " )\n", + "\n", + " tqa_answer = JSON(\n", + " default_val_dict[tableqa_][\"tqa_answer\"],\n", + " label = \"问句:(输出)\"\n", + " )\n", + "\n", + " tqa_button = gr.Button(\"得到答案\")\n", + "\n", + " tqa_button.click(run_tableqa, inputs=[\n", + " tqa_question,\n", + " tqa_data\n", + " ], outputs=tqa_answer)\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "68a25da4-a514-45c4-8d49-264210b14f87", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Running on local URL: http://172.16.56.206:7860\n", + "Running on public URL: https://c7bd449621083f2690.gradio.live\n", + "\n", + "This share link expires in 72 hours. For free permanent hosting and GPU upgrades (NEW!), check out Spaces: https://huggingface.co/spaces\n" + ] + }, + { + "data": { + "text/html": [ + "
" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [] + }, + "execution_count": 11, + "metadata": {}, + "output_type": "execute_result" + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Building prefix dict from the default dictionary ...\n", + "Loading model from cache /tmp/jieba.cache\n", + "Loading model cost 0.680 seconds.\n", + "Prefix dict has been built successfully.\n" + ] + } + ], + "source": [ + "demo.launch(server_name=\"172.16.56.206\" ,share = True)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "2bcddf9e-b269-4d74-a4c7-c1ad294e2408", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3d7c4e4f-0abb-43a1-aa40-3fe05aeb8e2e", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "35169744-0f5e-48be-b844-31eb35f0ce69", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "66693900-ffeb-473e-b411-465fd33b2ea9", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "e1494b23-b335-441d-a572-928bf99f20d8", + "metadata": {}, + "outputs": [], + "source": [ + "import pickle as pkl" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "aed88b91-f662-4f2a-b62b-c8eb062d145d", + "metadata": {}, + "outputs": [], + "source": [ + "with open(\"resp.pkl\", \"rb\") as f:\n", + " resp = pkl.load(f)" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "id": "0329da8a-e16c-42f8-8efb-2bac80902285", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'sql_query': 'SELECT AVG(col_4) FROM Mem_Table WHERE col_5 > 0 and col_3 > 5',\n", + " 'cnt_num': 2,\n", + " 'conclusion': [57.645]}" + ] + }, + "execution_count": 19, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "resp" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "id": "6241edc4-35da-427b-8fa7-356f7c20a547", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "numpy.int64" + ] + }, + "execution_count": 20, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "type(resp[\"cnt_num\"])" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "id": "0fe9930d-fc27-4840-a8dd-ed91d44a922b", + "metadata": {}, + "outputs": [], + "source": [ + "if \"cnt_num\" in resp:\n", + " if hasattr(resp[\"cnt_num\"], \"tolist\"):\n", + " resp[\"cnt_num\"] = resp[\"cnt_num\"].tolist()\n", + "if \"conclusion\" in resp:\n", + " if hasattr(resp[\"conclusion\"], \"tolist\"):\n", + " resp[\"conclusion\"] = resp[\"conclusion\"].tolist()" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "id": "1e23ef44-acef-4aaa-9d36-0ccd97184d92", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'{\"sql_query\": \"SELECT AVG(col_4) FROM Mem_Table WHERE col_5 > 0 and col_3 > 5\", \"cnt_num\": 2, \"conclusion\": [57.645]}'" + ] + }, + "execution_count": 22, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "json.dumps(resp)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "2523825d-2483-4149-ae16-b2b5f4177359", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "574628ab-e413-4dfe-9d29-133d0a79c80e", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "921bd428-a667-429c-8142-6d9aef9c9fb6", + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "791fee503c3f4aefb4802442d050b1ef", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Downloading: 0%| | 0.00/110k [00:00 len(set(header)):\n", + " req = []\n", + " have_req = set([])\n", + " idx = 0\n", + " for h in header:\n", + " if h in have_req:\n", + " idx += 1\n", + " req.append(\"{}_{}\".format(h, idx))\n", + " else:\n", + " req.append(h)\n", + " have_req.add(h)\n", + " header = req\n", + " def format_right(val):\n", + " val = str(val)\n", + " is_string = True\n", + " try:\n", + " literal_eval(val)\n", + " is_string = False\n", + " except:\n", + " pass\n", + " if is_string:\n", + " return \"'{}'\".format(val)\n", + " else:\n", + " return val\n", + " #ic(question_column, header)\n", + " assert question_column in header\n", + " assert all(map(lambda t3: t3[0] in header, total_conds_filtered))\n", + " assert len(header) == len(set(header))\n", + " index_header_mapping = dict(enumerate(header))\n", + " header_index_mapping = dict(map(lambda t2: (t2[1], t2[0]) ,index_header_mapping.items()))\n", + " assert len(index_header_mapping) == len(header_index_mapping)\n", + " df_saved = df.copy()\n", + " df_saved.columns = list(map(lambda idx: \"col_{}\".format(idx), range(len(header))))\n", + " df_saved.to_sql(\"Mem_Table\", conn, if_exists = \"replace\", index = False)\n", + " question_column_idx = header.index(question_column)\n", + " sql_question_column = \"col_{}\".format(question_column_idx)\n", + " sql_total_conds_filtered = list(map(lambda t3: (\"col_{}\".format(header.index(t3[0])), t3[1], format_right(t3[2])), total_conds_filtered))\n", + " sql_agg_pred = agg_pred\n", + " if sql_agg_pred.strip():\n", + " sql_agg_pred = \"{}()\".format(sql_agg_pred)\n", + " else:\n", + " sql_agg_pred = \"()\"\n", + " sql_agg_pred = sql_agg_pred.replace(\"()\", \"({})\")\n", + " sql_conn_pred = conn_pred\n", + " if sql_conn_pred.strip():\n", + " pass\n", + " else:\n", + " sql_conn_pred = \"\"\n", + " #sql_where_string = \"\" if not (sql_total_conds_filtered and sql_conn_pred) else \"WHERE {}\".format(\" {} \".format(sql_conn_pred).join(map(lambda t3: \"{} {} {}\".format(t3[0],\"=\" if t3[1] == \"==\" else t3[1], t3[2]), sql_total_conds_filtered)))\n", + " sql_where_string = \"\" if not (sql_total_conds_filtered) else \"WHERE {}\".format(\" {} \".format(sql_conn_pred if sql_conn_pred else \"and\").join(map(lambda t3: \"{} {} {}\".format(t3[0],\"=\" if t3[1] == \"==\" else t3[1], t3[2]), sql_total_conds_filtered)))\n", + " #ic(sql_total_conds_filtered, sql_conn_pred, sql_where_string, s)\n", + " sql_query = sql_format.format(sql_agg_pred.format(sql_question_column), \"Mem_Table\", sql_where_string)\n", + " cnt_sql_query = sql_format.format(\"COUNT(*)\", \"Mem_Table\", sql_where_string).strip()\n", + " #ic(cnt_sql_query)\n", + " cnt_num = pd.read_sql(cnt_sql_query, conn).values.reshape((-1,))[0]\n", + " if cnt_num == 0:\n", + " return {\n", + " \"sql_query\": sql_query,\n", + " \"cnt_num\": 0,\n", + " \"conclusion\": []\n", + " }\n", + " query_conclusion_list = pd.read_sql(sql_query, conn).values.reshape((-1,)).tolist()\n", + " return {\n", + " \"sql_query\": sql_query,\n", + " \"cnt_num\": cnt_num,\n", + " \"conclusion\": query_conclusion_list\n", + " }\n", + "\n", + "#save_conn = sqlite3.connect(\":memory:\")\n", + "def single_table_pred(question, pd_df):\n", + " assert type(question) == type(\"\")\n", + " assert isinstance(pd_df, pd.DataFrame)\n", + " qs_df = pd.DataFrame([[question]], columns = [\"question\"])\n", + "\n", + " #print(\"pd_df :\")\n", + " #print(pd_df)\n", + "\n", + " tableqa_df = full_before_cat_decomp(pd_df, qs_df, only_req_columns=False)\n", + "\n", + " #print(\"tableqa_df :\")\n", + " #print(tableqa_df)\n", + "\n", + " assert tableqa_df.shape[0] == 1\n", + " #sql_query_dict = run_sql_query(tableqa_df.iloc[0], pd_df, save_conn)\n", + " sql_query_dict = run_sql_query(tableqa_df.iloc[0], pd_df)\n", + " return sql_query_dict\n" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "id": "a85ca3ee-3d78-4605-aad1-17e29f557c77", + "metadata": {}, + "outputs": [], + "source": [ + "szse_summary_df = pd.read_csv(os.path.join(main_path ,\"data/df1.csv\"))" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "id": "090a2750-5c6c-454f-bb0d-d9eabfb00721", + "metadata": {}, + "outputs": [], + "source": [ + "data = {\n", + " \"tqa_question\": \"EPS大于0且周涨跌大于5的平均市值是多少?\",\n", + " \"tqa_header\": szse_summary_df.columns.tolist(),\n", + " \"tqa_rows\": szse_summary_df.values.tolist(),\n", + " \"tqa_data_path\": os.path.join(main_path ,\"data/df1.csv\"),\n", + " \"tqa_answer\": {\n", + " \"sql_query\": \"SELECT AVG(col_4) FROM Mem_Table WHERE col_5 > 0 and col_3 > 5\",\n", + " \"cnt_num\": 2,\n", + " \"conclusion\": [57.645]\n", + " }\n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "id": "b9bbaf84-53f5-4fac-82f9-3cdb2a6a355a", + "metadata": {}, + "outputs": [], + "source": [ + "pd_df = pd.DataFrame(data[\"tqa_rows\"], columns = data[\"tqa_header\"])\n", + "question = data[\"tqa_question\"]" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "id": "92fd092e-58ec-4951-850d-dc1cba07adea", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'sql_query': 'SELECT AVG(col_4) FROM Mem_Table WHERE col_5 > 0 and col_3 > 5',\n", + " 'cnt_num': 2,\n", + " 'conclusion': [57.645]}" + ] + }, + "execution_count": 29, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "single_table_pred(question, pd_df)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "27cfe48f-49df-4e95-b896-6ad499851920", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "89cddb81-0b82-4f30-b553-60d1c9a9b007", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "892fa614-7b9e-440e-bac1-7b4c68641fbb", + "metadata": {}, + "outputs": [], + "source": [ + "data = {\n", + " \"question\": \"翔的出生地是什么?\",\n", + " \"table_header\": json.dumps(\n", + " [\"姓名\", \"年龄\", \"出生地\"]\n", + " ),\n", + " \"table_rows\": json.dumps(\n", + " [\n", + " [\"王翔\", 31, \"宁波\"],\n", + " [\"王雨\", 12, \"翔雨宾馆\"]\n", + " ]\n", + " )\n", + " }" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "id": "261de835-fe0b-4c4f-ac0b-70d0f2026f4d", + "metadata": {}, + "outputs": [], + "source": [ + "question = data[\"question\"]\n", + "question = \"年龄是王翔的是什么?\"\n", + "pd_df = pd.DataFrame(json.loads(data[\"table_rows\"]), columns = json.loads(data[\"table_header\"]))" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "id": "fe1cb949-049f-47f1-97cc-37f34a369bc6", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'sql_query': 'SELECT (col_1) FROM Mem_Table ',\n", + " 'cnt_num': 2,\n", + " 'conclusion': [31, 12]}" + ] + }, + "execution_count": 21, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "single_table_pred(question, pd_df)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "f4f42ab2-6ab7-405a-b4f0-2e925878ed77", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "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.7.10" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/__pycache__/run.cpython-37.pyc b/__pycache__/run.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..53801f33eb7d0a5b6c4d12b9116bfe0b7815996e Binary files /dev/null and b/__pycache__/run.cpython-37.pyc differ diff --git a/__pycache__/tableQA_single_table.cpython-37.pyc b/__pycache__/tableQA_single_table.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d0e7392d05e1eb122d39aa429f4595cde52f88ac Binary files /dev/null and b/__pycache__/tableQA_single_table.cpython-37.pyc differ diff --git a/app.py b/app.py new file mode 100644 index 0000000000000000000000000000000000000000..7b9b0b2535ec517f09a1e1959762f2c0dbdd27e7 --- /dev/null +++ b/app.py @@ -0,0 +1,106 @@ +import gradio as gr +from gradio import * + +from run import * + +szse_summary_df = pd.read_csv(os.path.join(main_path ,"data/df1.csv")) +tableqa_ = "数据表问答(编辑数据)" + +default_val_dict = { + tableqa_ :{ + "tqa_question": "EPS大于0且周涨跌大于5的平均市值是多少?", + "tqa_header": szse_summary_df.columns.tolist(), + "tqa_rows": szse_summary_df.values.tolist(), + "tqa_data_path": os.path.join(main_path ,"data/df1.csv"), + "tqa_answer": { + "sql_query": "SELECT AVG(col_4) FROM Mem_Table WHERE col_5 > 0 and col_3 > 5", + "cnt_num": 2, + "conclusion": [57.645] + } + } +} + +def tableqa_layer(post_data): + question = post_data["question"] + table_rows = post_data["table_rows"] + table_header = post_data["table_header"] + assert all(map(lambda x: type(x) == type(""), [question, table_rows, table_header])) + table_rows = json.loads(table_rows) + table_header = json.loads(table_header) + + assert all(map(lambda x: type(x) == type([]), [table_rows, table_header])) + if bool(table_rows) and bool(table_header): + assert len(table_header) == len(table_rows[0]) + df = pd.DataFrame(table_rows, columns = table_header) + conclusion = single_table_pred(question, df) + return conclusion + +def run_tableqa(*input): + question, data = input + header = data.columns.tolist() + rows = data.values.tolist() + + rows = list(filter(lambda x: any(map(lambda xx: bool(xx), x)), rows)) + + assert all(map(lambda x: type(x) == type([]), [header, rows])) + header = json.dumps(header) + rows = json.dumps(rows) + + assert all(map(lambda x: type(x) == type(""), [question, header, rows])) + + resp = tableqa_layer( + { + "question": question, + "table_header": header, + "table_rows": rows + } + ) + if "cnt_num" in resp: + if hasattr(resp["cnt_num"], "tolist"): + resp["cnt_num"] = resp["cnt_num"].tolist() + if "conclusion" in resp: + if hasattr(resp["conclusion"], "tolist"): + resp["conclusion"] = resp["conclusion"].tolist() + ''' + import pickle as pkl + with open("resp.pkl", "wb") as f: + pkl.dump(resp, f) + print(resp) + ''' + resp = json.loads(json.dumps(resp)) + return resp + +demo = gr.Blocks(css=".container { max-width: 800px; margin: auto; }") + +with demo: + gr.Markdown("") + with gr.Tabs(): + #### tableqa + with gr.TabItem("数据表问答(TableQA)"): + + with gr.Tabs(): + with gr.TabItem(tableqa_): + tqa_question = gr.Textbox( + default_val_dict[tableqa_]["tqa_question"], + label = "问句:(输入)" + ) + + tqa_data = gr.Dataframe( + headers=default_val_dict[tableqa_]["tqa_header"], + value=default_val_dict[tableqa_]["tqa_rows"], + row_count = len(default_val_dict[tableqa_]["tqa_rows"]) + 1 + ) + + tqa_answer = JSON( + default_val_dict[tableqa_]["tqa_answer"], + label = "问句:(输出)" + ) + + tqa_button = gr.Button("得到答案") + + tqa_button.click(run_tableqa, inputs=[ + tqa_question, + tqa_data + ], outputs=tqa_answer) + +demo.launch(server_name="0.0.0.0") diff --git a/data/bert/config.json b/data/bert/config.json new file mode 100644 index 0000000000000000000000000000000000000000..ccb2a441b60c55ae1812b385f3822e1cf4735167 --- /dev/null +++ b/data/bert/config.json @@ -0,0 +1,27 @@ +{ + "architectures": [ + "JointBERT" + ], + "attention_probs_dropout_prob": 0.1, + "directionality": "bidi", + "finetuning_task": "conds", + "gradient_checkpointing": false, + "hidden_act": "gelu", + "hidden_dropout_prob": 0.1, + "hidden_size": 768, + "initializer_range": 0.02, + "intermediate_size": 3072, + "layer_norm_eps": 1e-12, + "max_position_embeddings": 512, + "model_type": "bert", + "num_attention_heads": 12, + "num_hidden_layers": 12, + "pad_token_id": 0, + "pooler_fc_size": 768, + "pooler_num_attention_heads": 12, + "pooler_num_fc_layers": 3, + "pooler_size_per_head": 128, + "pooler_type": "first_token_transform", + "type_vocab_size": 2, + "vocab_size": 21128 +} diff --git a/data/bert/pytorch_model.bin b/data/bert/pytorch_model.bin new file mode 100644 index 0000000000000000000000000000000000000000..ecea5efa16d2628be6248947dae57d05666cef26 --- /dev/null +++ b/data/bert/pytorch_model.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e10832f8692f2622540764252237663ba32d6587d5a8c9af42adfe7e7ae9182c +size 409193298 diff --git a/data/bert/training_args.bin b/data/bert/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..04fed7b0f116bfbecc2a9e714a67350d975ddd6d --- /dev/null +++ b/data/bert/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d99701bb049020cfc16f97e125c9f41597e342bd0ae20a925a3debba1da0e509 +size 1199 diff --git a/data/conds/intent_label.txt b/data/conds/intent_label.txt new file mode 100644 index 0000000000000000000000000000000000000000..787cfc2d840ef9a2c15d5055afc9c84468ca10e0 --- /dev/null +++ b/data/conds/intent_label.txt @@ -0,0 +1,5 @@ +UNK +< +> +== +!= \ No newline at end of file diff --git a/data/conds/slot_label.txt b/data/conds/slot_label.txt new file mode 100644 index 0000000000000000000000000000000000000000..1321011a6f7f31a8c97cd1591eeec334490fa5b5 --- /dev/null +++ b/data/conds/slot_label.txt @@ -0,0 +1,7 @@ +PAD +UNK +O +B-HEADER +B-VALUE +I-HEADER +I-VALUE \ No newline at end of file diff --git a/data/df1.csv b/data/df1.csv new file mode 100644 index 0000000000000000000000000000000000000000..20f78c4dab9fabcfab2f7a1633567c0559b32f21 --- /dev/null +++ b/data/df1.csv @@ -0,0 +1,11 @@ +股票名称,股票代码,收盘价(元),周涨跌(%),市值(亿元),EPS(TTM),PE(TTM) +绿庭投资,600695.SH,5.35,16.05,28.62,0.01,434.24 +大康农业,002505.SZ,1.58,5.33,86.67,0.01,206.44 +*ST东凌,000893.SZ,4.37,5.3,33.08,-3.1,-1.4100000000000001 +*ST龙力,002604.SZ,2.0,4.17,11.99,-6.43,-0.31 +量子生物,300149.SZ,14.92,3.04,74.57,0.24,61.9 +晨鑫科技,002447.SZ,3.06,3.03,43.67,0.19,16.3 +温氏股份,300498.SZ,25.77,2.63,"1,369.38",1.06,24.4 +绿庭B股,900919.SH,0.38,1.88,4.16,0.01,212.28 +禾丰牧业,603609.SH,7.63,1.87,63.42,0.74,10.36 +ST景谷,600265.SH,27.27,1.6400000000000001,35.40,-0.26,-106.13 diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..1f1353606d31ca8aa0059f35da1bb38f49abc8c9 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,20 @@ +torch==1.6.0 +#dask[dataframe] +#dask[distributed] +#keybert +#bertopic +jieba +seaborn +sqlite_utils +sqlitefts +icecream +protobuf +#snorkel +pyarrow +transformers==3.0.2 +seqeval==0.0.12 +pytorch-crf==0.7.2 +rank_bm25 +nltk +gradio + diff --git a/run.py b/run.py new file mode 100644 index 0000000000000000000000000000000000000000..d0cdd50a1d2802361612481f5cbdb0e87a52cd66 --- /dev/null +++ b/run.py @@ -0,0 +1,127 @@ +from tableQA_single_table import * + +import json +import os +import sys + +def run_sql_query(s, df): + conn = sqlite3.connect(":memory:") + + assert isinstance(df, pd.DataFrame) + question_column = s.question_column + if question_column is None: + return { + "sql_query": "", + "cnt_num": 0, + "conclusion": [] + } + total_conds_filtered = s.total_conds_filtered + agg_pred = s.agg_pred + conn_pred = s.conn_pred + sql_format = "SELECT {} FROM {} {}" + header = df.columns.tolist() + if len(header) > len(set(header)): + req = [] + have_req = set([]) + idx = 0 + for h in header: + if h in have_req: + idx += 1 + req.append("{}_{}".format(h, idx)) + else: + req.append(h) + have_req.add(h) + header = req + def format_right(val): + val = str(val) + is_string = True + try: + literal_eval(val) + is_string = False + except: + pass + if is_string: + return "'{}'".format(val) + else: + return val + #ic(question_column, header) + assert question_column in header + assert all(map(lambda t3: t3[0] in header, total_conds_filtered)) + assert len(header) == len(set(header)) + index_header_mapping = dict(enumerate(header)) + header_index_mapping = dict(map(lambda t2: (t2[1], t2[0]) ,index_header_mapping.items())) + assert len(index_header_mapping) == len(header_index_mapping) + df_saved = df.copy() + df_saved.columns = list(map(lambda idx: "col_{}".format(idx), range(len(header)))) + df_saved.to_sql("Mem_Table", conn, if_exists = "replace", index = False) + question_column_idx = header.index(question_column) + sql_question_column = "col_{}".format(question_column_idx) + sql_total_conds_filtered = list(map(lambda t3: ("col_{}".format(header.index(t3[0])), t3[1], format_right(t3[2])), total_conds_filtered)) + sql_agg_pred = agg_pred + if sql_agg_pred.strip(): + sql_agg_pred = "{}()".format(sql_agg_pred) + else: + sql_agg_pred = "()" + sql_agg_pred = sql_agg_pred.replace("()", "({})") + sql_conn_pred = conn_pred + if sql_conn_pred.strip(): + pass + else: + sql_conn_pred = "" + #sql_where_string = "" if not (sql_total_conds_filtered and sql_conn_pred) else "WHERE {}".format(" {} ".format(sql_conn_pred).join(map(lambda t3: "{} {} {}".format(t3[0],"=" if t3[1] == "==" else t3[1], t3[2]), sql_total_conds_filtered))) + sql_where_string = "" if not (sql_total_conds_filtered) else "WHERE {}".format(" {} ".format(sql_conn_pred if sql_conn_pred else "and").join(map(lambda t3: "{} {} {}".format(t3[0],"=" if t3[1] == "==" else t3[1], t3[2]), sql_total_conds_filtered))) + #ic(sql_total_conds_filtered, sql_conn_pred, sql_where_string, s) + sql_query = sql_format.format(sql_agg_pred.format(sql_question_column), "Mem_Table", sql_where_string) + cnt_sql_query = sql_format.format("COUNT(*)", "Mem_Table", sql_where_string).strip() + #ic(cnt_sql_query) + cnt_num = pd.read_sql(cnt_sql_query, conn).values.reshape((-1,))[0] + if cnt_num == 0: + return { + "sql_query": sql_query, + "cnt_num": 0, + "conclusion": [] + } + query_conclusion_list = pd.read_sql(sql_query, conn).values.reshape((-1,)).tolist() + return { + "sql_query": sql_query, + "cnt_num": cnt_num, + "conclusion": query_conclusion_list + } + +#save_conn = sqlite3.connect(":memory:") +def single_table_pred(question, pd_df): + assert type(question) == type("") + assert isinstance(pd_df, pd.DataFrame) + qs_df = pd.DataFrame([[question]], columns = ["question"]) + + #print("pd_df :") + #print(pd_df) + + tableqa_df = full_before_cat_decomp(pd_df, qs_df, only_req_columns=False) + + #print("tableqa_df :") + #print(tableqa_df) + + assert tableqa_df.shape[0] == 1 + #sql_query_dict = run_sql_query(tableqa_df.iloc[0], pd_df, save_conn) + sql_query_dict = run_sql_query(tableqa_df.iloc[0], pd_df) + return sql_query_dict + + +if __name__ == "__main__": + szse_summary_df = pd.read_csv(os.path.join(main_path ,"data/df1.csv")) + data = { + "tqa_question": "EPS大于0且周涨跌大于5的平均市值是多少?", + "tqa_header": szse_summary_df.columns.tolist(), + "tqa_rows": szse_summary_df.values.tolist(), + "tqa_data_path": os.path.join(main_path ,"data/df1.csv"), + "tqa_answer": { + "sql_query": "SELECT AVG(col_4) FROM Mem_Table WHERE col_5 > 0 and col_3 > 5", + "cnt_num": 2, + "conclusion": [57.645] + } + } + + pd_df = pd.DataFrame(data["tqa_rows"], columns = data["tqa_header"]) + question = data["tqa_question"] + single_table_pred(question, pd_df) diff --git a/tableQA_single_table.py b/tableQA_single_table.py new file mode 100644 index 0000000000000000000000000000000000000000..6ea5892cb20f8cd31b17a8b25bfef8ba501a8ad7 --- /dev/null +++ b/tableQA_single_table.py @@ -0,0 +1,1295 @@ +#!/usr/bin/env python +# coding: utf-8 +#### env base_cp + +#main_path = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main" +#main_path = "/User/tableQA-Chinese-main" +#main_path = "/temp/tableQA-Chinese-main" +main_path = "." + +import pandas as pd +import numpy as np +import os +import ast +import re +import json +from icecream import ic +from copy import deepcopy +from itertools import product, combinations + + +import pandas as pd +import os +import sys +from pyarrow.filesystem import LocalFileSystem +from functools import reduce +import nltk +from nltk import pos_tag, word_tokenize +from collections import namedtuple +from ast import literal_eval + +from torch.nn import functional +import numpy as np +import torch +from torch import nn +from torch.nn import init +from torch.nn.utils import rnn as rnn_utils +import math + +from icecream import ic +import seaborn as sns + +import matplotlib.pyplot as plt + +import shutil + +#from keybert import KeyBERT +#from bertopic import BERTopic + + +import sqlite3 +import sqlite_utils +from icecream import ic +import jieba +import pandas as pd +import urllib.request +from urllib.parse import quote +from time import sleep +import json +import os +from collections import defaultdict +import re +from functools import reduce, partial + +#### used in this condition extract in training. +op_sql_dict = {0:">", 1:"<", 2:"==", 3:"!="} +#### used by clf for intension inference +agg_sql_dict = {0:"", 1:"AVG", 2:"MAX", 3:"MIN", 4:"COUNT", 5:"SUM"} +#### final to combine them (one for 0, and multi for 1 2) +conn_sql_dict = {0:"", 1:"and", 2:"or"} + +#### kws and time pattern defination +and_kws = ("且", "而且", "并且", "和", "当中", "同时") +or_kws = ("或", "或者",) +conn_kws = and_kws + or_kws + +pattern_list = [u"[年月\.\-\d]+", u"[年月\d]+", u"[年个月\d]+", u"[年月日\d]+"] + +time_kws = ("什么时候", "时间", "时候") + +sum_count_high_kws = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",) +mean_kws = ('平均数', '均值', '平均值', '平均') +max_kws = ('最大', '最多', '最大值', '最高') +min_kws = ('最少', '最小值', '最小', '最低') +sum_count_low_kws = ('个', '总共') + ('总和','加','总','一共','和',) + ("哪些", "查", "数量", "数") + ("几",) + ('多少', "多大") + ("总数",) +max_special_kws = ("以上", "大于") +min_special_kws = ("以下", "小于") + +qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个") + +only_kws_columns = {"城市": "=="} + +##### jointbert predict model init start +#jointbert_path = "../../featurize/JointBERT" +#jointbert_path = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main/JointBERT-master" +jointbert_path = os.path.join(main_path, "JointBERT-master") +sys.path.append(jointbert_path) + + +from model.modeling_jointbert import JointBERT +from model.modeling_jointbert import * +from trainer import * +from main import * +from data_loader import * + + +pred_parser = argparse.ArgumentParser() + +pred_parser.add_argument("--input_file", default="conds_pred/seq.in", type=str, help="Input file for prediction") +pred_parser.add_argument("--output_file", default="conds_pred/sample_pred_out.txt", type=str, help="Output file for prediction") +#pred_parser.add_argument("--model_dir", default="bert", type=str, help="Path to save, load model") +pred_parser.add_argument("--model_dir", default= os.path.join(main_path ,"data/bert"), type=str, help="Path to save, load model") +#pred_parser.add_argument("--model_dir", default= os.path.join(main_path ,"JBert_Zh_Condition_Extractor"), type=str, help="Path to save, load model") + + +pred_parser.add_argument("--batch_size", default=32, type=int, help="Batch size for prediction") +pred_parser.add_argument("--no_cuda", action="store_true", help="Avoid using CUDA when available") + + +pred_parser_config_dict = dict(map(lambda item:(item.option_strings[0].replace("--", ""), item.default) ,pred_parser.__dict__["_actions"])) +pred_parser_config_dict = dict(filter(lambda t2: t2[0] != "-h", pred_parser_config_dict.items())) + +pred_parser_namedtuple = namedtuple("pred_parser_config", pred_parser_config_dict.keys()) +for k, v in pred_parser_config_dict.items(): + if type(v) == type(""): + exec("pred_parser_namedtuple.{}='{}'".format(k, v)) + else: + exec("pred_parser_namedtuple.{}={}".format(k, v)) + + +from predict import * + + +pred_config = pred_parser_namedtuple +args = get_args(pred_config) +device = get_device(pred_config) + +args_parser_namedtuple = namedtuple("args_config", args.keys()) +for k, v in args.items(): + if type(v) == type(""): + exec("args_parser_namedtuple.{}='{}'".format(k, v)) + else: + exec("args_parser_namedtuple.{}={}".format(k, v)) + + +args = args_parser_namedtuple + +#args.data_dir = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main/data" +args.data_dir = os.path.join(main_path, "data") + +''' +pred_model = MODEL_CLASSES["bert"][1].from_pretrained(args.model_dir, + args=args, + intent_label_lst=get_intent_labels(args), + slot_label_lst=get_slot_labels(args)) +''' +pred_model = MODEL_CLASSES["bert"][1].from_pretrained( +os.path.join(main_path, "data/bert") +, + args=args, + intent_label_lst=get_intent_labels(args), + slot_label_lst=get_slot_labels(args)) + +pred_model.to(device) +pred_model.eval() + +intent_label_lst = get_intent_labels(args) +slot_label_lst = get_slot_labels(args) +pad_token_label_id = args.ignore_index +tokenizer = load_tokenizer(args) +## jointbert predict model init end + + +###### one sent conds decomp start +def predict_single_sent(question): + text = " ".join(list(question)) + batch = convert_input_file_to_tensor_dataset([text.split(" ")], pred_config, args, tokenizer, pad_token_label_id).tensors + batch = tuple(t.to(device) for t in batch) + inputs = {"input_ids": batch[0], + "attention_mask": batch[1], + "intent_label_ids": None, + "slot_labels_ids": None} + inputs["token_type_ids"] = batch[2] + outputs = pred_model(**inputs) + _, (intent_logits, slot_logits) = outputs[:2] + intent_preds = intent_logits.detach().cpu().numpy() + slot_preds = slot_logits.detach().cpu().numpy() + intent_preds = np.argmax(intent_preds, axis=1) + slot_preds = np.argmax(slot_preds, axis=2) + all_slot_label_mask = batch[3].detach().cpu().numpy() + slot_label_map = {i: label for i, label in enumerate(slot_label_lst)} + slot_preds_list = [[] for _ in range(slot_preds.shape[0])] + for i in range(slot_preds.shape[0]): + for j in range(slot_preds.shape[1]): + if all_slot_label_mask[i, j] != pad_token_label_id: + slot_preds_list[i].append(slot_label_map[slot_preds[i][j]]) + pred_l = [] + for words, slot_preds, intent_pred in zip([text.split(" ")], slot_preds_list, intent_preds): + line = "" + for word, pred in zip(words, slot_preds): + if pred == 'O': + line = line + word + " " + else: + line = line + "[{}:{}] ".format(word, pred) + pred_l.append((line, intent_label_lst[intent_pred])) + return pred_l[0] + + +###@@ conn_kws = ["且", "或", "或者", "和"] +''' +and_kws = ("且", "而且", "并且", "和", "当中", "同时") +or_kws = ("或", "或者",) +conn_kws = and_kws + or_kws +''' +#conn_kws = ("且", "或", "或者", "和") + ("而且", "并且", "当中") +#### some algorithm use in it. +def recurrent_extract(question): + def filter_relation(text): + #kws = ["且", "或", "或者", "和"] + kws = conn_kws + req = text + for kw in sorted(kws, key= lambda x: len(x))[::-1]: + req = req.replace(kw, "") + return req + def produce_plain_text(text): + ##### replace tag string from text + kws = ["[", "]", " ", ":B-HEADER", ":I-HEADER", ":B-VALUE", ":I-VALUE"] + plain_text = text + for kw in kws: + plain_text = plain_text.replace(kw, "") + return plain_text + def find_min_commmon_strings(c): + ##### {"jack", "ja", "ss", "sss", "ps", ""} -> {"ja", "ss", "ps"} + common_strings = list(filter(lambda x: type(x) == type("") , + map(lambda t2: t2[0] + if t2[0] in t2[1] + else (t2[1] + if t2[1] in t2[0] + else (t2[0], t2[1])),combinations(c, 2)))) + req = set([]) + while c: + ele = c.pop() + if all(map(lambda cc: cc not in ele, common_strings)): + req.add(ele) + req = req.union(set(common_strings)) + return set(filter(lambda x: x, req)) + def extract_scope(scope_text): + def find_max_in(plain_text ,b_chars, i_chars): + chars = "".join(b_chars + i_chars) + while chars and chars not in plain_text: + chars = chars[:-1] + return chars + b_header_chars = re.findall(r"([\w\W]):B-HEADER", scope_text) + i_header_chars = re.findall(r"([\w\W]):I-HEADER", scope_text) + b_value_chars = re.findall(r"([\w\W]):B-VALUE", scope_text) + i_value_chars = re.findall(r"([\w\W]):I-VALUE", scope_text) + if len(b_header_chars) != 1 or len(b_value_chars) != 1: + return None + plain_text = produce_plain_text(scope_text) + header = find_max_in(plain_text, b_header_chars, i_header_chars) + value = find_max_in(plain_text, b_value_chars, i_value_chars) + if (not header) or (not value): + return None + return (header, value) + def find_scope(text): + start_index = text.find("[") + end_index = text.rfind("]") + if start_index == -1 or end_index == -1: + return text + scope_text = text[start_index: end_index + 1] + res_text = filter_relation(text.replace(scope_text, "")).replace(" ", "").strip() + return (scope_text, res_text) + def produce_all_attribute_remove(req): + if not req: + return None + string_or_t2 = find_scope(req[-1][0]) + assert type(string_or_t2) in [type(""), type((1,))] + if type(string_or_t2) == type(""): + return string_or_t2 + else: + return string_or_t2[-1] + def extract_all_attribute(req): + extract_list = list(map(lambda t2: (t2[0][0], t2[1], t2[0][1]) , + filter(lambda x: x[0] , + map(lambda tt2_t2: (extract_scope(tt2_t2[0][0]), tt2_t2[1]) , + filter(lambda t2_t2: "HEADER" in t2_t2[0][0] and "VALUE" in t2_t2[0][0] , + filter(lambda string_or_t2_t2: type(string_or_t2_t2[0]) == type((1,)), + map(lambda tttt2: (find_scope(tttt2[0]), tttt2[1]), + req))))))) + return extract_list + def extract_attributes_relation_string(plain_text, all_attributes, res): + if not all_attributes: + return plain_text.replace(res if res else "", "") + def replace_by_one_l_r(text ,t3): + l, _, r = t3 + ##### produce multi l, r to satisfy string contrain problem + l0, l1 = l, l + r0, r1 = r, r + while l0 and l0 not in text: + l0 = l0[:-1] + while l1 and l1 not in text: + l1 = l1[1:] + while r0 and r0 not in text: + r0 = r0[:-1] + while r1 and r1 not in text: + r1 = r1[1:] + if not l or not r: + return text + + conclusion = set([]) + for l_, r_ in product([l0, l1], [r0, r1]): + l_r_conclusion = re.findall("({}.*?{})".format(l_, r_), text) + r_l_conclusion = re.findall("({}.*?{})".format(r_, l_), text) + conclusion = conclusion.union(set(l_r_conclusion + r_l_conclusion)) + + ##### because use produce multi must choose the shortest elements from them + ## to prevent "relation word" also be replaced. + conclusion_filtered = find_min_commmon_strings(conclusion) + + conclusion = conclusion_filtered + req_text = text + for c in conclusion: + req_text = req_text.replace(c, "") + return req_text + req_text_ = plain_text + for t3 in all_attributes: + req_text_ = replace_by_one_l_r(req_text_, t3) + return req_text_.replace(res, "") + req = [] + t2 = predict_single_sent(question) + req.append(t2) + while "[" in t2[0]: + scope = find_scope(t2[0]) + if type(scope) == type(""): + break + else: + assert type(scope) == type((1,)) + scope_text, res_text = scope + #ic(req) + t2 = predict_single_sent(res_text) + req.append(t2) + req = list(filter(lambda tt2: "HEADER" in tt2[0] and "VALUE" in tt2[0] , req)) + res = produce_all_attribute_remove(req) + #ic(req) + all_attributes = extract_all_attribute(req) + # plain_text = produce_plain_text(scope_text) + + return all_attributes, res, extract_attributes_relation_string(produce_plain_text(req[0][0] if req else ""), all_attributes, res) + + +def rec_more_time(decomp): + assert type(decomp) == type((1,)) and len(decomp) == 3 + assert not decomp[0] + res, relation_string = decomp[1:] + new_decomp = recurrent_extract(relation_string) + #### stop if rec not help by new_decomp[1] != decomp[1] + if not new_decomp[0] and new_decomp[1] != decomp[1]: + return rec_more_time(new_decomp) + return (new_decomp[0], res, new_decomp[1]) +### one sent conds decomp end + + +##### data source start +#train_path = "../TableQA/TableQA/train" +#train_path = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main/data/TableQA-master/train" +train_path = os.path.join(main_path, "data/TableQA-master/train") +def data_loader(table_json_path = os.path.join(train_path ,"train.tables.json"), + json_path = os.path.join(train_path ,"train.json"), + req_table_num = 1): + assert os.path.exists(table_json_path) + assert os.path.exists(json_path) + json_df = pd.read_json(json_path, lines = True) + all_tables = pd.read_json(table_json_path, lines = True) + if req_table_num is not None: + assert type(req_table_num) == type(0) and req_table_num > 0 and req_table_num <= all_tables.shape[0] + else: + req_table_num = all_tables.shape[0] + for i in range(req_table_num): + #one_table = all_tables.iloc[i]["table"] + #one_table_df = pd.read_sql("select * from `{}`".format(one_table), train_tables_dump_engine) + one_table_s = all_tables.iloc[i] + one_table_df = pd.DataFrame(one_table_s["rows"], columns = one_table_s["header"]) + yield one_table_df, json_df[json_df["table_id"] == one_table_s["id"]] +## data source end + + +###### string toolkit start +def findMaxSubString(str1, str2): + """ + """ + maxSub = 0 + maxSubString = "" + + str1_len = len(str1) + str2_len = len(str2) + + for i in range(str1_len): + str1_pos = i + for j in range(str2_len): + str2_pos = j + str1_pos = i + if str1[str1_pos] != str2[str2_pos]: + continue + else: + while (str1_pos < str1_len) and (str2_pos < str2_len): + if str1[str1_pos] == str2[str2_pos]: + str1_pos = str1_pos + 1 + str2_pos = str2_pos + 1 + else: + break + + sub_len = str2_pos - j + if maxSub < sub_len: + maxSub = sub_len + maxSubString = str2[j:str2_pos] + return maxSubString + + +def find_min_commmon_strings(c): + ##### {"jack", "ja", "ss", "sss", "ps", ""} -> {"ja", "ss", "ps"} + common_strings = list(filter(lambda x: type(x) == type("") , + map(lambda t2: t2[0] + if t2[0] in t2[1] + else (t2[1] + if t2[1] in t2[0] + else (t2[0], t2[1])),combinations(c, 2)))) + req = set([]) + while c: + ele = c.pop() + if all(map(lambda cc: cc not in ele, common_strings)): + req.add(ele) + req = req.union(set(common_strings)) + return set(filter(lambda x: x, req)) +## string toolkit end + + + +###### datetime column match start +#### only use object dtype to extract +def time_template_extractor(rows_filtered, pattern = u"[年月\.\-\d]+"): + #re_words = re.compile(u"[年月\.\-\d]+") + re_words = re.compile(pattern) + nest_collection = pd.DataFrame(rows_filtered).applymap(lambda x: tuple(sorted(list(re.findall(re_words, x))))).values.tolist() + def flatten_collection(c): + if not c: + return c + if type(c[0]) == type(""): + return c + else: + c = list(c) + return flatten_collection(reduce(lambda a, b: a + b, map(list ,c))) + return flatten_collection(nest_collection) + +###@@ pattern_list +#pattern_list = [u"[年月\.\-\d]+", u"[年月\d]+", u"[年个月\d]+", u"[年月日\d]+"] + +def justify_column_as_datetime(df, threshold = 0.8, time_template_extractor = lambda x: x): + object_columns = list(map(lambda tt2: tt2[0] ,filter(lambda t2: t2[1].name == "object" ,dict(df.dtypes).items()))) + time_columns = [] + for col in object_columns: + input_ = df[[col]].applymap(lambda x: "~" if type(x) != type("") else x) + output_ = time_template_extractor(input_.values.tolist()) + input_ = input_.iloc[:, 0].values.tolist() + time_evidence_cnt = sum(map(lambda t2: t2[0].strip() == t2[1].strip() and t2[0] and t2[1] and t2[0] != "~" and t2[1] != "~",zip(input_, output_))) + if time_evidence_cnt > 0 and time_evidence_cnt / df.shape[0] >= threshold: + #### use evidence ratio because may have some noise in data + time_columns.append(col) + return time_columns + +def justify_column_as_datetime_reduce(df, threshold = 0.8, time_template_extractor_list = list(map(lambda p: partial(time_template_extractor, pattern = p), pattern_list))): + return sorted(reduce(lambda a, b: a.union(b) ,map(lambda func: set(justify_column_as_datetime(df, threshold, func)), time_template_extractor_list))) +## datetime column match end + +##### choose question column have a reduce function call below (choose_res_by_kws) +##### this is a tiny first version +###@@ time_kws = ("什么时候", "时间", "时候") +#time_kws = ("什么时候", "时间", "时候") +##### +def choose_question_column(decomp, header, df): + assert type(decomp) == type((1,)) and type(header) == type([]) + + time_columns = justify_column_as_datetime_reduce(df) + _, res, _ = decomp + + if type(res) != type(""): + return None + + #ic(res) + ##### should add time kws to it. + #time_kws = ("什么时候", "时间", "时候") + if any(map(lambda t_kw: t_kw in res, time_kws)): + if len(time_columns) == 1: + return time_columns[0] + else: + ''' + return sorted(map(lambda t_col: (t_col ,len(findMaxSubString(t_col, res)) / len(t_col)), time_columns), + key = lambda t2: t2[1])[::-1][0][0] + ''' + sort_list = sorted(map(lambda t_col: (t_col ,len(findMaxSubString(t_col, res)) / len(t_col)), time_columns), + key = lambda t2: t2[1])[::-1] + if sort_list: + if sort_list[0]: + return sort_list[0][0] + return None + + c_res_common_dict = dict(filter(lambda t2: t2[1] ,map(lambda c: (c ,findMaxSubString(c, res)), header))) + common_ratio_c_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(t2[0])), c_res_common_dict.items())) + common_ratio_res_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(res)), c_res_common_dict.items())) + #ic(decomp) + #ic(common_ratio_c_dict) + #ic(common_ratio_res_dict) + + if not common_ratio_c_dict or not common_ratio_res_dict: + return None + + dict_0_max_key = sorted(common_ratio_c_dict.items(), key = lambda t2: t2[1])[::-1][0][0] + dict_1_max_key = sorted(common_ratio_res_dict.items(), key = lambda t2: t2[1])[::-1][0][0] + return dict_0_max_key if dict_0_max_key == dict_1_max_key else None + + +##### agg-classifier start +''' +sum_count_high_kws = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",) +mean_kws = ('平均数', '均值', '平均值', '平均') +max_kws = ('最大', '最多', '最大值', '最高') +min_kws = ('最少', '最小值', '最小', '最低') +sum_count_low_kws = ('个', '总共') + ('总和','加','总','一共','和',) + ("哪些", "查", "数量", "数") + ("几",) + ('多少', "多大") + ("总数",) +max_special_kws = ("以上", "大于") +min_special_kws = ("以下", "小于") +''' + +###@@ sum_count_high_kws = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",) +###@@ mean_kws = ('平均数', '均值', '平均值', '平均') +###@@ max_kws = ('最大', '最多', '最大值', '最高') +###@@ min_kws = ('最少', '最小值', '最小', '最低') +###@@ sum_count_low_kws = ('个', '总共') + ('总和','加','总','一共','和',) + ("哪些", "查", "数量", "数") + ("几",) + ('多少', "多大") + ("总数",) +###@@ max_special_kws = ("以上", "大于") +###@@ min_special_kws = ("以下", "小于") + +def simple_label_func(s, drop_header = True): + text_tokens =s.question_cut + header = list(map(lambda x: x[:x.find("(")] if (not x.startswith("(") and x.endswith(")")) else x ,s.header.split(","))) + + #### not contain samples may not match in fuzzy-match, special column mapping in finance, + ### or "3" to "三" + ''' + fit_collection = ('多少个', '有几个', '总共') + ('总和','一共',) + ('平均数', '均值', '平均值', '平均') + ('最大', '最多', '最大值', '最高') + ('最少', '最小值', '最小', '最低') + + ''' + fit_collection = sum_count_high_kws + mean_kws + max_kws + min_kws + fit_header = [] + for c in header: + for kw in fit_collection: + if kw in c: + start_idx = c.find(kw) + end_idx = start_idx + len(kw) + fit_header.append(c[start_idx: end_idx]) + + if not drop_header: + header = [] + fit_header = [] + + input_ = "".join(text_tokens) + for c in header + fit_header: + if c in fit_collection: + continue + input_ = input_.replace(c, "") + c0, c1 = c, c + while c0 and c0 not in fit_collection and len(c0) >= 4: + c0 = c0[1:] + if c0 in fit_collection: + break + input_ = input_.replace(c0, "") + while c1 and c1 not in fit_collection and len(c1) >= 4: + c1 = c1[:-1] + if c1 in fit_collection: + break + input_ = input_.replace(c1, "") + + #ic(input_) + text_tokens = list(jieba.cut(input_)) + + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + ("哪些", "查", "数量") + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + ##### 高置信度部分 (作为是否构成使用特殊规则的判断标准) + #### case 2 部分 (高置信度有效匹配) + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",) + cat_6_collection_high_level = sum_count_high_kws + if any(map(lambda high_level_token: high_level_token in "".join(text_tokens), cat_6_collection_high_level)): + return 6 + + #### 够深 够宽 规则部分, change order by header, if header have kws in , lower order + if any(map(lambda kw: kw in text_tokens, mean_kws)): + return 1 + if any(map(lambda kw: kw in text_tokens, max_kws)): + return 2 + if any(map(lambda kw: kw in text_tokens, min_kws)): + return 3 + + ##### 低置信度部分 + #### case 2 部分 (低置信度尾部匹配) + cat_6_collection = sum_count_low_kws + if any(map(lambda kw: kw in text_tokens, cat_6_collection)): + return 6 + if any(map(lambda token: "几" in token, text_tokens)): + return 6 + + #### special case 部分 + if any(map(lambda kw: kw in text_tokens, max_special_kws)): + return 2 + if any(map(lambda kw: kw in text_tokens, min_special_kws)): + return 3 + + #### 无效匹配 + return 0 + + +def simple_special_func(s, drop_header = True): + text_tokens =s.question_cut + header = list(map(lambda x: x[:x.find("(")] if (not x.startswith("(") and x.endswith(")")) else x ,s.header.split(","))) + + #### not contain samples may not match in fuzzy-match, special column mapping in finance, + ### or "3" to "三" + fit_collection = sum_count_high_kws + mean_kws + max_kws + min_kws + fit_header = [] + for c in header: + for kw in fit_collection: + if kw in c: + start_idx = c.find(kw) + end_idx = start_idx + len(kw) + fit_header.append(c[start_idx: end_idx]) + + input_ = "".join(text_tokens) + if not drop_header: + header = [] + fit_header = [] + + for c in header + fit_header: + if c in fit_collection: + continue + input_ = input_.replace(c, "") + c0, c1 = c, c + while c0 and c0 not in fit_collection and len(c0) >= 4: + c0 = c0[1:] + if c0 in fit_collection: + break + input_ = input_.replace(c0, "") + while c1 and c1 not in fit_collection and len(c1) >= 4: + c1 = c1[:-1] + if c1 in fit_collection: + break + input_ = input_.replace(c1, "") + + #ic(input_) + text_tokens = list(jieba.cut(input_)) + #ic(text_tokens) + + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + ("哪些", "查", "数量") + #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + #### case 2 部分 (高置信度有效匹配) + cat_6_collection_high_level = sum_count_high_kws + if any(map(lambda high_level_token: high_level_token in "".join(text_tokens), cat_6_collection_high_level)): + return 6 + + #### 够深 够宽 规则部分, change order by header, if header have kws in , lower order + if any(map(lambda kw: kw in text_tokens, mean_kws)): + return 1 + if any(map(lambda kw: kw in text_tokens, max_kws)): + return 2 + if any(map(lambda kw: kw in text_tokens, min_kws)): + return 3 + + return 0 + + +def simple_total_label_func(s): + is_special = False if simple_special_func(s) == 0 else True + if not is_special: + return 0 + return simple_label_func(s) +## agg-classifier end + + +##### main block of process start +def split_by_cond(s, extract_return = True): + def recurrent_extract_cond(text): + #return np.asarray(recurrent_extract(text)[0]) + #return recurrent_extract(text)[0] + return np.asarray(list(recurrent_extract(text)[0])) + + question = s["question"] + res = s["rec_decomp"][1] + if question is None: + question = "" + if res is None: + res = "" + + common_res = findMaxSubString(question, res) + #cond_kws = ("或", "而且", "并且", "当中") + #cond_kws = ("或", "而且" "并且" "当中") + cond_kws = conn_kws + condition_part = question.replace(common_res, "") + fit_kws = set([]) + for kw in cond_kws: + if kw in condition_part and not condition_part.startswith(kw) and not condition_part.endswith(kw): + fit_kws.add(kw) + if not fit_kws: + will_return = ([condition_part.replace(" ", "") + " " + common_res], "") + if extract_return: + #return (list(map(recurrent_extract_cond, will_return[0])), will_return[1]) + will_return = (np.asarray(list(map(recurrent_extract_cond, will_return[0]))) , will_return[1]) + #will_return = (np.concatenate(list(filter(lambda x: x.size ,map(np.asarray ,will_return[0].tolist()))), axis = 0), will_return[1]) + #will_return = (np.concatenate(list(map(np.asarray ,will_return[0].tolist())), axis = 0), will_return[1]) + input_ = list(filter(lambda x: x.size ,map(np.asarray ,will_return[0].tolist()))) + if input_: + will_return = (np.concatenate(input_, axis = 0), will_return[1]) + else: + will_return = (np.empty((0, 3)), will_return[1]) + + will_return = will_return[0].reshape((-1, 3)) if will_return[0].size else np.empty((0, 3)) + return will_return + + fit_kw = sorted(fit_kws, key = len)[::-1][0] + condition_part_splits = condition_part.split(fit_kw) + #if fit_kw in ("或",): + if fit_kw in or_kws: + fit_kw = "or" + #elif fit_kw in ("而且", "并且", "当中",): + elif fit_kw in and_kws: + fit_kw = "and" + else: + fit_kw = "" + + will_return = (list(map(lambda cond_: cond_.replace(" ", "") + " " + common_res, condition_part_splits)), fit_kw) + if extract_return: + #return (list(map(recurrent_extract_cond, will_return[0])), will_return[1]) + will_return = (np.asarray(list(map(recurrent_extract_cond, will_return[0]))), will_return[1]) + #ic(will_return[0]) + #will_return = (np.concatenate(list(map(np.asarray ,will_return[0].tolist())), axis = 0), will_return[1]) + input_ = list(filter(lambda x: x.size ,map(np.asarray ,will_return[0].tolist()))) + if input_: + will_return = (np.concatenate(input_, axis = 0), will_return[1]) + else: + will_return = (np.empty((0, 3)), will_return[1]) + #ic(will_return[0]) + will_return = will_return[0].reshape((-1, 3)) if will_return[0].size else np.empty((0, 3)) + + return will_return + + + +def filter_total_conds(s, df, condition_fit_num = 0): + assert condition_fit_num >= 0 and type(condition_fit_num) == type(0) + df = df.copy() + + #### some col not as float with only "None" as cell, also transform them into float + df = df.applymap(lambda x: np.nan if x in ["None", None, "/"] else x) + def justify_column_as_float(s): + if "float" in str(s.dtype): + return True + if all(s.map(type).map(lambda tx: "float" in str(tx))): + return True + return False + + float_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_float, axis = 0).to_dict().items()))) + for f_col in float_cols: + df[f_col] = df[f_col].astype(np.float64) + ### + + header = df.columns.tolist() + units_cols = filter(lambda c: "(" in c and c.endswith(")"), df.columns.tolist()) + if not float_cols: + float_discribe_df = pd.DataFrame() + else: + float_discribe_df = df[float_cols].describe() + + def call_eval(val): + try: + return literal_eval(val) + except: + return val + + #### find condition column same as question_column + def find_cond_col(res, header): + #ic(res, header) + c_res_common_dict = dict(filter(lambda t2: t2[1] ,map(lambda c: (c ,findMaxSubString(c, res)), header))) + #ic(c_res_common_dict) + common_ratio_c_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(t2[0])), c_res_common_dict.items())) + common_ratio_res_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(res)), c_res_common_dict.items())) + + if not common_ratio_c_dict or not common_ratio_res_dict: + return None + + dict_0_max_key = sorted(common_ratio_c_dict.items(), key = lambda t2: t2[1])[::-1][0][0] + dict_1_max_key = sorted(common_ratio_res_dict.items(), key = lambda t2: t2[1])[::-1][0][0] + return dict_0_max_key if dict_0_max_key == dict_1_max_key else None + ### + + #### type comptatible in column type and value type, and fit_num match + def filter_cond_col(cond_t3): + assert type(cond_t3) == type((1,)) and len(cond_t3) == 3 + col, _, value = cond_t3 + + if type(value) == type(""): + value = call_eval(value) + + if col not in df.columns.tolist(): + return False + + #### type key value comp + if col in float_cols and type(value) not in (type(0), type(0.0)): + return False + + if col not in float_cols and type(value) in (type(0), type(0.0)): + return False + + #### string value not in corr column + if col not in float_cols and type(value) not in (type(0), type(0.0)): + if type(value) == type(""): + if value not in df[col].tolist(): + return False + + if type(value) in (type(0), type(0.0)): + if col in float_discribe_df.columns.tolist(): + if condition_fit_num > 0: + if value >= float_discribe_df[col].loc["min"] and value <= float_discribe_df[col].loc["max"]: + return True + else: + return False + else: + assert condition_fit_num == 0 + return True + + if condition_fit_num > 0: + if value in df[col].tolist(): + return True + else: + return False + else: + assert condition_fit_num == 0 + return True + + return True + ### + + #### condtions with same column may have conflict, choose the nearest one by stats in float or + ### common_string as find_cond_col do. + def same_column_cond_filter(cond_list, sort_stats = "mean"): + #ic(cond_list) + if len(cond_list) == len(set(map(lambda t3: t3[0] ,cond_list))): + return cond_list + + req = defaultdict(list) + for t3 in cond_list: + req[t3[0]].append(t3[1:]) + + def t2_list_sort(col_name ,t2_list): + if not t2_list: + return None + t2 = None + if col_name in float_cols: + t2 = sorted(t2_list, key = lambda t2: np.abs(t2[1] - float_discribe_df[col_name].loc[sort_stats]))[0] + else: + if all(map(lambda t2: type(t2[1]) == type("") ,t2_list)): + col_val_cnt_df = df[col_name].value_counts().reset_index() + col_val_cnt_df.columns = ["val", "cnt"] + #col_val_cnt_df["val"].map(lambda x: sorted(filter(lambda tt2: tt2[-1] ,map(lambda t2: (t2 ,len(findMaxSubString(x, t2[1]))), t2_list)), + # key = lambda ttt2: -1 * ttt2[-1])[0]) + + t2_list_map_to_column_val = list(filter(lambda x: x[1] ,map(lambda t2: (t2[0] ,find_cond_col(t2[1], list(set(col_val_cnt_df["val"].values.tolist())))), t2_list))) + if t2_list_map_to_column_val: + #### return max length fit val in column + t2 = sorted(t2_list_map_to_column_val, key = lambda t2: -1 * len(t2[1]))[0] + if t2 is None and t2_list: + t2 = t2_list[0] + return t2 + + cond_list_filtered = list(map(lambda ttt2: (ttt2[0], ttt2[1][0], ttt2[1][1]) , + filter(lambda tt2: tt2[1] ,map(lambda t2: (t2[0] ,t2_list_sort(t2[0], t2[1])), req.items())))) + + return cond_list_filtered + ### + + total_conds_map_to_column = list(map(lambda t3: (find_cond_col(t3[0], header), t3[1], t3[2]), s["total_conds"])) + total_conds_map_to_column_filtered = list(filter(filter_cond_col, total_conds_map_to_column)) + total_conds_map_to_column_filtered = sorted(set(map(lambda t3: (t3[0], t3[1], call_eval(t3[2]) if type(t3[2]) == type("") else t3[2]), total_conds_map_to_column_filtered))) + #ic(total_conds_map_to_column_filtered) + + cp_cond_list = list(filter(lambda t3: t3[1] in (">", "<"), total_conds_map_to_column_filtered)) + eq_cond_list = list(filter(lambda t3: t3[1] in ("==", "!="), total_conds_map_to_column_filtered)) + + cp_cond_list_filtered = same_column_cond_filter(cp_cond_list) + + #total_conds_map_to_column_filtered = same_column_cond_filter(total_conds_map_to_column_filtered) + return cp_cond_list_filtered + eq_cond_list + #return total_conds_map_to_column_filtered + +###@@ only_kws_columns = {"城市": "=="} + +#### this function only use to cond can not extract by JointBert, +### may because not contain column string in question such as "城市" or difficult to extract kw +### define kw column as all cells in series are string type. +### this function support config relation to column and if future +### want to auto extract relation, this may can be done by head string or tail string by edit pattern "\w?{}\w?" +### "是" or "不是" can be extract in this manner. +def augment_kw_in_question(question_df, df, only_kws_in_string = []): + #### keep only_kws_in_string empty to maintain all condition + question_df = question_df.copy() + #df = df.copy() + + def call_eval(val): + try: + return literal_eval(val) + except: + return val + + df = df.copy() + + df = df.applymap(call_eval) + + #### some col not as float with only "None" as cell, also transform them into float + df = df.applymap(lambda x: np.nan if x in ["None", None, "/"] else x) + def justify_column_as_float(s): + if "float" in str(s.dtype): + return True + if all(s.map(type).map(lambda tx: "float" in str(tx))): + return True + return False + + float_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_float, axis = 0).to_dict().items()))) + #obj_cols = set(df.columns.tolist()).difference(set(float_cols)) + + def justify_column_as_kw(s): + if all(s.map(type).map(lambda tx: "str" in str(tx))): + return True + return False + + obj_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_kw, axis = 0).to_dict().items()))) + obj_cols = list(set(obj_cols).difference(set(float_cols))) + if only_kws_columns: + obj_cols = list(set(obj_cols).intersection(set(only_kws_columns.keys()))) + + #replace_format = "{}是{}" + #kw_augmented_df = pd.DataFrame(df[obj_cols].apply(lambda s: list(map(lambda val :(val,replace_format.format(s.name, val)), s.tolist())), axis = 0).values.tolist()) + #kw_augmented_df.columns = obj_cols + kw_augmented_df = df[obj_cols].copy() + #ic(kw_augmented_df) + + def extract_question_kws(question): + if not kw_augmented_df.size: + return [] + req = defaultdict(set) + for ridx, r in kw_augmented_df.iterrows(): + for k, v in dict(r).items(): + if v in question: + pattern = "\w?{}\w?".format(v) + all_match = re.findall(pattern, question) + #req = req.union(set(all_match)) + #req[v] = req[v].union(set(all_match)) + key = "{}~{}".format(k, v) + req[key] = req[key].union(set(all_match)) + #ic(k, v) + #question = question.replace(v[0], v[1]) + #return question.replace(replace_format.format("","") * 2, replace_format.format("","")) + #req = list(req) + if only_kws_in_string: + req = list(map(lambda tt2: tt2[0] ,filter(lambda t2: sum(map(lambda kw: sum(map(lambda t: kw in t ,t2[1])), only_kws_in_string)), req.items()))) + else: + req = list(set(req.keys())) + + def req_to_t3(req_string, relation = "=="): + assert "~" in req_string + left, right = req_string.split("~") + if left in only_kws_columns: + relation = only_kws_columns[left] + return (left, relation, right) + + if not req: + return [] + + return list(map(req_to_t3, req)) + + #return req + + question_df["question_kw_conds"] = question_df["question"].map(extract_question_kws) + return question_df + + +def choose_question_column_by_rm_conds(s, df): + question = s.question + total_conds_filtered = s.total_conds_filtered + #cond_kws = ("或", "而且", "并且", "当中") + cond_kws = conn_kws + stopwords = ("是", ) + #ic(total_conds_filtered) + def construct_res(question): + for k, _, v in total_conds_filtered: + if "(" in k: + k = k[:k.find("(")] + #ic(k) + question = question.replace(str(k), "") + question = question.replace(str(v), "") + for w in cond_kws + stopwords: + question = question.replace(w, "") + return question + + res = construct_res(question) + decomp = (None, res, None) + return choose_question_column(decomp, df.columns.tolist(), df) + + +def split_qst_by_kw(question, kw = "的"): + return question.split(kw) + +#qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个") +###@@ qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个") +def choose_res_by_kws(question): + #kws = ["的","多少", '是'] + question = question.replace(" ", "") + #kws = ["的","或者","或", "且","并且","同时"] + kws = ("的",) + conn_kws + kws = list(kws) + def qst_kw_filter(text): + #qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个") + if any(map(lambda kw: kw in text, qst_kws)): + return True + return False + + kws_cp = deepcopy(kws) + qst_c = set(question.split(",")) + while kws: + kw = kws.pop() + qst_c = qst_c.union(set(filter(qst_kw_filter ,reduce(lambda a, b: a + b,map(lambda q: split_qst_by_kw(q, kw), qst_c)))) + ) + #print("-" * 10) + #print(sorted(filter(lambda x: x and (x not in kws_cp) ,qst_c), key = len)) + #print(sorted(filter(lambda x: x and (x not in kws_cp) and qst_kw_filter(x) ,qst_c), key = len)) + #### final choose if or not + return sorted(filter(lambda x: x and (x not in kws_cp) and qst_kw_filter(x) ,qst_c), key = len) + #return sorted(filter(lambda x: x and (x not in kws_cp) and True ,qst_c), key = len) + + +def cat6_to_45_by_column_type(s, df): + agg_pred = s.agg_pred + if agg_pred != 6: + return agg_pred + question_column = s.question_column + + def call_eval(val): + try: + return literal_eval(val) + except: + return val + + df = df.copy() + + df = df.applymap(call_eval) + + #### some col not as float with only "None" as cell, also transform them into float + df = df.applymap(lambda x: np.nan if x in ["None", None, "/"] else x) + def justify_column_as_float(s): + if "float" in str(s.dtype): + return True + if all(s.map(type).map(lambda tx: "float" in str(tx))): + return True + return False + + float_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_float, axis = 0).to_dict().items()))) + #obj_cols = set(df.columns.tolist()).difference(set(float_cols)) + + def justify_column_as_kw(s): + if all(s.map(type).map(lambda tx: "str" in str(tx))): + return True + return False + + #obj_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_kw, axis = 0).to_dict().items()))) + obj_cols = df.columns.tolist() + obj_cols = list(set(obj_cols).difference(set(float_cols))) + + #ic(obj_cols, float_cols, df.columns.tolist()) + assert len(obj_cols) + len(float_cols) == df.shape[1] + + if question_column in obj_cols: + return 4 + elif question_column in float_cols: + return 5 + else: + return 0 + + +def full_before_cat_decomp(df, question_df, only_req_columns = False): + df, question_df = df.copy(), question_df.copy() + first_train_question_extract_df = pd.DataFrame(question_df["question"].map(lambda question: (question, recurrent_extract(question))).tolist()) + first_train_question_extract_df.columns = ["question", "decomp"] + + first_train_question_extract_df = augment_kw_in_question(first_train_question_extract_df, df) + + first_train_question_extract_df["rec_decomp"] = first_train_question_extract_df["decomp"].map(lambda decomp: decomp if decomp[0] else rec_more_time(decomp)) + #return first_train_question_extract_df.copy() + first_train_question_extract_df["question_cut"] = first_train_question_extract_df["rec_decomp"].map(lambda t3: jieba.cut(t3[1]) if t3[1] is not None else []).map(list) + first_train_question_extract_df["header"] = ",".join(df.columns.tolist()) + first_train_question_extract_df["question_column_res"] = first_train_question_extract_df["rec_decomp"].map(lambda decomp: choose_question_column(decomp, df.columns.tolist(), df)) + + #### agg + first_train_question_extract_df["agg_res_pred"] = first_train_question_extract_df.apply(simple_total_label_func, axis = 1) + first_train_question_extract_df["question_cut"] = first_train_question_extract_df["question"].map(jieba.cut).map(list) + first_train_question_extract_df["agg_qst_pred"] = first_train_question_extract_df.apply(simple_total_label_func, axis = 1) + ### if agg_res_pred and agg_qst_pred have conflict use max, to prevent from empty agg with errorous question column + ### but this "max" can also be replaced by measure the performance of decomp part, and choose the best one + ### or we can use agg_qst_pred with high balanced_score as 0.86+ in imbalanced dataset. + ### which operation to use need some discussion. + ### (balanced_accuracy_score(lookup_df["sql"], lookup_df["agg_pred"]), + ### balanced_accuracy_score(lookup_df["sql"], lookup_df["agg_res_pred"]), + ### balanced_accuracy_score(lookup_df["sql"], lookup_df["agg_qst_pred"])) + ### (0.9444444444444445, 0.861111111111111, 0.9444444444444445) first_train_df conclucion + ### (1.0, 0.8333333333333333, 1.0) cat6_conclucion + ### this show that res worse in cat6 situation, but the agg-classifier construct is sufficent to have a + ### good conclusion in full-question. (because cat6 is the most accurate part in Tupledire tree sense.) + ### so use max as the best one + first_train_question_extract_df["agg_pred"] = first_train_question_extract_df.apply(lambda s: max(s.agg_res_pred, s.agg_qst_pred), axis = 1) + + #### conn and conds + first_train_question_extract_df["conds"] = first_train_question_extract_df["rec_decomp"].map(lambda x: x[0]) + first_train_question_extract_df["split_conds"] = first_train_question_extract_df.apply(split_by_cond, axis = 1).values.tolist() + first_train_question_extract_df["conn_pred"] = first_train_question_extract_df.apply(lambda s: split_by_cond(s, extract_return=False), axis = 1).map(lambda x: x[-1]).values.tolist() + #first_train_question_extract_df["total_conds"] = first_train_question_extract_df.apply(lambda s: list(set(map(tuple,s["conds"] + s["split_conds"].tolist()))), axis = 1).values.tolist() + first_train_question_extract_df["total_conds"] = first_train_question_extract_df.apply(lambda s: list(set(map(tuple,s["question_kw_conds"] + s["conds"] + s["split_conds"].tolist()))), axis = 1).values.tolist() + first_train_question_extract_df["total_conds_filtered"] = first_train_question_extract_df.apply(lambda s: filter_total_conds(s, df), axis = 1).values.tolist() + + #### question_column_res more accurate, if not fit then use full-question question_column_qst to extract + ### can not fit multi question or fuzzy describe, or question need kw replacement. + + #first_train_question_extract_df["question_column_qst"] = first_train_question_extract_df.apply(lambda s: choose_question_column_by_rm_conds(s, df), axis = 1) + first_train_question_extract_df["question_column_qst"] = first_train_question_extract_df["question"].map(choose_res_by_kws).map(lambda res_list: list(filter(lambda x: x ,map(lambda res: choose_question_column((None, res, None), df.columns.tolist(), df), res_list)))).map(lambda x: x[0] if x else None) + first_train_question_extract_df["question_column"] = first_train_question_extract_df.apply(lambda s: s.question_column_res if s.question_column_res is not None else s.question_column_qst, axis = 1) + + #### predict cat6 to 4 5 based on question_column and column dtype, + #### this may performance bad if question_column has error, + #### and almost 100% accurate if question_column truly provide and user is not an idoit (speak ....) + agg_sql_dict = {0:"", 1:"AVG", 2:"MAX", 3:"MIN", 4:"COUNT", 5:"SUM"} + first_train_question_extract_df["agg_pred"] = first_train_question_extract_df.apply(lambda s: cat6_to_45_by_column_type(s, df), axis = 1).map(lambda x: agg_sql_dict[x]) + if only_req_columns: + return first_train_question_extract_df[["question", + "total_conds_filtered", + "conn_pred", + "question_column", + "agg_pred" + ]].copy() + + return first_train_question_extract_df.copy() + + +if __name__ == "__main__": + ###### valid block + req = list(data_loader(req_table_num=None)) + + + train_df, _ = req[2] + train_df + question = "哪些股票的收盘价大于20?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + #### not support select 股票 from table where 市值 = (select max(市值) from table) + #### this is a nest sql. + question = "哪个股票代码市值最高?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + question = "市值的最大值是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "EPS大于0的股票有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "EPS大于0且周涨跌大于5的平均市值是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + train_df, _ = req[5] + train_df + question = "产能小于20、销量大于40而且市场占有率超过1的公司有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + #### 特殊符号 "、" + question = "产能小于20而且销量大于40而且市场占有率超过1的公司有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + train_df, _ = req[6] + train_df + #### 加入列别名 只需要 复刻列即可 + question = "投资评级为维持的名称有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + train_df["公司"] = train_df["名称"] + question = "投资评级为维持的公司有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "投资评级为维持而且变动为增持的公司有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "投资评级为维持或者变动为增持的公司有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "投资评级为维持或者变动为增持的平均收盘价是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + train_df, _ = req[7] + train_df + question = "宁波的一手房每周交易数据上周成交量是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "一手房每周交易数据为宁波上周成交量是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + #### this also can deal with set column as use kw to extract + ### see function augment_kw_in_question + train_df["城市"] = train_df["一手房每周交易数据"] + question = "一手房每周交易数据为宁波上周成交量是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + question = "王翔知道宁波一手房的当月累计成交量是多少吗?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "王翔知道上周成交量大于50的最大同比当月是多少吗?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + train_df, _ = req[9] + #### the last column should be "周跌幅", can't tackle duplicates columns + train_df + cols = train_df.columns.tolist() + cols[-1] = "周跌幅(%)" + train_df.columns = cols + question = "周涨幅大于7的涨股有哪些?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + #### not recognize as 6 agg-classifier + question = "周涨幅大于7的涨股总数是多少?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True)) + + + question = "周涨幅大于7的涨股总共有多少个?" + qs_df = pd.DataFrame([[question]], columns = ["question"]) + ic(question) + ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))