svjack commited on
Commit
b5dbcf3
·
1 Parent(s): 22834b4

Upload . with huggingface_hub

Browse files
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. .ipynb_checkpoints/Untitled-checkpoint.ipynb +6 -0
  2. .ipynb_checkpoints/requirements-checkpoint.txt +20 -0
  3. .ipynb_checkpoints/run-checkpoint.py +127 -0
  4. .ipynb_checkpoints/tableQA_single_table-checkpoint.py +1295 -0
  5. JointBERT-master/.gitignore +114 -0
  6. JointBERT-master/LICENSE +201 -0
  7. JointBERT-master/README.md +96 -0
  8. JointBERT-master/__pycache__/data_loader.cpython-37.pyc +0 -0
  9. JointBERT-master/__pycache__/data_loader.cpython-38.pyc +0 -0
  10. JointBERT-master/__pycache__/main.cpython-37.pyc +0 -0
  11. JointBERT-master/__pycache__/main.cpython-38.pyc +0 -0
  12. JointBERT-master/__pycache__/predict.cpython-37.pyc +0 -0
  13. JointBERT-master/__pycache__/predict.cpython-38.pyc +0 -0
  14. JointBERT-master/__pycache__/trainer.cpython-37.pyc +0 -0
  15. JointBERT-master/__pycache__/trainer.cpython-38.pyc +0 -0
  16. JointBERT-master/__pycache__/utils.cpython-37.pyc +0 -0
  17. JointBERT-master/__pycache__/utils.cpython-38.pyc +0 -0
  18. JointBERT-master/data/atis/dev/label +500 -0
  19. JointBERT-master/data/atis/dev/seq.in +500 -0
  20. JointBERT-master/data/atis/dev/seq.out +500 -0
  21. JointBERT-master/data/atis/intent_label.txt +22 -0
  22. JointBERT-master/data/atis/slot_label.txt +122 -0
  23. JointBERT-master/data/atis/test/label +893 -0
  24. JointBERT-master/data/atis/test/seq.in +893 -0
  25. JointBERT-master/data/atis/test/seq.out +893 -0
  26. JointBERT-master/data/atis/train/label +4478 -0
  27. JointBERT-master/data/atis/train/seq.in +0 -0
  28. JointBERT-master/data/atis/train/seq.out +0 -0
  29. JointBERT-master/data/snips/dev/label +700 -0
  30. JointBERT-master/data/snips/dev/seq.in +700 -0
  31. JointBERT-master/data/snips/dev/seq.out +700 -0
  32. JointBERT-master/data/snips/intent_label.txt +8 -0
  33. JointBERT-master/data/snips/slot_label.txt +74 -0
  34. JointBERT-master/data/snips/test/label +700 -0
  35. JointBERT-master/data/snips/test/seq.in +700 -0
  36. JointBERT-master/data/snips/test/seq.out +700 -0
  37. JointBERT-master/data/snips/train/label +0 -0
  38. JointBERT-master/data/snips/train/seq.in +0 -0
  39. JointBERT-master/data/snips/train/seq.out +0 -0
  40. JointBERT-master/data/vocab_process.py +48 -0
  41. JointBERT-master/data_loader.py +255 -0
  42. JointBERT-master/main.py +72 -0
  43. JointBERT-master/model/__init__.py +3 -0
  44. JointBERT-master/model/__pycache__/__init__.cpython-37.pyc +0 -0
  45. JointBERT-master/model/__pycache__/__init__.cpython-38.pyc +0 -0
  46. JointBERT-master/model/__pycache__/modeling_jointalbert.cpython-37.pyc +0 -0
  47. JointBERT-master/model/__pycache__/modeling_jointalbert.cpython-38.pyc +0 -0
  48. JointBERT-master/model/__pycache__/modeling_jointbert.cpython-37.pyc +0 -0
  49. JointBERT-master/model/__pycache__/modeling_jointbert.cpython-38.pyc +0 -0
  50. JointBERT-master/model/__pycache__/modeling_jointdistilbert.cpython-37.pyc +0 -0
.ipynb_checkpoints/Untitled-checkpoint.ipynb ADDED
@@ -0,0 +1,6 @@
 
 
 
 
 
 
 
1
+ {
2
+ "cells": [],
3
+ "metadata": {},
4
+ "nbformat": 4,
5
+ "nbformat_minor": 5
6
+ }
.ipynb_checkpoints/requirements-checkpoint.txt ADDED
@@ -0,0 +1,20 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ torch==1.6.0
2
+ #dask[dataframe]
3
+ #dask[distributed]
4
+ #keybert
5
+ #bertopic
6
+ jieba
7
+ seaborn
8
+ sqlite_utils
9
+ sqlitefts
10
+ icecream
11
+ protobuf
12
+ #snorkel
13
+ pyarrow
14
+ transformers==3.0.2
15
+ seqeval==0.0.12
16
+ pytorch-crf==0.7.2
17
+ rank_bm25
18
+ nltk
19
+ gradio
20
+
.ipynb_checkpoints/run-checkpoint.py ADDED
@@ -0,0 +1,127 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from tableQA_single_table import *
2
+
3
+ import json
4
+ import os
5
+ import sys
6
+
7
+ def run_sql_query(s, df):
8
+ conn = sqlite3.connect(":memory:")
9
+
10
+ assert isinstance(df, pd.DataFrame)
11
+ question_column = s.question_column
12
+ if question_column is None:
13
+ return {
14
+ "sql_query": "",
15
+ "cnt_num": 0,
16
+ "conclusion": []
17
+ }
18
+ total_conds_filtered = s.total_conds_filtered
19
+ agg_pred = s.agg_pred
20
+ conn_pred = s.conn_pred
21
+ sql_format = "SELECT {} FROM {} {}"
22
+ header = df.columns.tolist()
23
+ if len(header) > len(set(header)):
24
+ req = []
25
+ have_req = set([])
26
+ idx = 0
27
+ for h in header:
28
+ if h in have_req:
29
+ idx += 1
30
+ req.append("{}_{}".format(h, idx))
31
+ else:
32
+ req.append(h)
33
+ have_req.add(h)
34
+ header = req
35
+ def format_right(val):
36
+ val = str(val)
37
+ is_string = True
38
+ try:
39
+ literal_eval(val)
40
+ is_string = False
41
+ except:
42
+ pass
43
+ if is_string:
44
+ return "'{}'".format(val)
45
+ else:
46
+ return val
47
+ #ic(question_column, header)
48
+ assert question_column in header
49
+ assert all(map(lambda t3: t3[0] in header, total_conds_filtered))
50
+ assert len(header) == len(set(header))
51
+ index_header_mapping = dict(enumerate(header))
52
+ header_index_mapping = dict(map(lambda t2: (t2[1], t2[0]) ,index_header_mapping.items()))
53
+ assert len(index_header_mapping) == len(header_index_mapping)
54
+ df_saved = df.copy()
55
+ df_saved.columns = list(map(lambda idx: "col_{}".format(idx), range(len(header))))
56
+ df_saved.to_sql("Mem_Table", conn, if_exists = "replace", index = False)
57
+ question_column_idx = header.index(question_column)
58
+ sql_question_column = "col_{}".format(question_column_idx)
59
+ sql_total_conds_filtered = list(map(lambda t3: ("col_{}".format(header.index(t3[0])), t3[1], format_right(t3[2])), total_conds_filtered))
60
+ sql_agg_pred = agg_pred
61
+ if sql_agg_pred.strip():
62
+ sql_agg_pred = "{}()".format(sql_agg_pred)
63
+ else:
64
+ sql_agg_pred = "()"
65
+ sql_agg_pred = sql_agg_pred.replace("()", "({})")
66
+ sql_conn_pred = conn_pred
67
+ if sql_conn_pred.strip():
68
+ pass
69
+ else:
70
+ sql_conn_pred = ""
71
+ #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)))
72
+ 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)))
73
+ #ic(sql_total_conds_filtered, sql_conn_pred, sql_where_string, s)
74
+ sql_query = sql_format.format(sql_agg_pred.format(sql_question_column), "Mem_Table", sql_where_string)
75
+ cnt_sql_query = sql_format.format("COUNT(*)", "Mem_Table", sql_where_string).strip()
76
+ #ic(cnt_sql_query)
77
+ cnt_num = pd.read_sql(cnt_sql_query, conn).values.reshape((-1,))[0]
78
+ if cnt_num == 0:
79
+ return {
80
+ "sql_query": sql_query,
81
+ "cnt_num": 0,
82
+ "conclusion": []
83
+ }
84
+ query_conclusion_list = pd.read_sql(sql_query, conn).values.reshape((-1,)).tolist()
85
+ return {
86
+ "sql_query": sql_query,
87
+ "cnt_num": cnt_num,
88
+ "conclusion": query_conclusion_list
89
+ }
90
+
91
+ #save_conn = sqlite3.connect(":memory:")
92
+ def single_table_pred(question, pd_df):
93
+ assert type(question) == type("")
94
+ assert isinstance(pd_df, pd.DataFrame)
95
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
96
+
97
+ #print("pd_df :")
98
+ #print(pd_df)
99
+
100
+ tableqa_df = full_before_cat_decomp(pd_df, qs_df, only_req_columns=False)
101
+
102
+ #print("tableqa_df :")
103
+ #print(tableqa_df)
104
+
105
+ assert tableqa_df.shape[0] == 1
106
+ #sql_query_dict = run_sql_query(tableqa_df.iloc[0], pd_df, save_conn)
107
+ sql_query_dict = run_sql_query(tableqa_df.iloc[0], pd_df)
108
+ return sql_query_dict
109
+
110
+
111
+ if __name__ == "__main__":
112
+ szse_summary_df = pd.read_csv(os.path.join(main_path ,"data/df1.csv"))
113
+ data = {
114
+ "tqa_question": "EPS大于0且周涨跌大于5的平均市值是多少?",
115
+ "tqa_header": szse_summary_df.columns.tolist(),
116
+ "tqa_rows": szse_summary_df.values.tolist(),
117
+ "tqa_data_path": os.path.join(main_path ,"data/df1.csv"),
118
+ "tqa_answer": {
119
+ "sql_query": "SELECT AVG(col_4) FROM Mem_Table WHERE col_5 > 0 and col_3 > 5",
120
+ "cnt_num": 2,
121
+ "conclusion": [57.645]
122
+ }
123
+ }
124
+
125
+ pd_df = pd.DataFrame(data["tqa_rows"], columns = data["tqa_header"])
126
+ question = data["tqa_question"]
127
+ single_table_pred(question, pd_df)
.ipynb_checkpoints/tableQA_single_table-checkpoint.py ADDED
@@ -0,0 +1,1295 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #!/usr/bin/env python
2
+ # coding: utf-8
3
+ #### env base_cp
4
+
5
+ #main_path = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main"
6
+ #main_path = "/User/tableQA-Chinese-main"
7
+ #main_path = "/temp/tableQA-Chinese-main"
8
+ main_path = "."
9
+
10
+ import pandas as pd
11
+ import numpy as np
12
+ import os
13
+ import ast
14
+ import re
15
+ import json
16
+ from icecream import ic
17
+ from copy import deepcopy
18
+ from itertools import product, combinations
19
+
20
+
21
+ import pandas as pd
22
+ import os
23
+ import sys
24
+ from pyarrow.filesystem import LocalFileSystem
25
+ from functools import reduce
26
+ import nltk
27
+ from nltk import pos_tag, word_tokenize
28
+ from collections import namedtuple
29
+ from ast import literal_eval
30
+
31
+ from torch.nn import functional
32
+ import numpy as np
33
+ import torch
34
+ from torch import nn
35
+ from torch.nn import init
36
+ from torch.nn.utils import rnn as rnn_utils
37
+ import math
38
+
39
+ from icecream import ic
40
+ import seaborn as sns
41
+
42
+ import matplotlib.pyplot as plt
43
+
44
+ import shutil
45
+
46
+ #from keybert import KeyBERT
47
+ #from bertopic import BERTopic
48
+
49
+
50
+ import sqlite3
51
+ import sqlite_utils
52
+ from icecream import ic
53
+ import jieba
54
+ import pandas as pd
55
+ import urllib.request
56
+ from urllib.parse import quote
57
+ from time import sleep
58
+ import json
59
+ import os
60
+ from collections import defaultdict
61
+ import re
62
+ from functools import reduce, partial
63
+
64
+ #### used in this condition extract in training.
65
+ op_sql_dict = {0:">", 1:"<", 2:"==", 3:"!="}
66
+ #### used by clf for intension inference
67
+ agg_sql_dict = {0:"", 1:"AVG", 2:"MAX", 3:"MIN", 4:"COUNT", 5:"SUM"}
68
+ #### final to combine them (one for 0, and multi for 1 2)
69
+ conn_sql_dict = {0:"", 1:"and", 2:"or"}
70
+
71
+ #### kws and time pattern defination
72
+ and_kws = ("且", "而且", "并且", "和", "当中", "同时")
73
+ or_kws = ("或", "或者",)
74
+ conn_kws = and_kws + or_kws
75
+
76
+ pattern_list = [u"[年月\.\-\d]+", u"[年月\d]+", u"[年个月\d]+", u"[年月日\d]+"]
77
+
78
+ time_kws = ("什么时候", "时间", "时候")
79
+
80
+ sum_count_high_kws = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",)
81
+ mean_kws = ('平均数', '均值', '平均值', '平均')
82
+ max_kws = ('最大', '最多', '最大值', '最高')
83
+ min_kws = ('最少', '最小值', '最小', '最低')
84
+ sum_count_low_kws = ('个', '总共') + ('总和','加','总','一共','和',) + ("哪些", "查", "数量", "数") + ("几",) + ('多少', "多大") + ("总数",)
85
+ max_special_kws = ("以上", "大于")
86
+ min_special_kws = ("以下", "小于")
87
+
88
+ qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个")
89
+
90
+ only_kws_columns = {"城市": "=="}
91
+
92
+ ##### jointbert predict model init start
93
+ #jointbert_path = "../../featurize/JointBERT"
94
+ #jointbert_path = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main/JointBERT-master"
95
+ jointbert_path = os.path.join(main_path, "JointBERT-master")
96
+ sys.path.append(jointbert_path)
97
+
98
+
99
+ from model.modeling_jointbert import JointBERT
100
+ from model.modeling_jointbert import *
101
+ from trainer import *
102
+ from main import *
103
+ from data_loader import *
104
+
105
+
106
+ pred_parser = argparse.ArgumentParser()
107
+
108
+ pred_parser.add_argument("--input_file", default="conds_pred/seq.in", type=str, help="Input file for prediction")
109
+ pred_parser.add_argument("--output_file", default="conds_pred/sample_pred_out.txt", type=str, help="Output file for prediction")
110
+ #pred_parser.add_argument("--model_dir", default="bert", type=str, help="Path to save, load model")
111
+ pred_parser.add_argument("--model_dir", default= os.path.join(main_path ,"data/bert"), type=str, help="Path to save, load model")
112
+ #pred_parser.add_argument("--model_dir", default= os.path.join(main_path ,"JBert_Zh_Condition_Extractor"), type=str, help="Path to save, load model")
113
+
114
+
115
+ pred_parser.add_argument("--batch_size", default=32, type=int, help="Batch size for prediction")
116
+ pred_parser.add_argument("--no_cuda", action="store_true", help="Avoid using CUDA when available")
117
+
118
+
119
+ pred_parser_config_dict = dict(map(lambda item:(item.option_strings[0].replace("--", ""), item.default) ,pred_parser.__dict__["_actions"]))
120
+ pred_parser_config_dict = dict(filter(lambda t2: t2[0] != "-h", pred_parser_config_dict.items()))
121
+
122
+ pred_parser_namedtuple = namedtuple("pred_parser_config", pred_parser_config_dict.keys())
123
+ for k, v in pred_parser_config_dict.items():
124
+ if type(v) == type(""):
125
+ exec("pred_parser_namedtuple.{}='{}'".format(k, v))
126
+ else:
127
+ exec("pred_parser_namedtuple.{}={}".format(k, v))
128
+
129
+
130
+ from predict import *
131
+
132
+
133
+ pred_config = pred_parser_namedtuple
134
+ args = get_args(pred_config)
135
+ device = get_device(pred_config)
136
+
137
+ args_parser_namedtuple = namedtuple("args_config", args.keys())
138
+ for k, v in args.items():
139
+ if type(v) == type(""):
140
+ exec("args_parser_namedtuple.{}='{}'".format(k, v))
141
+ else:
142
+ exec("args_parser_namedtuple.{}={}".format(k, v))
143
+
144
+
145
+ args = args_parser_namedtuple
146
+
147
+ #args.data_dir = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main/data"
148
+ args.data_dir = os.path.join(main_path, "data")
149
+
150
+ '''
151
+ pred_model = MODEL_CLASSES["bert"][1].from_pretrained(args.model_dir,
152
+ args=args,
153
+ intent_label_lst=get_intent_labels(args),
154
+ slot_label_lst=get_slot_labels(args))
155
+ '''
156
+ pred_model = MODEL_CLASSES["bert"][1].from_pretrained(
157
+ os.path.join(main_path, "data/bert")
158
+ ,
159
+ args=args,
160
+ intent_label_lst=get_intent_labels(args),
161
+ slot_label_lst=get_slot_labels(args))
162
+
163
+ pred_model.to(device)
164
+ pred_model.eval()
165
+
166
+ intent_label_lst = get_intent_labels(args)
167
+ slot_label_lst = get_slot_labels(args)
168
+ pad_token_label_id = args.ignore_index
169
+ tokenizer = load_tokenizer(args)
170
+ ## jointbert predict model init end
171
+
172
+
173
+ ###### one sent conds decomp start
174
+ def predict_single_sent(question):
175
+ text = " ".join(list(question))
176
+ batch = convert_input_file_to_tensor_dataset([text.split(" ")], pred_config, args, tokenizer, pad_token_label_id).tensors
177
+ batch = tuple(t.to(device) for t in batch)
178
+ inputs = {"input_ids": batch[0],
179
+ "attention_mask": batch[1],
180
+ "intent_label_ids": None,
181
+ "slot_labels_ids": None}
182
+ inputs["token_type_ids"] = batch[2]
183
+ outputs = pred_model(**inputs)
184
+ _, (intent_logits, slot_logits) = outputs[:2]
185
+ intent_preds = intent_logits.detach().cpu().numpy()
186
+ slot_preds = slot_logits.detach().cpu().numpy()
187
+ intent_preds = np.argmax(intent_preds, axis=1)
188
+ slot_preds = np.argmax(slot_preds, axis=2)
189
+ all_slot_label_mask = batch[3].detach().cpu().numpy()
190
+ slot_label_map = {i: label for i, label in enumerate(slot_label_lst)}
191
+ slot_preds_list = [[] for _ in range(slot_preds.shape[0])]
192
+ for i in range(slot_preds.shape[0]):
193
+ for j in range(slot_preds.shape[1]):
194
+ if all_slot_label_mask[i, j] != pad_token_label_id:
195
+ slot_preds_list[i].append(slot_label_map[slot_preds[i][j]])
196
+ pred_l = []
197
+ for words, slot_preds, intent_pred in zip([text.split(" ")], slot_preds_list, intent_preds):
198
+ line = ""
199
+ for word, pred in zip(words, slot_preds):
200
+ if pred == 'O':
201
+ line = line + word + " "
202
+ else:
203
+ line = line + "[{}:{}] ".format(word, pred)
204
+ pred_l.append((line, intent_label_lst[intent_pred]))
205
+ return pred_l[0]
206
+
207
+
208
+ ###@@ conn_kws = ["且", "或", "或者", "和"]
209
+ '''
210
+ and_kws = ("且", "而且", "并且", "和", "当中", "同时")
211
+ or_kws = ("或", "或者",)
212
+ conn_kws = and_kws + or_kws
213
+ '''
214
+ #conn_kws = ("且", "或", "或者", "和") + ("而且", "并且", "当中")
215
+ #### some algorithm use in it.
216
+ def recurrent_extract(question):
217
+ def filter_relation(text):
218
+ #kws = ["且", "或", "或者", "和"]
219
+ kws = conn_kws
220
+ req = text
221
+ for kw in sorted(kws, key= lambda x: len(x))[::-1]:
222
+ req = req.replace(kw, "")
223
+ return req
224
+ def produce_plain_text(text):
225
+ ##### replace tag string from text
226
+ kws = ["[", "]", " ", ":B-HEADER", ":I-HEADER", ":B-VALUE", ":I-VALUE"]
227
+ plain_text = text
228
+ for kw in kws:
229
+ plain_text = plain_text.replace(kw, "")
230
+ return plain_text
231
+ def find_min_commmon_strings(c):
232
+ ##### {"jack", "ja", "ss", "sss", "ps", ""} -> {"ja", "ss", "ps"}
233
+ common_strings = list(filter(lambda x: type(x) == type("") ,
234
+ map(lambda t2: t2[0]
235
+ if t2[0] in t2[1]
236
+ else (t2[1]
237
+ if t2[1] in t2[0]
238
+ else (t2[0], t2[1])),combinations(c, 2))))
239
+ req = set([])
240
+ while c:
241
+ ele = c.pop()
242
+ if all(map(lambda cc: cc not in ele, common_strings)):
243
+ req.add(ele)
244
+ req = req.union(set(common_strings))
245
+ return set(filter(lambda x: x, req))
246
+ def extract_scope(scope_text):
247
+ def find_max_in(plain_text ,b_chars, i_chars):
248
+ chars = "".join(b_chars + i_chars)
249
+ while chars and chars not in plain_text:
250
+ chars = chars[:-1]
251
+ return chars
252
+ b_header_chars = re.findall(r"([\w\W]):B-HEADER", scope_text)
253
+ i_header_chars = re.findall(r"([\w\W]):I-HEADER", scope_text)
254
+ b_value_chars = re.findall(r"([\w\W]):B-VALUE", scope_text)
255
+ i_value_chars = re.findall(r"([\w\W]):I-VALUE", scope_text)
256
+ if len(b_header_chars) != 1 or len(b_value_chars) != 1:
257
+ return None
258
+ plain_text = produce_plain_text(scope_text)
259
+ header = find_max_in(plain_text, b_header_chars, i_header_chars)
260
+ value = find_max_in(plain_text, b_value_chars, i_value_chars)
261
+ if (not header) or (not value):
262
+ return None
263
+ return (header, value)
264
+ def find_scope(text):
265
+ start_index = text.find("[")
266
+ end_index = text.rfind("]")
267
+ if start_index == -1 or end_index == -1:
268
+ return text
269
+ scope_text = text[start_index: end_index + 1]
270
+ res_text = filter_relation(text.replace(scope_text, "")).replace(" ", "").strip()
271
+ return (scope_text, res_text)
272
+ def produce_all_attribute_remove(req):
273
+ if not req:
274
+ return None
275
+ string_or_t2 = find_scope(req[-1][0])
276
+ assert type(string_or_t2) in [type(""), type((1,))]
277
+ if type(string_or_t2) == type(""):
278
+ return string_or_t2
279
+ else:
280
+ return string_or_t2[-1]
281
+ def extract_all_attribute(req):
282
+ extract_list = list(map(lambda t2: (t2[0][0], t2[1], t2[0][1]) ,
283
+ filter(lambda x: x[0] ,
284
+ map(lambda tt2_t2: (extract_scope(tt2_t2[0][0]), tt2_t2[1]) ,
285
+ filter(lambda t2_t2: "HEADER" in t2_t2[0][0] and "VALUE" in t2_t2[0][0] ,
286
+ filter(lambda string_or_t2_t2: type(string_or_t2_t2[0]) == type((1,)),
287
+ map(lambda tttt2: (find_scope(tttt2[0]), tttt2[1]),
288
+ req)))))))
289
+ return extract_list
290
+ def extract_attributes_relation_string(plain_text, all_attributes, res):
291
+ if not all_attributes:
292
+ return plain_text.replace(res if res else "", "")
293
+ def replace_by_one_l_r(text ,t3):
294
+ l, _, r = t3
295
+ ##### produce multi l, r to satisfy string contrain problem
296
+ l0, l1 = l, l
297
+ r0, r1 = r, r
298
+ while l0 and l0 not in text:
299
+ l0 = l0[:-1]
300
+ while l1 and l1 not in text:
301
+ l1 = l1[1:]
302
+ while r0 and r0 not in text:
303
+ r0 = r0[:-1]
304
+ while r1 and r1 not in text:
305
+ r1 = r1[1:]
306
+ if not l or not r:
307
+ return text
308
+
309
+ conclusion = set([])
310
+ for l_, r_ in product([l0, l1], [r0, r1]):
311
+ l_r_conclusion = re.findall("({}.*?{})".format(l_, r_), text)
312
+ r_l_conclusion = re.findall("({}.*?{})".format(r_, l_), text)
313
+ conclusion = conclusion.union(set(l_r_conclusion + r_l_conclusion))
314
+
315
+ ##### because use produce multi must choose the shortest elements from them
316
+ ## to prevent "relation word" also be replaced.
317
+ conclusion_filtered = find_min_commmon_strings(conclusion)
318
+
319
+ conclusion = conclusion_filtered
320
+ req_text = text
321
+ for c in conclusion:
322
+ req_text = req_text.replace(c, "")
323
+ return req_text
324
+ req_text_ = plain_text
325
+ for t3 in all_attributes:
326
+ req_text_ = replace_by_one_l_r(req_text_, t3)
327
+ return req_text_.replace(res, "")
328
+ req = []
329
+ t2 = predict_single_sent(question)
330
+ req.append(t2)
331
+ while "[" in t2[0]:
332
+ scope = find_scope(t2[0])
333
+ if type(scope) == type(""):
334
+ break
335
+ else:
336
+ assert type(scope) == type((1,))
337
+ scope_text, res_text = scope
338
+ #ic(req)
339
+ t2 = predict_single_sent(res_text)
340
+ req.append(t2)
341
+ req = list(filter(lambda tt2: "HEADER" in tt2[0] and "VALUE" in tt2[0] , req))
342
+ res = produce_all_attribute_remove(req)
343
+ #ic(req)
344
+ all_attributes = extract_all_attribute(req)
345
+ # plain_text = produce_plain_text(scope_text)
346
+
347
+ return all_attributes, res, extract_attributes_relation_string(produce_plain_text(req[0][0] if req else ""), all_attributes, res)
348
+
349
+
350
+ def rec_more_time(decomp):
351
+ assert type(decomp) == type((1,)) and len(decomp) == 3
352
+ assert not decomp[0]
353
+ res, relation_string = decomp[1:]
354
+ new_decomp = recurrent_extract(relation_string)
355
+ #### stop if rec not help by new_decomp[1] != decomp[1]
356
+ if not new_decomp[0] and new_decomp[1] != decomp[1]:
357
+ return rec_more_time(new_decomp)
358
+ return (new_decomp[0], res, new_decomp[1])
359
+ ### one sent conds decomp end
360
+
361
+
362
+ ##### data source start
363
+ #train_path = "../TableQA/TableQA/train"
364
+ #train_path = "/Users/svjack/temp/gradio_prj/tableQA-Chinese-main/data/TableQA-master/train"
365
+ train_path = os.path.join(main_path, "data/TableQA-master/train")
366
+ def data_loader(table_json_path = os.path.join(train_path ,"train.tables.json"),
367
+ json_path = os.path.join(train_path ,"train.json"),
368
+ req_table_num = 1):
369
+ assert os.path.exists(table_json_path)
370
+ assert os.path.exists(json_path)
371
+ json_df = pd.read_json(json_path, lines = True)
372
+ all_tables = pd.read_json(table_json_path, lines = True)
373
+ if req_table_num is not None:
374
+ assert type(req_table_num) == type(0) and req_table_num > 0 and req_table_num <= all_tables.shape[0]
375
+ else:
376
+ req_table_num = all_tables.shape[0]
377
+ for i in range(req_table_num):
378
+ #one_table = all_tables.iloc[i]["table"]
379
+ #one_table_df = pd.read_sql("select * from `{}`".format(one_table), train_tables_dump_engine)
380
+ one_table_s = all_tables.iloc[i]
381
+ one_table_df = pd.DataFrame(one_table_s["rows"], columns = one_table_s["header"])
382
+ yield one_table_df, json_df[json_df["table_id"] == one_table_s["id"]]
383
+ ## data source end
384
+
385
+
386
+ ###### string toolkit start
387
+ def findMaxSubString(str1, str2):
388
+ """
389
+ """
390
+ maxSub = 0
391
+ maxSubString = ""
392
+
393
+ str1_len = len(str1)
394
+ str2_len = len(str2)
395
+
396
+ for i in range(str1_len):
397
+ str1_pos = i
398
+ for j in range(str2_len):
399
+ str2_pos = j
400
+ str1_pos = i
401
+ if str1[str1_pos] != str2[str2_pos]:
402
+ continue
403
+ else:
404
+ while (str1_pos < str1_len) and (str2_pos < str2_len):
405
+ if str1[str1_pos] == str2[str2_pos]:
406
+ str1_pos = str1_pos + 1
407
+ str2_pos = str2_pos + 1
408
+ else:
409
+ break
410
+
411
+ sub_len = str2_pos - j
412
+ if maxSub < sub_len:
413
+ maxSub = sub_len
414
+ maxSubString = str2[j:str2_pos]
415
+ return maxSubString
416
+
417
+
418
+ def find_min_commmon_strings(c):
419
+ ##### {"jack", "ja", "ss", "sss", "ps", ""} -> {"ja", "ss", "ps"}
420
+ common_strings = list(filter(lambda x: type(x) == type("") ,
421
+ map(lambda t2: t2[0]
422
+ if t2[0] in t2[1]
423
+ else (t2[1]
424
+ if t2[1] in t2[0]
425
+ else (t2[0], t2[1])),combinations(c, 2))))
426
+ req = set([])
427
+ while c:
428
+ ele = c.pop()
429
+ if all(map(lambda cc: cc not in ele, common_strings)):
430
+ req.add(ele)
431
+ req = req.union(set(common_strings))
432
+ return set(filter(lambda x: x, req))
433
+ ## string toolkit end
434
+
435
+
436
+
437
+ ###### datetime column match start
438
+ #### only use object dtype to extract
439
+ def time_template_extractor(rows_filtered, pattern = u"[年月\.\-\d]+"):
440
+ #re_words = re.compile(u"[年月\.\-\d]+")
441
+ re_words = re.compile(pattern)
442
+ nest_collection = pd.DataFrame(rows_filtered).applymap(lambda x: tuple(sorted(list(re.findall(re_words, x))))).values.tolist()
443
+ def flatten_collection(c):
444
+ if not c:
445
+ return c
446
+ if type(c[0]) == type(""):
447
+ return c
448
+ else:
449
+ c = list(c)
450
+ return flatten_collection(reduce(lambda a, b: a + b, map(list ,c)))
451
+ return flatten_collection(nest_collection)
452
+
453
+ ###@@ pattern_list
454
+ #pattern_list = [u"[年月\.\-\d]+", u"[年月\d]+", u"[年个月\d]+", u"[年月日\d]+"]
455
+
456
+ def justify_column_as_datetime(df, threshold = 0.8, time_template_extractor = lambda x: x):
457
+ object_columns = list(map(lambda tt2: tt2[0] ,filter(lambda t2: t2[1].name == "object" ,dict(df.dtypes).items())))
458
+ time_columns = []
459
+ for col in object_columns:
460
+ input_ = df[[col]].applymap(lambda x: "~" if type(x) != type("") else x)
461
+ output_ = time_template_extractor(input_.values.tolist())
462
+ input_ = input_.iloc[:, 0].values.tolist()
463
+ 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_)))
464
+ if time_evidence_cnt > 0 and time_evidence_cnt / df.shape[0] >= threshold:
465
+ #### use evidence ratio because may have some noise in data
466
+ time_columns.append(col)
467
+ return time_columns
468
+
469
+ 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))):
470
+ return sorted(reduce(lambda a, b: a.union(b) ,map(lambda func: set(justify_column_as_datetime(df, threshold, func)), time_template_extractor_list)))
471
+ ## datetime column match end
472
+
473
+ ##### choose question column have a reduce function call below (choose_res_by_kws)
474
+ ##### this is a tiny first version
475
+ ###@@ time_kws = ("什么时候", "时间", "时候")
476
+ #time_kws = ("什么时候", "时间", "时候")
477
+ #####
478
+ def choose_question_column(decomp, header, df):
479
+ assert type(decomp) == type((1,)) and type(header) == type([])
480
+
481
+ time_columns = justify_column_as_datetime_reduce(df)
482
+ _, res, _ = decomp
483
+
484
+ if type(res) != type(""):
485
+ return None
486
+
487
+ #ic(res)
488
+ ##### should add time kws to it.
489
+ #time_kws = ("什么时候", "时间", "时候")
490
+ if any(map(lambda t_kw: t_kw in res, time_kws)):
491
+ if len(time_columns) == 1:
492
+ return time_columns[0]
493
+ else:
494
+ '''
495
+ return sorted(map(lambda t_col: (t_col ,len(findMaxSubString(t_col, res)) / len(t_col)), time_columns),
496
+ key = lambda t2: t2[1])[::-1][0][0]
497
+ '''
498
+ sort_list = sorted(map(lambda t_col: (t_col ,len(findMaxSubString(t_col, res)) / len(t_col)), time_columns),
499
+ key = lambda t2: t2[1])[::-1]
500
+ if sort_list:
501
+ if sort_list[0]:
502
+ return sort_list[0][0]
503
+ return None
504
+
505
+ c_res_common_dict = dict(filter(lambda t2: t2[1] ,map(lambda c: (c ,findMaxSubString(c, res)), header)))
506
+ common_ratio_c_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(t2[0])), c_res_common_dict.items()))
507
+ common_ratio_res_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(res)), c_res_common_dict.items()))
508
+ #ic(decomp)
509
+ #ic(common_ratio_c_dict)
510
+ #ic(common_ratio_res_dict)
511
+
512
+ if not common_ratio_c_dict or not common_ratio_res_dict:
513
+ return None
514
+
515
+ dict_0_max_key = sorted(common_ratio_c_dict.items(), key = lambda t2: t2[1])[::-1][0][0]
516
+ dict_1_max_key = sorted(common_ratio_res_dict.items(), key = lambda t2: t2[1])[::-1][0][0]
517
+ return dict_0_max_key if dict_0_max_key == dict_1_max_key else None
518
+
519
+
520
+ ##### agg-classifier start
521
+ '''
522
+ sum_count_high_kws = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",)
523
+ mean_kws = ('平均数', '均值', '平均值', '平均')
524
+ max_kws = ('最大', '最多', '最大值', '最高')
525
+ min_kws = ('最少', '最小值', '最小', '最低')
526
+ sum_count_low_kws = ('个', '总共') + ('总和','加','总','一共','和',) + ("哪些", "查", "数量", "数") + ("几",) + ('多少', "多大") + ("总数",)
527
+ max_special_kws = ("以上", "大于")
528
+ min_special_kws = ("以下", "小于")
529
+ '''
530
+
531
+ ###@@ sum_count_high_kws = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",)
532
+ ###@@ mean_kws = ('平均数', '均值', '平均值', '平均')
533
+ ###@@ max_kws = ('最大', '最多', '最大值', '最高')
534
+ ###@@ min_kws = ('最少', '最小值', '最小', '最低')
535
+ ###@@ sum_count_low_kws = ('个', '总共') + ('总和','加','总','一共','和',) + ("哪些", "查", "数量", "数") + ("几",) + ('多少', "多大") + ("总数",)
536
+ ###@@ max_special_kws = ("以上", "大于")
537
+ ###@@ min_special_kws = ("以下", "小于")
538
+
539
+ def simple_label_func(s, drop_header = True):
540
+ text_tokens =s.question_cut
541
+ header = list(map(lambda x: x[:x.find("(")] if (not x.startswith("(") and x.endswith(")")) else x ,s.header.split(",")))
542
+
543
+ #### not contain samples may not match in fuzzy-match, special column mapping in finance,
544
+ ### or "3" to "三"
545
+ '''
546
+ fit_collection = ('多少个', '有几个', '总共') + ('总和','一共',) + ('平均数', '均值', '平均值', '平均') + ('最大', '最多', '最大值', '最高') + ('最少', '最小值', '最小', '最低')
547
+
548
+ '''
549
+ fit_collection = sum_count_high_kws + mean_kws + max_kws + min_kws
550
+ fit_header = []
551
+ for c in header:
552
+ for kw in fit_collection:
553
+ if kw in c:
554
+ start_idx = c.find(kw)
555
+ end_idx = start_idx + len(kw)
556
+ fit_header.append(c[start_idx: end_idx])
557
+
558
+ if not drop_header:
559
+ header = []
560
+ fit_header = []
561
+
562
+ input_ = "".join(text_tokens)
563
+ for c in header + fit_header:
564
+ if c in fit_collection:
565
+ continue
566
+ input_ = input_.replace(c, "")
567
+ c0, c1 = c, c
568
+ while c0 and c0 not in fit_collection and len(c0) >= 4:
569
+ c0 = c0[1:]
570
+ if c0 in fit_collection:
571
+ break
572
+ input_ = input_.replace(c0, "")
573
+ while c1 and c1 not in fit_collection and len(c1) >= 4:
574
+ c1 = c1[:-1]
575
+ if c1 in fit_collection:
576
+ break
577
+ input_ = input_.replace(c1, "")
578
+
579
+ #ic(input_)
580
+ text_tokens = list(jieba.cut(input_))
581
+
582
+ #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + ("哪些", "查", "数量")
583
+ #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',)
584
+ ##### 高置信度部分 (作为是否构成使用特殊规则的判断标准)
585
+ #### case 2 部分 (高置信度有效匹配)
586
+ #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',)
587
+ #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + ("总数",)
588
+ cat_6_collection_high_level = sum_count_high_kws
589
+ if any(map(lambda high_level_token: high_level_token in "".join(text_tokens), cat_6_collection_high_level)):
590
+ return 6
591
+
592
+ #### 够深 够宽 规则部分, change order by header, if header have kws in , lower order
593
+ if any(map(lambda kw: kw in text_tokens, mean_kws)):
594
+ return 1
595
+ if any(map(lambda kw: kw in text_tokens, max_kws)):
596
+ return 2
597
+ if any(map(lambda kw: kw in text_tokens, min_kws)):
598
+ return 3
599
+
600
+ ##### 低置信度部分
601
+ #### case 2 部分 (低置信度尾部匹配)
602
+ cat_6_collection = sum_count_low_kws
603
+ if any(map(lambda kw: kw in text_tokens, cat_6_collection)):
604
+ return 6
605
+ if any(map(lambda token: "几" in token, text_tokens)):
606
+ return 6
607
+
608
+ #### special case 部分
609
+ if any(map(lambda kw: kw in text_tokens, max_special_kws)):
610
+ return 2
611
+ if any(map(lambda kw: kw in text_tokens, min_special_kws)):
612
+ return 3
613
+
614
+ #### 无效匹配
615
+ return 0
616
+
617
+
618
+ def simple_special_func(s, drop_header = True):
619
+ text_tokens =s.question_cut
620
+ header = list(map(lambda x: x[:x.find("(")] if (not x.startswith("(") and x.endswith(")")) else x ,s.header.split(",")))
621
+
622
+ #### not contain samples may not match in fuzzy-match, special column mapping in finance,
623
+ ### or "3" to "三"
624
+ fit_collection = sum_count_high_kws + mean_kws + max_kws + min_kws
625
+ fit_header = []
626
+ for c in header:
627
+ for kw in fit_collection:
628
+ if kw in c:
629
+ start_idx = c.find(kw)
630
+ end_idx = start_idx + len(kw)
631
+ fit_header.append(c[start_idx: end_idx])
632
+
633
+ input_ = "".join(text_tokens)
634
+ if not drop_header:
635
+ header = []
636
+ fit_header = []
637
+
638
+ for c in header + fit_header:
639
+ if c in fit_collection:
640
+ continue
641
+ input_ = input_.replace(c, "")
642
+ c0, c1 = c, c
643
+ while c0 and c0 not in fit_collection and len(c0) >= 4:
644
+ c0 = c0[1:]
645
+ if c0 in fit_collection:
646
+ break
647
+ input_ = input_.replace(c0, "")
648
+ while c1 and c1 not in fit_collection and len(c1) >= 4:
649
+ c1 = c1[:-1]
650
+ if c1 in fit_collection:
651
+ break
652
+ input_ = input_.replace(c1, "")
653
+
654
+ #ic(input_)
655
+ text_tokens = list(jieba.cut(input_))
656
+ #ic(text_tokens)
657
+
658
+ #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',) + ("哪些", "查", "数量")
659
+ #cat_6_collection_high_level = ('多少个', '有几个', '总共') + ('总和','一共',)
660
+ #### case 2 部分 (高置信度有效匹配)
661
+ cat_6_collection_high_level = sum_count_high_kws
662
+ if any(map(lambda high_level_token: high_level_token in "".join(text_tokens), cat_6_collection_high_level)):
663
+ return 6
664
+
665
+ #### 够深 够宽 规则部分, change order by header, if header have kws in , lower order
666
+ if any(map(lambda kw: kw in text_tokens, mean_kws)):
667
+ return 1
668
+ if any(map(lambda kw: kw in text_tokens, max_kws)):
669
+ return 2
670
+ if any(map(lambda kw: kw in text_tokens, min_kws)):
671
+ return 3
672
+
673
+ return 0
674
+
675
+
676
+ def simple_total_label_func(s):
677
+ is_special = False if simple_special_func(s) == 0 else True
678
+ if not is_special:
679
+ return 0
680
+ return simple_label_func(s)
681
+ ## agg-classifier end
682
+
683
+
684
+ ##### main block of process start
685
+ def split_by_cond(s, extract_return = True):
686
+ def recurrent_extract_cond(text):
687
+ #return np.asarray(recurrent_extract(text)[0])
688
+ #return recurrent_extract(text)[0]
689
+ return np.asarray(list(recurrent_extract(text)[0]))
690
+
691
+ question = s["question"]
692
+ res = s["rec_decomp"][1]
693
+ if question is None:
694
+ question = ""
695
+ if res is None:
696
+ res = ""
697
+
698
+ common_res = findMaxSubString(question, res)
699
+ #cond_kws = ("或", "而且", "并且", "当中")
700
+ #cond_kws = ("或", "而且" "并且" "当中")
701
+ cond_kws = conn_kws
702
+ condition_part = question.replace(common_res, "")
703
+ fit_kws = set([])
704
+ for kw in cond_kws:
705
+ if kw in condition_part and not condition_part.startswith(kw) and not condition_part.endswith(kw):
706
+ fit_kws.add(kw)
707
+ if not fit_kws:
708
+ will_return = ([condition_part.replace(" ", "") + " " + common_res], "")
709
+ if extract_return:
710
+ #return (list(map(recurrent_extract_cond, will_return[0])), will_return[1])
711
+ will_return = (np.asarray(list(map(recurrent_extract_cond, will_return[0]))) , will_return[1])
712
+ #will_return = (np.concatenate(list(filter(lambda x: x.size ,map(np.asarray ,will_return[0].tolist()))), axis = 0), will_return[1])
713
+ #will_return = (np.concatenate(list(map(np.asarray ,will_return[0].tolist())), axis = 0), will_return[1])
714
+ input_ = list(filter(lambda x: x.size ,map(np.asarray ,will_return[0].tolist())))
715
+ if input_:
716
+ will_return = (np.concatenate(input_, axis = 0), will_return[1])
717
+ else:
718
+ will_return = (np.empty((0, 3)), will_return[1])
719
+
720
+ will_return = will_return[0].reshape((-1, 3)) if will_return[0].size else np.empty((0, 3))
721
+ return will_return
722
+
723
+ fit_kw = sorted(fit_kws, key = len)[::-1][0]
724
+ condition_part_splits = condition_part.split(fit_kw)
725
+ #if fit_kw in ("或",):
726
+ if fit_kw in or_kws:
727
+ fit_kw = "or"
728
+ #elif fit_kw in ("而且", "并且", "当中",):
729
+ elif fit_kw in and_kws:
730
+ fit_kw = "and"
731
+ else:
732
+ fit_kw = ""
733
+
734
+ will_return = (list(map(lambda cond_: cond_.replace(" ", "") + " " + common_res, condition_part_splits)), fit_kw)
735
+ if extract_return:
736
+ #return (list(map(recurrent_extract_cond, will_return[0])), will_return[1])
737
+ will_return = (np.asarray(list(map(recurrent_extract_cond, will_return[0]))), will_return[1])
738
+ #ic(will_return[0])
739
+ #will_return = (np.concatenate(list(map(np.asarray ,will_return[0].tolist())), axis = 0), will_return[1])
740
+ input_ = list(filter(lambda x: x.size ,map(np.asarray ,will_return[0].tolist())))
741
+ if input_:
742
+ will_return = (np.concatenate(input_, axis = 0), will_return[1])
743
+ else:
744
+ will_return = (np.empty((0, 3)), will_return[1])
745
+ #ic(will_return[0])
746
+ will_return = will_return[0].reshape((-1, 3)) if will_return[0].size else np.empty((0, 3))
747
+
748
+ return will_return
749
+
750
+
751
+
752
+ def filter_total_conds(s, df, condition_fit_num = 0):
753
+ assert condition_fit_num >= 0 and type(condition_fit_num) == type(0)
754
+ df = df.copy()
755
+
756
+ #### some col not as float with only "None" as cell, also transform them into float
757
+ df = df.applymap(lambda x: np.nan if x in ["None", None, "/"] else x)
758
+ def justify_column_as_float(s):
759
+ if "float" in str(s.dtype):
760
+ return True
761
+ if all(s.map(type).map(lambda tx: "float" in str(tx))):
762
+ return True
763
+ return False
764
+
765
+ float_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_float, axis = 0).to_dict().items())))
766
+ for f_col in float_cols:
767
+ df[f_col] = df[f_col].astype(np.float64)
768
+ ###
769
+
770
+ header = df.columns.tolist()
771
+ units_cols = filter(lambda c: "(" in c and c.endswith(")"), df.columns.tolist())
772
+ if not float_cols:
773
+ float_discribe_df = pd.DataFrame()
774
+ else:
775
+ float_discribe_df = df[float_cols].describe()
776
+
777
+ def call_eval(val):
778
+ try:
779
+ return literal_eval(val)
780
+ except:
781
+ return val
782
+
783
+ #### find condition column same as question_column
784
+ def find_cond_col(res, header):
785
+ #ic(res, header)
786
+ c_res_common_dict = dict(filter(lambda t2: t2[1] ,map(lambda c: (c ,findMaxSubString(c, res)), header)))
787
+ #ic(c_res_common_dict)
788
+ common_ratio_c_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(t2[0])), c_res_common_dict.items()))
789
+ common_ratio_res_dict = dict(map(lambda t2: (t2[0], len(t2[1]) / len(res)), c_res_common_dict.items()))
790
+
791
+ if not common_ratio_c_dict or not common_ratio_res_dict:
792
+ return None
793
+
794
+ dict_0_max_key = sorted(common_ratio_c_dict.items(), key = lambda t2: t2[1])[::-1][0][0]
795
+ dict_1_max_key = sorted(common_ratio_res_dict.items(), key = lambda t2: t2[1])[::-1][0][0]
796
+ return dict_0_max_key if dict_0_max_key == dict_1_max_key else None
797
+ ###
798
+
799
+ #### type comptatible in column type and value type, and fit_num match
800
+ def filter_cond_col(cond_t3):
801
+ assert type(cond_t3) == type((1,)) and len(cond_t3) == 3
802
+ col, _, value = cond_t3
803
+
804
+ if type(value) == type(""):
805
+ value = call_eval(value)
806
+
807
+ if col not in df.columns.tolist():
808
+ return False
809
+
810
+ #### type key value comp
811
+ if col in float_cols and type(value) not in (type(0), type(0.0)):
812
+ return False
813
+
814
+ if col not in float_cols and type(value) in (type(0), type(0.0)):
815
+ return False
816
+
817
+ #### string value not in corr column
818
+ if col not in float_cols and type(value) not in (type(0), type(0.0)):
819
+ if type(value) == type(""):
820
+ if value not in df[col].tolist():
821
+ return False
822
+
823
+ if type(value) in (type(0), type(0.0)):
824
+ if col in float_discribe_df.columns.tolist():
825
+ if condition_fit_num > 0:
826
+ if value >= float_discribe_df[col].loc["min"] and value <= float_discribe_df[col].loc["max"]:
827
+ return True
828
+ else:
829
+ return False
830
+ else:
831
+ assert condition_fit_num == 0
832
+ return True
833
+
834
+ if condition_fit_num > 0:
835
+ if value in df[col].tolist():
836
+ return True
837
+ else:
838
+ return False
839
+ else:
840
+ assert condition_fit_num == 0
841
+ return True
842
+
843
+ return True
844
+ ###
845
+
846
+ #### condtions with same column may have conflict, choose the nearest one by stats in float or
847
+ ### common_string as find_cond_col do.
848
+ def same_column_cond_filter(cond_list, sort_stats = "mean"):
849
+ #ic(cond_list)
850
+ if len(cond_list) == len(set(map(lambda t3: t3[0] ,cond_list))):
851
+ return cond_list
852
+
853
+ req = defaultdict(list)
854
+ for t3 in cond_list:
855
+ req[t3[0]].append(t3[1:])
856
+
857
+ def t2_list_sort(col_name ,t2_list):
858
+ if not t2_list:
859
+ return None
860
+ t2 = None
861
+ if col_name in float_cols:
862
+ t2 = sorted(t2_list, key = lambda t2: np.abs(t2[1] - float_discribe_df[col_name].loc[sort_stats]))[0]
863
+ else:
864
+ if all(map(lambda t2: type(t2[1]) == type("") ,t2_list)):
865
+ col_val_cnt_df = df[col_name].value_counts().reset_index()
866
+ col_val_cnt_df.columns = ["val", "cnt"]
867
+ #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)),
868
+ # key = lambda ttt2: -1 * ttt2[-1])[0])
869
+
870
+ 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)))
871
+ if t2_list_map_to_column_val:
872
+ #### return max length fit val in column
873
+ t2 = sorted(t2_list_map_to_column_val, key = lambda t2: -1 * len(t2[1]))[0]
874
+ if t2 is None and t2_list:
875
+ t2 = t2_list[0]
876
+ return t2
877
+
878
+ cond_list_filtered = list(map(lambda ttt2: (ttt2[0], ttt2[1][0], ttt2[1][1]) ,
879
+ filter(lambda tt2: tt2[1] ,map(lambda t2: (t2[0] ,t2_list_sort(t2[0], t2[1])), req.items()))))
880
+
881
+ return cond_list_filtered
882
+ ###
883
+
884
+ total_conds_map_to_column = list(map(lambda t3: (find_cond_col(t3[0], header), t3[1], t3[2]), s["total_conds"]))
885
+ total_conds_map_to_column_filtered = list(filter(filter_cond_col, total_conds_map_to_column))
886
+ 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)))
887
+ #ic(total_conds_map_to_column_filtered)
888
+
889
+ cp_cond_list = list(filter(lambda t3: t3[1] in (">", "<"), total_conds_map_to_column_filtered))
890
+ eq_cond_list = list(filter(lambda t3: t3[1] in ("==", "!="), total_conds_map_to_column_filtered))
891
+
892
+ cp_cond_list_filtered = same_column_cond_filter(cp_cond_list)
893
+
894
+ #total_conds_map_to_column_filtered = same_column_cond_filter(total_conds_map_to_column_filtered)
895
+ return cp_cond_list_filtered + eq_cond_list
896
+ #return total_conds_map_to_column_filtered
897
+
898
+ ###@@ only_kws_columns = {"城市": "=="}
899
+
900
+ #### this function only use to cond can not extract by JointBert,
901
+ ### may because not contain column string in question such as "城市" or difficult to extract kw
902
+ ### define kw column as all cells in series are string type.
903
+ ### this function support config relation to column and if future
904
+ ### want to auto extract relation, this may can be done by head string or tail string by edit pattern "\w?{}\w?"
905
+ ### "是" or "不是" can be extract in this manner.
906
+ def augment_kw_in_question(question_df, df, only_kws_in_string = []):
907
+ #### keep only_kws_in_string empty to maintain all condition
908
+ question_df = question_df.copy()
909
+ #df = df.copy()
910
+
911
+ def call_eval(val):
912
+ try:
913
+ return literal_eval(val)
914
+ except:
915
+ return val
916
+
917
+ df = df.copy()
918
+
919
+ df = df.applymap(call_eval)
920
+
921
+ #### some col not as float with only "None" as cell, also transform them into float
922
+ df = df.applymap(lambda x: np.nan if x in ["None", None, "/"] else x)
923
+ def justify_column_as_float(s):
924
+ if "float" in str(s.dtype):
925
+ return True
926
+ if all(s.map(type).map(lambda tx: "float" in str(tx))):
927
+ return True
928
+ return False
929
+
930
+ float_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_float, axis = 0).to_dict().items())))
931
+ #obj_cols = set(df.columns.tolist()).difference(set(float_cols))
932
+
933
+ def justify_column_as_kw(s):
934
+ if all(s.map(type).map(lambda tx: "str" in str(tx))):
935
+ return True
936
+ return False
937
+
938
+ obj_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_kw, axis = 0).to_dict().items())))
939
+ obj_cols = list(set(obj_cols).difference(set(float_cols)))
940
+ if only_kws_columns:
941
+ obj_cols = list(set(obj_cols).intersection(set(only_kws_columns.keys())))
942
+
943
+ #replace_format = "{}是{}"
944
+ #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())
945
+ #kw_augmented_df.columns = obj_cols
946
+ kw_augmented_df = df[obj_cols].copy()
947
+ #ic(kw_augmented_df)
948
+
949
+ def extract_question_kws(question):
950
+ if not kw_augmented_df.size:
951
+ return []
952
+ req = defaultdict(set)
953
+ for ridx, r in kw_augmented_df.iterrows():
954
+ for k, v in dict(r).items():
955
+ if v in question:
956
+ pattern = "\w?{}\w?".format(v)
957
+ all_match = re.findall(pattern, question)
958
+ #req = req.union(set(all_match))
959
+ #req[v] = req[v].union(set(all_match))
960
+ key = "{}~{}".format(k, v)
961
+ req[key] = req[key].union(set(all_match))
962
+ #ic(k, v)
963
+ #question = question.replace(v[0], v[1])
964
+ #return question.replace(replace_format.format("","") * 2, replace_format.format("",""))
965
+ #req = list(req)
966
+ if only_kws_in_string:
967
+ 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())))
968
+ else:
969
+ req = list(set(req.keys()))
970
+
971
+ def req_to_t3(req_string, relation = "=="):
972
+ assert "~" in req_string
973
+ left, right = req_string.split("~")
974
+ if left in only_kws_columns:
975
+ relation = only_kws_columns[left]
976
+ return (left, relation, right)
977
+
978
+ if not req:
979
+ return []
980
+
981
+ return list(map(req_to_t3, req))
982
+
983
+ #return req
984
+
985
+ question_df["question_kw_conds"] = question_df["question"].map(extract_question_kws)
986
+ return question_df
987
+
988
+
989
+ def choose_question_column_by_rm_conds(s, df):
990
+ question = s.question
991
+ total_conds_filtered = s.total_conds_filtered
992
+ #cond_kws = ("或", "而且", "并且", "当中")
993
+ cond_kws = conn_kws
994
+ stopwords = ("是", )
995
+ #ic(total_conds_filtered)
996
+ def construct_res(question):
997
+ for k, _, v in total_conds_filtered:
998
+ if "(" in k:
999
+ k = k[:k.find("(")]
1000
+ #ic(k)
1001
+ question = question.replace(str(k), "")
1002
+ question = question.replace(str(v), "")
1003
+ for w in cond_kws + stopwords:
1004
+ question = question.replace(w, "")
1005
+ return question
1006
+
1007
+ res = construct_res(question)
1008
+ decomp = (None, res, None)
1009
+ return choose_question_column(decomp, df.columns.tolist(), df)
1010
+
1011
+
1012
+ def split_qst_by_kw(question, kw = "的"):
1013
+ return question.split(kw)
1014
+
1015
+ #qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个")
1016
+ ###@@ qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个")
1017
+ def choose_res_by_kws(question):
1018
+ #kws = ["的","多少", '是']
1019
+ question = question.replace(" ", "")
1020
+ #kws = ["的","或者","或", "且","并且","同时"]
1021
+ kws = ("的",) + conn_kws
1022
+ kws = list(kws)
1023
+ def qst_kw_filter(text):
1024
+ #qst_kws = ("多少", "什么", "多大", "哪些", "怎么", "情况", "那些", "哪个")
1025
+ if any(map(lambda kw: kw in text, qst_kws)):
1026
+ return True
1027
+ return False
1028
+
1029
+ kws_cp = deepcopy(kws)
1030
+ qst_c = set(question.split(","))
1031
+ while kws:
1032
+ kw = kws.pop()
1033
+ 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))))
1034
+ )
1035
+ #print("-" * 10)
1036
+ #print(sorted(filter(lambda x: x and (x not in kws_cp) ,qst_c), key = len))
1037
+ #print(sorted(filter(lambda x: x and (x not in kws_cp) and qst_kw_filter(x) ,qst_c), key = len))
1038
+ #### final choose if or not
1039
+ return sorted(filter(lambda x: x and (x not in kws_cp) and qst_kw_filter(x) ,qst_c), key = len)
1040
+ #return sorted(filter(lambda x: x and (x not in kws_cp) and True ,qst_c), key = len)
1041
+
1042
+
1043
+ def cat6_to_45_by_column_type(s, df):
1044
+ agg_pred = s.agg_pred
1045
+ if agg_pred != 6:
1046
+ return agg_pred
1047
+ question_column = s.question_column
1048
+
1049
+ def call_eval(val):
1050
+ try:
1051
+ return literal_eval(val)
1052
+ except:
1053
+ return val
1054
+
1055
+ df = df.copy()
1056
+
1057
+ df = df.applymap(call_eval)
1058
+
1059
+ #### some col not as float with only "None" as cell, also transform them into float
1060
+ df = df.applymap(lambda x: np.nan if x in ["None", None, "/"] else x)
1061
+ def justify_column_as_float(s):
1062
+ if "float" in str(s.dtype):
1063
+ return True
1064
+ if all(s.map(type).map(lambda tx: "float" in str(tx))):
1065
+ return True
1066
+ return False
1067
+
1068
+ float_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_float, axis = 0).to_dict().items())))
1069
+ #obj_cols = set(df.columns.tolist()).difference(set(float_cols))
1070
+
1071
+ def justify_column_as_kw(s):
1072
+ if all(s.map(type).map(lambda tx: "str" in str(tx))):
1073
+ return True
1074
+ return False
1075
+
1076
+ #obj_cols = list(map(lambda tt2: tt2[0],filter(lambda t2: t2[1] ,df.apply(justify_column_as_kw, axis = 0).to_dict().items())))
1077
+ obj_cols = df.columns.tolist()
1078
+ obj_cols = list(set(obj_cols).difference(set(float_cols)))
1079
+
1080
+ #ic(obj_cols, float_cols, df.columns.tolist())
1081
+ assert len(obj_cols) + len(float_cols) == df.shape[1]
1082
+
1083
+ if question_column in obj_cols:
1084
+ return 4
1085
+ elif question_column in float_cols:
1086
+ return 5
1087
+ else:
1088
+ return 0
1089
+
1090
+
1091
+ def full_before_cat_decomp(df, question_df, only_req_columns = False):
1092
+ df, question_df = df.copy(), question_df.copy()
1093
+ first_train_question_extract_df = pd.DataFrame(question_df["question"].map(lambda question: (question, recurrent_extract(question))).tolist())
1094
+ first_train_question_extract_df.columns = ["question", "decomp"]
1095
+
1096
+ first_train_question_extract_df = augment_kw_in_question(first_train_question_extract_df, df)
1097
+
1098
+ 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))
1099
+ #return first_train_question_extract_df.copy()
1100
+ 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)
1101
+ first_train_question_extract_df["header"] = ",".join(df.columns.tolist())
1102
+ 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))
1103
+
1104
+ #### agg
1105
+ first_train_question_extract_df["agg_res_pred"] = first_train_question_extract_df.apply(simple_total_label_func, axis = 1)
1106
+ first_train_question_extract_df["question_cut"] = first_train_question_extract_df["question"].map(jieba.cut).map(list)
1107
+ first_train_question_extract_df["agg_qst_pred"] = first_train_question_extract_df.apply(simple_total_label_func, axis = 1)
1108
+ ### if agg_res_pred and agg_qst_pred have conflict use max, to prevent from empty agg with errorous question column
1109
+ ### but this "max" can also be replaced by measure the performance of decomp part, and choose the best one
1110
+ ### or we can use agg_qst_pred with high balanced_score as 0.86+ in imbalanced dataset.
1111
+ ### which operation to use need some discussion.
1112
+ ### (balanced_accuracy_score(lookup_df["sql"], lookup_df["agg_pred"]),
1113
+ ### balanced_accuracy_score(lookup_df["sql"], lookup_df["agg_res_pred"]),
1114
+ ### balanced_accuracy_score(lookup_df["sql"], lookup_df["agg_qst_pred"]))
1115
+ ### (0.9444444444444445, 0.861111111111111, 0.9444444444444445) first_train_df conclucion
1116
+ ### (1.0, 0.8333333333333333, 1.0) cat6_conclucion
1117
+ ### this show that res worse in cat6 situation, but the agg-classifier construct is sufficent to have a
1118
+ ### good conclusion in full-question. (because cat6 is the most accurate part in Tupledire tree sense.)
1119
+ ### so use max as the best one
1120
+ 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)
1121
+
1122
+ #### conn and conds
1123
+ first_train_question_extract_df["conds"] = first_train_question_extract_df["rec_decomp"].map(lambda x: x[0])
1124
+ first_train_question_extract_df["split_conds"] = first_train_question_extract_df.apply(split_by_cond, axis = 1).values.tolist()
1125
+ 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()
1126
+ #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()
1127
+ 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()
1128
+ 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()
1129
+
1130
+ #### question_column_res more accurate, if not fit then use full-question question_column_qst to extract
1131
+ ### can not fit multi question or fuzzy describe, or question need kw replacement.
1132
+
1133
+ #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)
1134
+ 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)
1135
+ 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)
1136
+
1137
+ #### predict cat6 to 4 5 based on question_column and column dtype,
1138
+ #### this may performance bad if question_column has error,
1139
+ #### and almost 100% accurate if question_column truly provide and user is not an idoit (speak ....)
1140
+ agg_sql_dict = {0:"", 1:"AVG", 2:"MAX", 3:"MIN", 4:"COUNT", 5:"SUM"}
1141
+ 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])
1142
+ if only_req_columns:
1143
+ return first_train_question_extract_df[["question",
1144
+ "total_conds_filtered",
1145
+ "conn_pred",
1146
+ "question_column",
1147
+ "agg_pred"
1148
+ ]].copy()
1149
+
1150
+ return first_train_question_extract_df.copy()
1151
+
1152
+
1153
+ if __name__ == "__main__":
1154
+ ###### valid block
1155
+ req = list(data_loader(req_table_num=None))
1156
+
1157
+
1158
+ train_df, _ = req[2]
1159
+ train_df
1160
+ question = "哪些股票的收盘价大于20?"
1161
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1162
+ ic(question)
1163
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1164
+
1165
+
1166
+ #### not support select 股票 from table where 市值 = (select max(市��) from table)
1167
+ #### this is a nest sql.
1168
+ question = "哪个股票代码市值最高?"
1169
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1170
+ ic(question)
1171
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1172
+
1173
+ question = "市值的最大值是多少?"
1174
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1175
+ ic(question)
1176
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1177
+
1178
+
1179
+ question = "EPS大于0的股票有哪些?"
1180
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1181
+ ic(question)
1182
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1183
+
1184
+
1185
+ question = "EPS大于0且周涨跌大于5的平均市值是多少?"
1186
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1187
+ ic(question)
1188
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1189
+
1190
+
1191
+ train_df, _ = req[5]
1192
+ train_df
1193
+ question = "产能小于20、销量大于40而且市场占有率超过1的公司有哪些?"
1194
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1195
+ ic(question)
1196
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1197
+
1198
+
1199
+ #### 特殊符号 "、"
1200
+ question = "产能小于20而且销量大于40而且市场占有率超过1的公司有哪些?"
1201
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1202
+ ic(question)
1203
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1204
+
1205
+
1206
+ train_df, _ = req[6]
1207
+ train_df
1208
+ #### 加入列别名 只需要 复刻列即可
1209
+ question = "投资评级为维持的名称有哪些?"
1210
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1211
+ ic(question)
1212
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1213
+
1214
+
1215
+ train_df["公司"] = train_df["名称"]
1216
+ question = "投资评级为维持的公司有哪些?"
1217
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1218
+ ic(question)
1219
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1220
+
1221
+
1222
+ question = "投资评级为维持而且变动为增持的公司有哪些?"
1223
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1224
+ ic(question)
1225
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1226
+
1227
+
1228
+ question = "投资评级为维持或者变动为增持的公司有哪些?"
1229
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1230
+ ic(question)
1231
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1232
+
1233
+
1234
+ question = "投资评级为维持或者变动为增持的平均收盘价是多少?"
1235
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1236
+ ic(question)
1237
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1238
+
1239
+
1240
+ train_df, _ = req[7]
1241
+ train_df
1242
+ question = "宁波的一手房每周交易数据上周成交量是多少?"
1243
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1244
+ ic(question)
1245
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1246
+
1247
+
1248
+ question = "一手房每周交易数据为宁波上周成交量是多少?"
1249
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1250
+ ic(question)
1251
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1252
+
1253
+ #### this also can deal with set column as use kw to extract
1254
+ ### see function augment_kw_in_question
1255
+ train_df["城市"] = train_df["一手房每周交易数据"]
1256
+ question = "一手房每周交易数据为宁波上周成交量是多少?"
1257
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1258
+ ic(question)
1259
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1260
+
1261
+ question = "王翔知道宁波一手房的当月累计成交量是多少吗?"
1262
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1263
+ ic(question)
1264
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1265
+
1266
+
1267
+ question = "王翔知道上周成交量大于50的最大同比当月是多少吗?"
1268
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1269
+ ic(question)
1270
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1271
+
1272
+
1273
+ train_df, _ = req[9]
1274
+ #### the last column should be "周跌幅", can't tackle duplicates columns
1275
+ train_df
1276
+ cols = train_df.columns.tolist()
1277
+ cols[-1] = "周跌幅(%)"
1278
+ train_df.columns = cols
1279
+ question = "周涨幅大于7的涨股有哪些?"
1280
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1281
+ ic(question)
1282
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1283
+
1284
+
1285
+ #### not recognize as 6 agg-classifier
1286
+ question = "周涨幅大于7的涨股总数是多少?"
1287
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1288
+ ic(question)
1289
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
1290
+
1291
+
1292
+ question = "周涨幅大于7的涨股总共有多少个?"
1293
+ qs_df = pd.DataFrame([[question]], columns = ["question"])
1294
+ ic(question)
1295
+ ic(full_before_cat_decomp(train_df, qs_df, only_req_columns=True))
JointBERT-master/.gitignore ADDED
@@ -0,0 +1,114 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Byte-compiled / optimized / DLL files
2
+ __pycache__/
3
+ *.py[cod]
4
+ *$py.class
5
+
6
+ # C extensions
7
+ *.so
8
+
9
+ # Distribution / packaging
10
+ .Python
11
+ build/
12
+ develop-eggs/
13
+ dist/
14
+ downloads/
15
+ eggs/
16
+ .eggs/
17
+ lib/
18
+ lib64/
19
+ parts/
20
+ sdist/
21
+ var/
22
+ wheels/
23
+ *.egg-info/
24
+ .installed.cfg
25
+ *.egg
26
+ MANIFEST
27
+
28
+ # PyInstaller
29
+ # Usually these files are written by a python script from a template
30
+ # before PyInstaller builds the exe, so as to inject date/other infos into it.
31
+ *.manifest
32
+ *.spec
33
+
34
+ # Installer logs
35
+ pip-log.txt
36
+ pip-delete-this-directory.txt
37
+
38
+ # Unit test / coverage reports
39
+ htmlcov/
40
+ .tox/
41
+ .coverage
42
+ .coverage.*
43
+ .cache
44
+ nosetests.xml
45
+ coverage.xml
46
+ *.cover
47
+ .hypothesis/
48
+ .pytest_cache/
49
+
50
+ # Translations
51
+ *.mo
52
+ *.pot
53
+
54
+ # Django stuff:
55
+ *.log
56
+ local_settings.py
57
+ db.sqlite3
58
+
59
+ # Flask stuff:
60
+ instance/
61
+ .webassets-cache
62
+
63
+ # Scrapy stuff:
64
+ .scrapy
65
+
66
+ # Sphinx documentation
67
+ docs/_build/
68
+
69
+ # PyBuilder
70
+ target/
71
+
72
+ # Jupyter Notebook
73
+ .ipynb_checkpoints
74
+
75
+ # pyenv
76
+ .python-version
77
+
78
+ # celery beat schedule file
79
+ celerybeat-schedule
80
+
81
+ # SageMath parsed files
82
+ *.sage.py
83
+
84
+ # Environments
85
+ .env
86
+ .venv
87
+ env/
88
+ venv/
89
+ ENV/
90
+ env.bak/
91
+ venv.bak/
92
+
93
+ # Spyder project settings
94
+ .spyderproject
95
+ .spyproject
96
+
97
+ # Rope project settings
98
+ .ropeproject
99
+
100
+ # mkdocs documentation
101
+ /site
102
+
103
+ # mypy
104
+ .mypy_cache/
105
+
106
+ ###################################
107
+ .vscode/
108
+ .idea/
109
+ snips_model/
110
+ atis_model/
111
+
112
+ .DS_Store
113
+ cached*
114
+ sample_pred_out.txt
JointBERT-master/LICENSE ADDED
@@ -0,0 +1,201 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Apache License
2
+ Version 2.0, January 2004
3
+ http://www.apache.org/licenses/
4
+
5
+ TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION
6
+
7
+ 1. Definitions.
8
+
9
+ "License" shall mean the terms and conditions for use, reproduction,
10
+ and distribution as defined by Sections 1 through 9 of this document.
11
+
12
+ "Licensor" shall mean the copyright owner or entity authorized by
13
+ the copyright owner that is granting the License.
14
+
15
+ "Legal Entity" shall mean the union of the acting entity and all
16
+ other entities that control, are controlled by, or are under common
17
+ control with that entity. For the purposes of this definition,
18
+ "control" means (i) the power, direct or indirect, to cause the
19
+ direction or management of such entity, whether by contract or
20
+ otherwise, or (ii) ownership of fifty percent (50%) or more of the
21
+ outstanding shares, or (iii) beneficial ownership of such entity.
22
+
23
+ "You" (or "Your") shall mean an individual or Legal Entity
24
+ exercising permissions granted by this License.
25
+
26
+ "Source" form shall mean the preferred form for making modifications,
27
+ including but not limited to software source code, documentation
28
+ source, and configuration files.
29
+
30
+ "Object" form shall mean any form resulting from mechanical
31
+ transformation or translation of a Source form, including but
32
+ not limited to compiled object code, generated documentation,
33
+ and conversions to other media types.
34
+
35
+ "Work" shall mean the work of authorship, whether in Source or
36
+ Object form, made available under the License, as indicated by a
37
+ copyright notice that is included in or attached to the work
38
+ (an example is provided in the Appendix below).
39
+
40
+ "Derivative Works" shall mean any work, whether in Source or Object
41
+ form, that is based on (or derived from) the Work and for which the
42
+ editorial revisions, annotations, elaborations, or other modifications
43
+ represent, as a whole, an original work of authorship. For the purposes
44
+ of this License, Derivative Works shall not include works that remain
45
+ separable from, or merely link (or bind by name) to the interfaces of,
46
+ the Work and Derivative Works thereof.
47
+
48
+ "Contribution" shall mean any work of authorship, including
49
+ the original version of the Work and any modifications or additions
50
+ to that Work or Derivative Works thereof, that is intentionally
51
+ submitted to Licensor for inclusion in the Work by the copyright owner
52
+ or by an individual or Legal Entity authorized to submit on behalf of
53
+ the copyright owner. For the purposes of this definition, "submitted"
54
+ means any form of electronic, verbal, or written communication sent
55
+ to the Licensor or its representatives, including but not limited to
56
+ communication on electronic mailing lists, source code control systems,
57
+ and issue tracking systems that are managed by, or on behalf of, the
58
+ Licensor for the purpose of discussing and improving the Work, but
59
+ excluding communication that is conspicuously marked or otherwise
60
+ designated in writing by the copyright owner as "Not a Contribution."
61
+
62
+ "Contributor" shall mean Licensor and any individual or Legal Entity
63
+ on behalf of whom a Contribution has been received by Licensor and
64
+ subsequently incorporated within the Work.
65
+
66
+ 2. Grant of Copyright License. Subject to the terms and conditions of
67
+ this License, each Contributor hereby grants to You a perpetual,
68
+ worldwide, non-exclusive, no-charge, royalty-free, irrevocable
69
+ copyright license to reproduce, prepare Derivative Works of,
70
+ publicly display, publicly perform, sublicense, and distribute the
71
+ Work and such Derivative Works in Source or Object form.
72
+
73
+ 3. Grant of Patent License. Subject to the terms and conditions of
74
+ this License, each Contributor hereby grants to You a perpetual,
75
+ worldwide, non-exclusive, no-charge, royalty-free, irrevocable
76
+ (except as stated in this section) patent license to make, have made,
77
+ use, offer to sell, sell, import, and otherwise transfer the Work,
78
+ where such license applies only to those patent claims licensable
79
+ by such Contributor that are necessarily infringed by their
80
+ Contribution(s) alone or by combination of their Contribution(s)
81
+ with the Work to which such Contribution(s) was submitted. If You
82
+ institute patent litigation against any entity (including a
83
+ cross-claim or counterclaim in a lawsuit) alleging that the Work
84
+ or a Contribution incorporated within the Work constitutes direct
85
+ or contributory patent infringement, then any patent licenses
86
+ granted to You under this License for that Work shall terminate
87
+ as of the date such litigation is filed.
88
+
89
+ 4. Redistribution. You may reproduce and distribute copies of the
90
+ Work or Derivative Works thereof in any medium, with or without
91
+ modifications, and in Source or Object form, provided that You
92
+ meet the following conditions:
93
+
94
+ (a) You must give any other recipients of the Work or
95
+ Derivative Works a copy of this License; and
96
+
97
+ (b) You must cause any modified files to carry prominent notices
98
+ stating that You changed the files; and
99
+
100
+ (c) You must retain, in the Source form of any Derivative Works
101
+ that You distribute, all copyright, patent, trademark, and
102
+ attribution notices from the Source form of the Work,
103
+ excluding those notices that do not pertain to any part of
104
+ the Derivative Works; and
105
+
106
+ (d) If the Work includes a "NOTICE" text file as part of its
107
+ distribution, then any Derivative Works that You distribute must
108
+ include a readable copy of the attribution notices contained
109
+ within such NOTICE file, excluding those notices that do not
110
+ pertain to any part of the Derivative Works, in at least one
111
+ of the following places: within a NOTICE text file distributed
112
+ as part of the Derivative Works; within the Source form or
113
+ documentation, if provided along with the Derivative Works; or,
114
+ within a display generated by the Derivative Works, if and
115
+ wherever such third-party notices normally appear. The contents
116
+ of the NOTICE file are for informational purposes only and
117
+ do not modify the License. You may add Your own attribution
118
+ notices within Derivative Works that You distribute, alongside
119
+ or as an addendum to the NOTICE text from the Work, provided
120
+ that such additional attribution notices cannot be construed
121
+ as modifying the License.
122
+
123
+ You may add Your own copyright statement to Your modifications and
124
+ may provide additional or different license terms and conditions
125
+ for use, reproduction, or distribution of Your modifications, or
126
+ for any such Derivative Works as a whole, provided Your use,
127
+ reproduction, and distribution of the Work otherwise complies with
128
+ the conditions stated in this License.
129
+
130
+ 5. Submission of Contributions. Unless You explicitly state otherwise,
131
+ any Contribution intentionally submitted for inclusion in the Work
132
+ by You to the Licensor shall be under the terms and conditions of
133
+ this License, without any additional terms or conditions.
134
+ Notwithstanding the above, nothing herein shall supersede or modify
135
+ the terms of any separate license agreement you may have executed
136
+ with Licensor regarding such Contributions.
137
+
138
+ 6. Trademarks. This License does not grant permission to use the trade
139
+ names, trademarks, service marks, or product names of the Licensor,
140
+ except as required for reasonable and customary use in describing the
141
+ origin of the Work and reproducing the content of the NOTICE file.
142
+
143
+ 7. Disclaimer of Warranty. Unless required by applicable law or
144
+ agreed to in writing, Licensor provides the Work (and each
145
+ Contributor provides its Contributions) on an "AS IS" BASIS,
146
+ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or
147
+ implied, including, without limitation, any warranties or conditions
148
+ of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A
149
+ PARTICULAR PURPOSE. You are solely responsible for determining the
150
+ appropriateness of using or redistributing the Work and assume any
151
+ risks associated with Your exercise of permissions under this License.
152
+
153
+ 8. Limitation of Liability. In no event and under no legal theory,
154
+ whether in tort (including negligence), contract, or otherwise,
155
+ unless required by applicable law (such as deliberate and grossly
156
+ negligent acts) or agreed to in writing, shall any Contributor be
157
+ liable to You for damages, including any direct, indirect, special,
158
+ incidental, or consequential damages of any character arising as a
159
+ result of this License or out of the use or inability to use the
160
+ Work (including but not limited to damages for loss of goodwill,
161
+ work stoppage, computer failure or malfunction, or any and all
162
+ other commercial damages or losses), even if such Contributor
163
+ has been advised of the possibility of such damages.
164
+
165
+ 9. Accepting Warranty or Additional Liability. While redistributing
166
+ the Work or Derivative Works thereof, You may choose to offer,
167
+ and charge a fee for, acceptance of support, warranty, indemnity,
168
+ or other liability obligations and/or rights consistent with this
169
+ License. However, in accepting such obligations, You may act only
170
+ on Your own behalf and on Your sole responsibility, not on behalf
171
+ of any other Contributor, and only if You agree to indemnify,
172
+ defend, and hold each Contributor harmless for any liability
173
+ incurred by, or claims asserted against, such Contributor by reason
174
+ of your accepting any such warranty or additional liability.
175
+
176
+ END OF TERMS AND CONDITIONS
177
+
178
+ APPENDIX: How to apply the Apache License to your work.
179
+
180
+ To apply the Apache License to your work, attach the following
181
+ boilerplate notice, with the fields enclosed by brackets "[]"
182
+ replaced with your own identifying information. (Don't include
183
+ the brackets!) The text should be enclosed in the appropriate
184
+ comment syntax for the file format. We also recommend that a
185
+ file or class name and description of purpose be included on the
186
+ same "printed page" as the copyright notice for easier
187
+ identification within third-party archives.
188
+
189
+ Copyright [yyyy] [name of copyright owner]
190
+
191
+ Licensed under the Apache License, Version 2.0 (the "License");
192
+ you may not use this file except in compliance with the License.
193
+ You may obtain a copy of the License at
194
+
195
+ http://www.apache.org/licenses/LICENSE-2.0
196
+
197
+ Unless required by applicable law or agreed to in writing, software
198
+ distributed under the License is distributed on an "AS IS" BASIS,
199
+ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
200
+ See the License for the specific language governing permissions and
201
+ limitations under the License.
JointBERT-master/README.md ADDED
@@ -0,0 +1,96 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # JointBERT
2
+
3
+ (Unofficial) Pytorch implementation of `JointBERT`: [BERT for Joint Intent Classification and Slot Filling](https://arxiv.org/abs/1902.10909)
4
+
5
+ ## Model Architecture
6
+
7
+ <p float="left" align="center">
8
+ <img width="600" src="https://user-images.githubusercontent.com/28896432/68875755-b2f92900-0746-11ea-8819-401d60e4185f.png" />
9
+ </p>
10
+
11
+ - Predict `intent` and `slot` at the same time from **one BERT model** (=Joint model)
12
+ - total_loss = intent_loss + coef \* slot_loss (Change coef with `--slot_loss_coef` option)
13
+ - **If you want to use CRF layer, give `--use_crf` option**
14
+
15
+ ## Dependencies
16
+
17
+ - python>=3.6
18
+ - torch==1.6.0
19
+ - transformers==3.0.2
20
+ - seqeval==0.0.12
21
+ - pytorch-crf==0.7.2
22
+
23
+ ## Dataset
24
+
25
+ | | Train | Dev | Test | Intent Labels | Slot Labels |
26
+ | ----- | ------ | --- | ---- | ------------- | ----------- |
27
+ | ATIS | 4,478 | 500 | 893 | 21 | 120 |
28
+ | Snips | 13,084 | 700 | 700 | 7 | 72 |
29
+
30
+ - The number of labels are based on the _train_ dataset.
31
+ - Add `UNK` for labels (For intent and slot labels which are only shown in _dev_ and _test_ dataset)
32
+ - Add `PAD` for slot label
33
+
34
+ ## Training & Evaluation
35
+
36
+ ```bash
37
+ $ python3 main.py --task {task_name} \
38
+ --model_type {model_type} \
39
+ --model_dir {model_dir_name} \
40
+ --do_train --do_eval \
41
+ --use_crf
42
+
43
+ # For ATIS
44
+ $ python3 main.py --task atis \
45
+ --model_type bert \
46
+ --model_dir atis_model \
47
+ --do_train --do_eval
48
+ # For Snips
49
+ $ python3 main.py --task snips \
50
+ --model_type bert \
51
+ --model_dir snips_model \
52
+ --do_train --do_eval
53
+ ```
54
+
55
+ ## Prediction
56
+
57
+ ```bash
58
+ $ python3 predict.py --input_file {INPUT_FILE_PATH} --output_file {OUTPUT_FILE_PATH} --model_dir {SAVED_CKPT_PATH}
59
+ ```
60
+
61
+ ## Results
62
+
63
+ - Run 5 ~ 10 epochs (Record the best result)
64
+ - Only test with `uncased` model
65
+ - ALBERT xxlarge sometimes can't converge well for slot prediction.
66
+
67
+ | | | Intent acc (%) | Slot F1 (%) | Sentence acc (%) |
68
+ | --------- | ---------------- | -------------- | ----------- | ---------------- |
69
+ | **Snips** | BERT | **99.14** | 96.90 | 93.00 |
70
+ | | BERT + CRF | 98.57 | **97.24** | **93.57** |
71
+ | | DistilBERT | 98.00 | 96.10 | 91.00 |
72
+ | | DistilBERT + CRF | 98.57 | 96.46 | 91.85 |
73
+ | | ALBERT | 98.43 | 97.16 | 93.29 |
74
+ | | ALBERT + CRF | 99.00 | 96.55 | 92.57 |
75
+ | **ATIS** | BERT | 97.87 | 95.59 | 88.24 |
76
+ | | BERT + CRF | **97.98** | 95.93 | 88.58 |
77
+ | | DistilBERT | 97.76 | 95.50 | 87.68 |
78
+ | | DistilBERT + CRF | 97.65 | 95.89 | 88.24 |
79
+ | | ALBERT | 97.64 | 95.78 | 88.13 |
80
+ | | ALBERT + CRF | 97.42 | **96.32** | **88.69** |
81
+
82
+ ## Updates
83
+
84
+ - 2019/12/03: Add DistilBert and RoBERTa result
85
+ - 2019/12/14: Add Albert (large v1) result
86
+ - 2019/12/22: Available to predict sentences
87
+ - 2019/12/26: Add Albert (xxlarge v1) result
88
+ - 2019/12/29: Add CRF option
89
+ - 2019/12/30: Available to check `sentence-level semantic frame accuracy`
90
+ - 2020/01/23: Only show the result related with uncased model
91
+ - 2020/04/03: Update with new prediction code
92
+
93
+ ## References
94
+
95
+ - [Huggingface Transformers](https://github.com/huggingface/transformers)
96
+ - [pytorch-crf](https://github.com/kmkurn/pytorch-crf)
JointBERT-master/__pycache__/data_loader.cpython-37.pyc ADDED
Binary file (8.63 kB). View file
 
JointBERT-master/__pycache__/data_loader.cpython-38.pyc ADDED
Binary file (8.51 kB). View file
 
JointBERT-master/__pycache__/main.cpython-37.pyc ADDED
Binary file (3.32 kB). View file
 
JointBERT-master/__pycache__/main.cpython-38.pyc ADDED
Binary file (3.35 kB). View file
 
JointBERT-master/__pycache__/predict.cpython-37.pyc ADDED
Binary file (5.62 kB). View file
 
JointBERT-master/__pycache__/predict.cpython-38.pyc ADDED
Binary file (5.63 kB). View file
 
JointBERT-master/__pycache__/trainer.cpython-37.pyc ADDED
Binary file (7.69 kB). View file
 
JointBERT-master/__pycache__/trainer.cpython-38.pyc ADDED
Binary file (7.67 kB). View file
 
JointBERT-master/__pycache__/utils.cpython-37.pyc ADDED
Binary file (3.8 kB). View file
 
JointBERT-master/__pycache__/utils.cpython-38.pyc ADDED
Binary file (3.84 kB). View file
 
JointBERT-master/data/atis/dev/label ADDED
@@ -0,0 +1,500 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ atis_flight
2
+ atis_flight
3
+ atis_flight
4
+ atis_flight
5
+ atis_flight
6
+ atis_flight
7
+ atis_flight
8
+ atis_flight
9
+ atis_flight
10
+ atis_flight
11
+ atis_flight
12
+ atis_airfare
13
+ atis_flight
14
+ atis_airfare
15
+ atis_flight
16
+ atis_flight
17
+ atis_flight
18
+ atis_flight
19
+ atis_restriction
20
+ atis_ground_service
21
+ atis_abbreviation
22
+ atis_flight
23
+ atis_flight
24
+ atis_flight
25
+ atis_flight
26
+ atis_flight
27
+ atis_flight
28
+ atis_flight
29
+ atis_flight
30
+ atis_flight
31
+ atis_flight
32
+ atis_aircraft
33
+ atis_flight
34
+ atis_flight
35
+ atis_flight
36
+ atis_flight
37
+ atis_airfare
38
+ atis_flight
39
+ atis_flight
40
+ atis_flight
41
+ atis_flight
42
+ atis_airline
43
+ atis_flight
44
+ atis_flight
45
+ atis_flight
46
+ atis_flight
47
+ atis_flight
48
+ atis_flight
49
+ atis_flight
50
+ atis_quantity
51
+ atis_flight_time
52
+ atis_flight
53
+ atis_flight
54
+ atis_flight
55
+ atis_flight
56
+ atis_ground_service
57
+ atis_flight
58
+ atis_flight
59
+ atis_flight
60
+ atis_flight_time
61
+ atis_flight
62
+ atis_flight_time
63
+ atis_distance
64
+ atis_aircraft
65
+ atis_flight
66
+ atis_flight#atis_airfare
67
+ atis_flight
68
+ atis_flight
69
+ atis_airfare
70
+ atis_flight
71
+ atis_airfare
72
+ atis_flight
73
+ atis_flight
74
+ atis_flight
75
+ atis_flight
76
+ atis_quantity
77
+ atis_flight_time
78
+ atis_ground_service
79
+ atis_flight
80
+ atis_flight
81
+ atis_flight
82
+ atis_flight
83
+ atis_flight
84
+ atis_ground_service
85
+ atis_flight
86
+ atis_flight
87
+ atis_flight
88
+ atis_ground_fare
89
+ atis_flight
90
+ atis_flight_time
91
+ atis_flight
92
+ atis_capacity
93
+ atis_flight
94
+ atis_flight
95
+ atis_flight_time
96
+ atis_flight
97
+ atis_flight
98
+ atis_airfare
99
+ atis_airfare
100
+ atis_flight
101
+ atis_flight
102
+ atis_flight
103
+ atis_flight
104
+ atis_flight
105
+ atis_flight
106
+ atis_flight
107
+ atis_flight
108
+ atis_flight
109
+ atis_flight
110
+ atis_flight
111
+ atis_flight
112
+ atis_flight
113
+ atis_flight
114
+ atis_flight
115
+ atis_flight
116
+ atis_flight
117
+ atis_flight
118
+ atis_flight
119
+ atis_airfare
120
+ atis_flight
121
+ atis_flight
122
+ atis_flight
123
+ atis_flight
124
+ atis_flight
125
+ atis_flight
126
+ atis_flight
127
+ atis_aircraft
128
+ atis_abbreviation
129
+ atis_airfare
130
+ atis_flight
131
+ atis_flight
132
+ atis_flight
133
+ atis_flight
134
+ atis_flight
135
+ atis_airline
136
+ atis_flight
137
+ atis_abbreviation
138
+ atis_flight
139
+ atis_airfare
140
+ atis_airfare
141
+ atis_airfare
142
+ atis_flight
143
+ atis_airfare
144
+ atis_airfare
145
+ atis_flight
146
+ atis_flight
147
+ atis_airfare
148
+ atis_flight
149
+ atis_flight
150
+ atis_airline
151
+ atis_airfare
152
+ atis_flight
153
+ atis_flight
154
+ atis_flight
155
+ atis_flight
156
+ atis_flight
157
+ atis_flight
158
+ atis_flight
159
+ atis_flight
160
+ atis_flight
161
+ atis_flight
162
+ atis_airfare
163
+ atis_airline
164
+ atis_quantity
165
+ atis_flight
166
+ atis_flight
167
+ atis_flight
168
+ atis_aircraft
169
+ atis_flight
170
+ atis_flight
171
+ atis_city
172
+ atis_quantity
173
+ atis_flight
174
+ atis_flight
175
+ atis_flight
176
+ atis_flight
177
+ atis_flight
178
+ atis_flight
179
+ atis_flight
180
+ atis_airfare
181
+ atis_airfare
182
+ atis_flight
183
+ atis_flight
184
+ atis_flight
185
+ atis_flight
186
+ atis_flight
187
+ atis_flight
188
+ atis_flight
189
+ atis_airline
190
+ atis_airfare
191
+ atis_flight
192
+ atis_flight
193
+ atis_flight
194
+ atis_quantity
195
+ atis_flight
196
+ atis_flight
197
+ atis_flight
198
+ atis_flight
199
+ atis_flight
200
+ atis_flight
201
+ atis_flight
202
+ atis_flight
203
+ atis_flight
204
+ atis_flight
205
+ atis_flight
206
+ atis_flight
207
+ atis_flight
208
+ atis_flight
209
+ atis_flight
210
+ atis_airfare
211
+ atis_aircraft
212
+ atis_flight
213
+ atis_flight
214
+ atis_ground_service
215
+ atis_airport
216
+ atis_flight
217
+ atis_flight
218
+ atis_airfare
219
+ atis_flight
220
+ atis_flight
221
+ atis_flight
222
+ atis_abbreviation
223
+ atis_flight
224
+ atis_flight_time
225
+ atis_airline
226
+ atis_quantity
227
+ atis_flight
228
+ atis_flight
229
+ atis_flight
230
+ atis_flight
231
+ atis_flight
232
+ atis_flight
233
+ atis_flight
234
+ atis_flight
235
+ atis_flight
236
+ atis_flight
237
+ atis_airfare
238
+ atis_flight
239
+ atis_ground_service
240
+ atis_flight
241
+ atis_flight
242
+ atis_flight
243
+ atis_flight
244
+ atis_ground_service
245
+ atis_flight
246
+ atis_flight
247
+ atis_flight
248
+ atis_flight
249
+ atis_abbreviation
250
+ atis_flight
251
+ atis_flight_time
252
+ atis_flight
253
+ atis_flight
254
+ atis_abbreviation
255
+ atis_aircraft
256
+ atis_flight
257
+ atis_flight
258
+ atis_flight
259
+ atis_flight
260
+ atis_airfare
261
+ atis_airline
262
+ atis_flight
263
+ atis_flight
264
+ atis_aircraft
265
+ atis_flight
266
+ atis_ground_service
267
+ atis_flight
268
+ atis_flight
269
+ atis_flight
270
+ atis_flight
271
+ atis_flight
272
+ atis_flight_time
273
+ atis_flight
274
+ atis_flight
275
+ atis_ground_service
276
+ atis_ground_service
277
+ atis_airfare
278
+ atis_distance
279
+ atis_flight
280
+ atis_flight
281
+ atis_ground_service
282
+ atis_airfare
283
+ atis_ground_service
284
+ atis_flight
285
+ atis_flight
286
+ atis_flight
287
+ atis_flight
288
+ atis_flight
289
+ atis_airline
290
+ atis_flight
291
+ atis_flight
292
+ atis_flight
293
+ atis_ground_service
294
+ atis_abbreviation
295
+ atis_flight
296
+ atis_flight
297
+ atis_flight
298
+ atis_flight
299
+ atis_flight
300
+ atis_aircraft
301
+ atis_flight
302
+ atis_flight
303
+ atis_flight
304
+ atis_flight
305
+ atis_flight
306
+ atis_flight
307
+ atis_airfare
308
+ atis_flight
309
+ atis_flight
310
+ atis_flight
311
+ atis_flight
312
+ atis_flight
313
+ atis_flight
314
+ atis_flight
315
+ atis_flight
316
+ atis_flight
317
+ atis_flight
318
+ atis_flight
319
+ atis_flight
320
+ atis_flight
321
+ atis_flight
322
+ atis_flight
323
+ atis_abbreviation
324
+ atis_flight
325
+ atis_airfare
326
+ atis_flight
327
+ atis_abbreviation
328
+ atis_flight
329
+ atis_abbreviation
330
+ atis_flight
331
+ atis_flight
332
+ atis_flight
333
+ atis_flight
334
+ atis_quantity
335
+ atis_flight
336
+ atis_airfare
337
+ atis_airfare
338
+ atis_flight
339
+ atis_flight
340
+ atis_flight
341
+ atis_flight
342
+ atis_abbreviation
343
+ atis_flight
344
+ atis_flight
345
+ atis_flight
346
+ atis_flight
347
+ atis_flight
348
+ atis_flight
349
+ atis_flight
350
+ atis_flight
351
+ atis_airfare
352
+ atis_flight
353
+ atis_flight
354
+ atis_flight
355
+ atis_flight
356
+ atis_flight
357
+ atis_flight
358
+ atis_flight
359
+ atis_flight
360
+ atis_airline
361
+ atis_flight
362
+ atis_flight
363
+ atis_ground_service
364
+ atis_flight
365
+ atis_flight
366
+ atis_flight
367
+ atis_flight
368
+ atis_flight
369
+ atis_flight
370
+ atis_flight
371
+ atis_flight
372
+ atis_flight
373
+ atis_flight
374
+ atis_flight
375
+ atis_flight
376
+ atis_airfare
377
+ atis_flight
378
+ atis_flight
379
+ atis_ground_service
380
+ atis_airline
381
+ atis_flight
382
+ atis_ground_service
383
+ atis_flight
384
+ atis_aircraft
385
+ atis_flight
386
+ atis_abbreviation
387
+ atis_flight
388
+ atis_flight
389
+ atis_ground_service
390
+ atis_flight
391
+ atis_airfare
392
+ atis_flight
393
+ atis_abbreviation
394
+ atis_airport
395
+ atis_flight
396
+ atis_flight
397
+ atis_ground_service
398
+ atis_flight
399
+ atis_abbreviation
400
+ atis_flight
401
+ atis_ground_service
402
+ atis_flight
403
+ atis_airline
404
+ atis_flight
405
+ atis_airline
406
+ atis_quantity
407
+ atis_flight
408
+ atis_flight
409
+ atis_flight
410
+ atis_flight
411
+ atis_abbreviation
412
+ atis_flight
413
+ atis_airline
414
+ atis_airfare
415
+ atis_quantity
416
+ atis_flight
417
+ atis_flight
418
+ atis_airfare#atis_flight_time
419
+ atis_airline
420
+ atis_ground_service
421
+ atis_distance
422
+ atis_flight
423
+ atis_flight
424
+ atis_ground_service
425
+ atis_flight
426
+ atis_flight
427
+ atis_flight
428
+ atis_flight
429
+ atis_flight
430
+ atis_flight
431
+ atis_abbreviation
432
+ atis_flight
433
+ atis_flight
434
+ atis_flight
435
+ atis_flight
436
+ atis_flight
437
+ atis_flight
438
+ atis_flight
439
+ atis_flight
440
+ atis_flight
441
+ atis_flight
442
+ atis_airfare
443
+ atis_flight
444
+ atis_airline
445
+ atis_flight
446
+ atis_airfare
447
+ atis_flight
448
+ atis_flight
449
+ atis_airfare
450
+ atis_flight
451
+ atis_airport
452
+ atis_flight
453
+ atis_flight
454
+ atis_flight
455
+ atis_flight#atis_airfare
456
+ atis_airline
457
+ atis_flight
458
+ atis_ground_service
459
+ atis_flight
460
+ atis_flight
461
+ atis_flight
462
+ atis_flight
463
+ atis_flight
464
+ atis_flight
465
+ atis_flight
466
+ atis_flight
467
+ atis_ground_service
468
+ atis_ground_service
469
+ atis_flight
470
+ atis_abbreviation
471
+ atis_airline
472
+ atis_ground_fare
473
+ atis_flight
474
+ atis_flight
475
+ atis_flight
476
+ atis_flight
477
+ atis_flight
478
+ atis_airline
479
+ atis_flight
480
+ atis_flight
481
+ atis_flight
482
+ atis_aircraft
483
+ atis_flight
484
+ atis_ground_fare
485
+ atis_aircraft
486
+ atis_flight
487
+ atis_flight
488
+ atis_flight
489
+ atis_flight
490
+ atis_flight
491
+ atis_airfare
492
+ atis_quantity
493
+ atis_flight
494
+ atis_flight
495
+ atis_flight
496
+ atis_flight
497
+ atis_flight
498
+ atis_flight
499
+ atis_ground_service
500
+ atis_flight
JointBERT-master/data/atis/dev/seq.in ADDED
@@ -0,0 +1,500 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ i want to fly from boston at 838 am and arrive in denver at 1110 in the morning
2
+ show me all round trip flights between houston and las vegas
3
+ i would like some information on a flight from denver to san francisco on united airlines
4
+ what are the coach flights between dallas and baltimore leaving august tenth and returning august twelve
5
+ i'm flying from boston to the bay area
6
+ okay can you tell me the flight cost between denver and atlanta
7
+ from montreal to las vegas
8
+ what is the earliest breakfast flight from philadelphia to fort worth
9
+ flights from pittsburgh to baltimore between 10 am and 2 pm
10
+ what is the latest flight departing from boston to san francisco
11
+ flights from ontario to florida
12
+ i would like to know the first class fare on a flight from baltimore to denver
13
+ okay that sounds great let's go from atlanta on april twenty one in the morning to dallas least expensive fare one way
14
+ show me the prices of all flights from atlanta to washington dc
15
+ flights from cincinnati to o'hare departing after 718 am american
16
+ i'm interested in a flight from pittsburgh to atlanta
17
+ 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
18
+ i'm looking for a flight from oakland to denver with a stopover in dallas fort worth
19
+ what's restriction ap68
20
+ what types of ground transportation are available in philadelphia
21
+ what does the abbreviation co mean
22
+ a first class flight on american to san francisco on the coming tuesday
23
+ please list the flights from baltimore to san francisco on fridays
24
+ what flights return from denver to philadelphia on a saturday
25
+ on united airlines flying from denver to san francisco before 10 am what type of aircraft is used
26
+ i need a flight from atlanta to baltimore nonstop arriving at 7 pm please
27
+ what are the cheapest round trip flights from denver to atlanta
28
+ does continental fly from denver to san francisco
29
+ i would like a nonstop flight from st. petersburg to charlotte leaving in the afternoon
30
+ on continental airlines any class service from san francisco to pittsburgh
31
+ find me the cheapest flight from boston to washington
32
+ 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
33
+ show me the northwest flights from detroit to st. petersburg
34
+ morning flights from pittsburgh to atlanta on wednesday
35
+ show me flights first class from san francisco to pittsburgh leaving on tuesday after 8 o'clock in the morning and before 12 noon
36
+ what's the most expensive way i can fly to washington
37
+ show me the cheapest one way fare from baltimore to dallas
38
+ flights from boston flights from philadelphia to boston on monday
39
+ list nonstop flights from houston to dallas which arrive before midnight
40
+ i need a flight to seattle leaving from baltimore making a stop in minneapolis
41
+ philadelphia to san francisco please
42
+ airline that stands for dl
43
+ i'd like a cheap flight from dallas to baltimore on january first
44
+ what flights are available friday from san francisco to boston
45
+ show me saturday and sunday's flights from milwaukee to phoenix on american airlines
46
+ what flights from st. paul to kansas city on friday with lunch served
47
+ what flights from toronto to philadelphia
48
+ what flights leave from atlanta to boston on june twenty ninth in the afternoon
49
+ what flights leave la guardia for san jose and arrive 10 pm
50
+ list the total number of flights to all airports by delta
51
+ can you tell me the time a flight would leave from atlanta to boston in the afternoon
52
+ show me the united airlines flights from denver to baltimore leaving on june fourteenth
53
+ please list all flights from dallas to philadelphia on monday
54
+ show me the flights from cleveland to memphis
55
+ please give me flights from atlanta to boston on wednesday and thursday
56
+ show me ground transportation in philadelphia on monday morning
57
+ what delta leaves boston for atlanta
58
+ 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
59
+ show me flights from boston to washington leaving july fifteen
60
+ i would like the time of your earliest flight in the morning from philadelphia to washington on american airlines
61
+ show me the flights from baltimore to boston
62
+ please list the flight schedule from baltimore to san francisco on friday nights
63
+ how long is a trip from philadelphia airport to downtown philadelphia
64
+ sure i'd like to determine what aircraft are use on july seventh leaving from boston and arriving in atlanta on july seventh
65
+ baltimore to philadelphia
66
+ what are the flights and fares from atlanta to philadelphia
67
+ united airlines flights stopping in denver
68
+ what flights are available wednesday afternoon from denver to san francisco
69
+ round trip fares from denver to philadelphia less than 1000 dollars
70
+ list the first class flights from baltimore to denver
71
+ what are the fares from newark to la monday and wednesday
72
+ what flights from chicago to kansas city
73
+ please show me flights from dallas to atlanta on monday
74
+ flights to baltimore
75
+ show me the latest flight to love field
76
+ how many of delta's night flights are first class
77
+ on united airlines give me the flight times from boston to dallas
78
+ show me the ground transportation schedule in philadelphia in the morning on wednesday
79
+ what is the last flight from boston to atlanta
80
+ what flights fly from denver to san francisco on monday tuesday wednesday thursday and friday
81
+ show me the flights from boston to philadelphia
82
+ i also need to go to san francisco on wednesday evening from dallas
83
+ from kansas city to salt lake city on delta arrive around 8 pm tomorrow
84
+ in new york i'll need to rent a car
85
+ show me flights from denver to boston on thursday
86
+ i would like to book a flight from charlotte to baltimore on april eighth
87
+ flights from oakland to san francisco on january twenty first 1992
88
+ how much is a limousine between dallas fort worth international airport and dallas
89
+ is there a flight from boston to san francisco making a stopover in dallas fort worth
90
+ what time are the flights from baltimore to san francisco
91
+ from las vegas to phoenix departing in the morning
92
+ how many passengers can a boeing 737 hold
93
+ i would like a flight that leaves on friday from philadelphia to dallas that makes a stop in atlanta
94
+ thank you for that information now i would like information on a flight on april sixteen from atlanta to philadelphia early in the morning
95
+ what time is the last flight from washington to san francisco
96
+ show me the least expensive flight leaving miami on sunday after 12 o'clock noon and arriving cleveland
97
+ what do you have tomorrow morning from pittsburgh to atlanta
98
+ how much is the cheapest flight from denver to pittsburgh
99
+ what is the cheapest one way fare from pittsburgh to atlanta traveling on tuesday august twentieth
100
+ show me the flights from denver to san diego leaving after 5 pm
101
+ what is the latest first class flight of the day leaving dallas for san francisco
102
+ show me a list of flights from pittsburgh to baltimore on august third
103
+ show morning flights from san francisco to pittsburgh
104
+ what are the flights from memphis to tacoma
105
+ can you list all nonstop flights between st. petersburg and charlotte that leave in the afternoon and arrive soon after 5 pm
106
+ show me all united flights from denver to san francisco for september first 1991
107
+ are there wednesday morning flights between pittsburgh and boston
108
+ list all american airlines from milwaukee to phoenix on saturday
109
+ give me the flights on december twenty seventh with the fares from indianapolis to orlando
110
+ okay all right do you have a flight on united airlines from atlanta to washington
111
+ show flights from denver to oakland arriving between 12 and 1 o'clock
112
+ list all nonstop flights on sunday from tampa to charlotte
113
+ i would like to make a one way flight from boston to atlanta
114
+ is there a flight in the afternoon from philadelphia that arrives in the evening in denver
115
+ what is the first flight from atlanta to baltimore that serves lunch
116
+ list list flights between oakland and denver
117
+ please give me a flight from boston to atlanta before 10 am in the morning
118
+ list the nonstop flights early tuesday morning from dallas to atlanta
119
+ what's the lowest round trip fare from denver to pittsburgh
120
+ please arrange a flight for me from denver to san francisco on us air
121
+ i would like to see information for flights from san francisco leaving after 12 pm to pittsburgh on monday
122
+ show me the cheapest flight from pittsburgh to atlanta on wednesday which leaves before noon and serves breakfast
123
+ what is the earliest flight from washington to san francisco
124
+ list flights from pittsburgh to los angeles which leave on thursday after 5 pm
125
+ list the flights from new york to miami on a tuesday which are nonstop and cost less than 466 dollars
126
+ list flights from denver to san francisco no denver to philadelphia
127
+ i need to find a plane from boston to san francisco on friday
128
+ what does lax stand for
129
+ show prices for all flights from baltimore to dallas on july twenty ninth
130
+ what flights are available from boston to washington late monday evening or early tuesday morning
131
+ what flights from washington dc to toronto
132
+ all flights from boston to washington dc on november eleventh before 10 am
133
+ list all flights from denver to philadelphia
134
+ i need a list of late afternoon flights from st. louis to chicago
135
+ show me the airlines for flights to or from love field
136
+ do you have any flights from chicago to indianapolis
137
+ what does yn stand for
138
+ shortest flights from nashville to st. petersburg
139
+ what are the fares for flights between atlanta and dfw
140
+ list the fares of midway airlines flights from boston to philadelphia
141
+ round trip fares from denver to philadelphia less than 1000 dollars
142
+ is there a continental flight leaving from las vegas to new york nonstop
143
+ i need the cost of a ticket going from denver to baltimore a first class ticket on united airlines
144
+ show me fares from philadelphia to san francisco on thursday morning
145
+ show me the round trip flights between phoenix and salt lake city
146
+ show me all the flights from denver to baltimore arriving may tenth
147
+ find the cheapest one way fare from boston to san francisco
148
+ show me the flights from boston to san francisco
149
+ please show me the flights from boston to san francisco
150
+ show me the airlines from love field
151
+ show business class fares on us air from boston to toronto
152
+ what is the latest flight leaving las vegas for ontario
153
+ flights from las vegas to phoenix
154
+ does flight ua 270 from denver to philadelphia have a meal
155
+ what nonstop flights are available from oakland to philadelphia arriving between 5 and 6 pm
156
+ give me the flights for american airline from philadelphia to dallas
157
+ show me the evening flights from atlanta to washington on wednesdays
158
+ i would like a coach class seat on a flight leaving denver arriving atlanta
159
+ can you list all the flights between phoenix and las vegas
160
+ show me the qx fare flights between atlanta and oakland on delta airlines
161
+ what afternoon flights are available between denver and dallas fort worth
162
+ fares and flights from pittsburgh to philadelphia
163
+ can you tell me what airline flies between denver and san francisco
164
+ how many flights does each airline have with booking class k
165
+ 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
166
+ show me all direct flights from san francisco to boston departing before noon
167
+ i need a flight on thursday before 8 am from oakland to salt lake city
168
+ show me all the types of aircraft
169
+ i want a flight on continental from boston to san francisco
170
+ show flights from pittsburgh into san francisco
171
+ what city is mco
172
+ how many cities are served by american airline with first class flights
173
+ could you please show me all flights from charlotte to milwaukee
174
+ what flights depart san francisco after 4 pm and fly to washington via indianapolis
175
+ i would like to see the flights from denver to philadelphia
176
+ show me the flights that go from san diego to newark new jersey by way of houston
177
+ i would like information on flights from denver to san francisco after noon on wednesday
178
+ show me the flights from boston to pittsburgh
179
+ show me all flights from san diego to new york nonstop
180
+ show me the round trip tickets from baltimore to atlanta
181
+ show me the cheapest one way fares from san diego to miami
182
+ could you show me all weekday flights from phoenix to denver
183
+ i would like to fly from boston to philadelphia next thursday
184
+ i'm planning a trip to pittsburgh and i live in denver can you help me
185
+ i would like to find the least expensive flight from boston to denver
186
+ i would like to go from atlanta to denver on tuesday
187
+ atlanta to pittsburgh july twenty third
188
+ show me the flights from boston to atlanta
189
+ what airlines fly from burbank to denver
190
+ okay we're going from washington to denver first class ticket i'd like to know the cost of a first class ticket
191
+ i wish to book a flight from pittsburgh to atlanta coach discount fare
192
+ is it possible for me to fly from baltimore to san francisco
193
+ i want to fly from denver to san francisco with at least one stop
194
+ how many us air flights leave from washington
195
+ please list any flight available leaving oakland california tuesday arriving philadelphia wednesday
196
+ i'd like to find a flight from las vegas to detroit michigan that leaves in the afternoon on monday
197
+ are there any flights from denver to pittsburgh with stops in atlanta
198
+ i'd like to know the information from boston to philadelphia nonstop
199
+ show me all flights from denver to philadelphia on saturday after sunday which leave after noon
200
+ what are the flights from dallas to baltimore
201
+ do you have a flight from san francisco to atlanta around 8 am
202
+ what flights from seattle to salt lake city
203
+ what is the cheapest flight from boston to bwi
204
+ are there any flights from new york to los angeles which stop over in milwaukee
205
+ what is the earliest flight from oakland to washington dc on sunday
206
+ are there any turboprop flights from pittsburgh to baltimore on december seventeenth
207
+ show me the morning flights from boston to philadelphia
208
+ newark to cleveland daily
209
+ evening flights from philadelphia to oakland
210
+ show me prices and times for first class travel from baltimore to dallas next summer
211
+ what kind of plane flies from boston to pittsburgh after noon
212
+ i'd like to know what flights united airline has from dallas to san francisco
213
+ show me morning flights from toronto
214
+ what ground transportation is available at the boston airport
215
+ where do the flights from boston to oakland stop
216
+ show me the earliest flight from boston to san francisco
217
+ flights from la guardia or jfk to cleveland
218
+ find the cheapest one way fare from boston to san francisco
219
+ what are the flights from washington dc to denver
220
+ give me information on flights from atlanta to washington dc on wednesday after 4 pm and thursday before 9 am
221
+ flights between baltimore and washington dc
222
+ what fare codes cover flights from philadelphia to san francisco
223
+ are there any flights from boston to oakland that stop
224
+ list departure times from denver to philadelphia which are later than 10 o'clock and earlier than 2 pm
225
+ are there any airlines that have flights from boston to philadelphia that leave before 630 am
226
+ how many first class flights does united have today
227
+ please show me the flights available from san francisco to pittsburgh on tuesday
228
+ i'm in miami and i'd like to travel to las vegas on sunday
229
+ show me flights from denver to philadelphia
230
+ i would like to fly from pittsburgh to atlanta on us air at the latest time possible in the evening
231
+ show me all flights from dallas to pittsburgh which leave on monday after 8 o'clock am
232
+ are there any nonstop flights leaving from denver arriving in baltimore on july seventh
233
+ list round trip flights between boston and oakland using twa
234
+ what are the sunday flights from oakland to washington dc
235
+ what flights are there on sunday from seattle to minneapolis
236
+ what flights from las vegas to montreal on saturday
237
+ what is the fare on continental 271 from dallas to san francisco
238
+ show me flights denver to washington dc on thursday
239
+ what type of ground transportation is available at philadelphia airport
240
+ flights from phoenix to milwaukee on wednesday evening
241
+ show me the last flight from love field
242
+ can you list all flights that depart from orlando to kansas city
243
+ i want to fly from kansas city to chicago next wednesday arriving in the evening and returning the next day
244
+ what is the ground transportation available in the city of fort worth
245
+ i need a flight from baltimore to seattle that stops in minneapolis
246
+ what is the latest flight you have departing dallas to philadelphia
247
+ show me the flights from atlanta to philadelphia
248
+ show me the flights arriving at love field from other airports
249
+ what does ewr stand for
250
+ what flights from denver to salt lake city
251
+ please give me the flight times the morning on united airlines for september twentieth from philadelphia to san francisco
252
+ what is the earliest arrival in salt lake city of a flight from toronto
253
+ i'd like to see all the flights from boston to philadelphia
254
+ what is fare code c
255
+ what kind of aircraft does delta fly before 8 am on august second from boston to denver
256
+ flight from denver to san francisco in the afternoon
257
+ what is the first flight from boston to stapleton airport for tomorrow
258
+ i need to know what flights leave atlanta on sunday evening and arrive in baltimore
259
+ what are the flights from milwaukee to orlando on wednesday
260
+ what is the cheapest fare between denver and boston
261
+ what airlines have business class
262
+ i need a flight from san francisco to pittsburgh and then pittsburgh to new york and new york to san francisco
263
+ what flights are there between washington dc and san francisco leaving washington after 6 pm on wednesday
264
+ what type of aircraft does eastern fly from atlanta to denver before 6 pm
265
+ 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
266
+ what ground transportation is available at the baltimore airport
267
+ show me flights from atlanta to baltimore denver and dallas
268
+ what flights are there from minneapolis to chicago
269
+ flights from denver to pittsburgh on thursday
270
+ may i have a list of flights going from boston to denver on the twenty ninth of july
271
+ what flights are there between nashville and st. louis which are nonstop and arrive after noon and before 8 pm
272
+ please list the flight times for boston to pittsburgh
273
+ flight leaving from oakland to salt lake city
274
+ what are the different classes that an airline offers
275
+ could you tell me if there is ground transportation between the boston airport and boston downtown
276
+ ground transportation denver
277
+ what are the prices of the flights from atlanta to dallas in the morning
278
+ how long does it take to fly from boston to atlanta
279
+ please list the friday afternoon flights from san jose to dallas on american airlines
280
+ is there an american airlines flight in the evening from dallas to san francisco
281
+ what ground transportation is available in denver
282
+ show me the fares from dallas to san francisco
283
+ in pittsburgh i'd like to rent a car
284
+ 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
285
+ please give me flights from atlanta to boston on wednesday afternoon and thursday morning
286
+ can you list all flights leaving from st. louis and arriving in milwaukee
287
+ flights from montreal to las vegas
288
+ give me the flights from chicago to seattle on saturday morning
289
+ what is airline nw
290
+ i need a flight tonight from charlotte to las vegas with a stop in st. louis and i want dinner
291
+ what's the latest flight out of denver that arrives in pittsburgh next monday
292
+ please list the flights taking off and landing on general mitchell international airport
293
+ what limousine service is in boston
294
+ what is fare code y mean
295
+ are there delta flights leaving denver
296
+ on thursday i'd like a flight from st. petersburg to miami
297
+ when do planes leave boston for
298
+ what flights are there wednesday morning from atlanta to philadelphia
299
+ show me all flights from san francisco to boston philadelphia or baltimore
300
+ what type of aircraft is used on the first flight from philadelphia to dallas in the morning
301
+ what are the flights from pittsburgh to oakland
302
+ list the morning flights at a 124 dollars from atlanta to boston
303
+ all flights from miami to new york
304
+ show flights from denver to oakland
305
+ show flights from philadelphia to san francisco
306
+ i'd like a flight tomorrow late from nashville to houston with dinner please
307
+ show me all prices of economy from baltimore to dallas
308
+ i need a flight from montreal quebec to san diego california leaving this sunday
309
+ show me the cheapest one way flight from san francisco to boston leaving san francisco after 9 pm
310
+ does united airlines have flights between boston and denver
311
+ i would like to fly us air from orlando to cleveland in the late evening what do you have available
312
+ what are the flights from milwaukee to orlando on wednesday night
313
+ show me the flights from newark to los angeles
314
+ can you give me the evening flight on wednesday from washington to atlanta again
315
+ what are the flights and prices from la to charlotte for monday morning
316
+ what first class flights are available on july twenty fifth 1991 from denver to baltimore
317
+ show me all flights from pittsburgh to baltimore tomorrow which serve a meal
318
+ show me all the flights between philadelphia and denver
319
+ flights from phoenix to newark
320
+ all flights from pittsburgh to dallas round trip after 12 pm less than 100
321
+ thanks and what's the last flight back from washington to boston
322
+ show me the flights from boston to baltimore
323
+ what does fare code q mean
324
+ show me the flights arriving in baltimore from philadelphia at about 4 o'clock
325
+ what is the cheapest fare from baltimore to dallas in any class
326
+ give me all nonstops from new york to vegas that arrive on a sunday
327
+ what is sa
328
+ show me the flights from boston to san francisco
329
+ what does fare code qo mean
330
+ i need information on flights leaving dallas arriving in boston leaving dallas early in the morning
331
+ what is the earliest flight on thursday from atlanta to washington dc
332
+ what flights are available saturday to san francisco from dallas
333
+ i'd like to fly from boston to san francisco
334
+ how many flights does american airlines have from boston to atlanta
335
+ does midwest express have any flights from montreal to nashville
336
+ show me all economy prices from dallas to baltimore
337
+ and how much does it cost to travel from boston airport to downtown
338
+ all flights before 10 am boston denver
339
+ show me the flights that go from san diego to newark with one stop in houston
340
+ show me the earliest flight on wednesday from baltimore to newark
341
+ i'd like to book the cheapest one way flight from pittsburgh to atlanta on july twentieth
342
+ what does mco mean
343
+ show me all the flights from charlotte to cleveland
344
+ do you have a flight from salt lake city to st. petersburg
345
+ what is the earliest flight from boston to atlanta
346
+ i'd like a flight tomorrow from kansas city to newark in the morning
347
+ show me all flights from boston to detroit
348
+ show me the flights arriving in baltimore on june fifteenth leaving either from denver or dallas
349
+ show me the flights from love field to other airports
350
+ what is the earliest flight i can get from baltimore to boston
351
+ what is the round trip thrift fare on us air from boston to san francisco
352
+ show me flights from los angeles to pittsburgh on monday evening
353
+ i would like a flight from atlanta to denver
354
+ give me all the flights from memphis to charlotte
355
+ from philadelphia to toronto
356
+ newark to cleveland
357
+ list all american airline flights which leave phoenix on wednesday and stop at milwaukee
358
+ show me all flights from pittsburgh to baltimore tomorrow
359
+ is there a direct flight from denver to pittsburgh in the morning of august thirty first that is nonstop
360
+ which airline offers the cheapest rate going from dallas to baltimore on july fourth
361
+ does midwest express serve charlotte
362
+ show me all the flights from philadelphia to san francisco
363
+ ground transportation in denver
364
+ show me all flights from boston to dallas fort worth both direct and connecting that arrive before noon
365
+ show flights from philadelphia to dallas on saturday
366
+ and flights leaving from atlanta to oakland leaving after 5 pm
367
+ okay and on may four i would like to go from atlanta to denver leaving early in the morning around 8
368
+ all flights from boston to washington dc on november eleventh
369
+ what are the early morning flights from boston to denver
370
+ what is the cheapest flight from denver to pittsburgh leaving on september twenty eighth
371
+ flight from dallas to oakland california on monday
372
+ i would like to fly from dallas to san francisco on saturday and arrive in san francisco before 4 pm
373
+ morning flights out of san francisco arriving boston afternoon
374
+ i'd like to see flights from baltimore to atlanta that arrive before noon
375
+ 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
376
+ please give me the cheapest round trip airfare from atlanta to philadelphia on august the first
377
+ i would like information on flights from philadelphia to oakland california on friday afternoon
378
+ what afternoon flights are available from pittsburgh to atlanta on a weekday
379
+ show ground transportation in denver
380
+ please show me airlines with flights from denver to boston with stop in philadelphia
381
+ dallas to baltimore
382
+ rental cars in washington dc
383
+ does american airlines fly to san francisco from atlanta
384
+ kindly give me the type of aircraft used to fly from atlanta to denver
385
+ give me flights from denver to baltimore
386
+ what is fare class h
387
+ what is the earliest flight from washington to san francisco on friday that serves breakfast
388
+ what flights are there from atlanta to washington early on thursday mornings
389
+ what kind of ground transportation is there in dallas
390
+ could i have a list of flights in first class on monday from san francisco to pittsburgh starting at noon and afterwards
391
+ how much is a us air boston to pittsburgh daily nonstop flight
392
+ 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
393
+ what's fare code yn
394
+ airports in new york
395
+ 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
396
+ show me all overnight flights from washington dc to san francisco and list their fares
397
+ what ground transportation is there in atlanta
398
+ flights from pittsburgh to baltimore arriving between 4 and 5 pm
399
+ what does fare code qw mean
400
+ show flights from new york city to las vegas
401
+ i need information for ground transportation denver colorado
402
+ list the flight from philadelphia to san francisco on american airlines
403
+ show me the airlines for flights to or from love field
404
+ list nonstop flights from san francisco to oakland that depart in the afternoon
405
+ which airline serves denver pittsburgh and atlanta
406
+ how many first class flights does delta airlines have
407
+ please show flights arriving in philadelphia from denver
408
+ now show me the flights from pittsburgh to baltimore
409
+ show me flights from milwaukee to orlando on wednesday night or thursday morning
410
+ i would like to fly delta airlines from atlanta to pittsburgh
411
+ what is fare code f
412
+ what are the flights for united airlines on september twentieth in the morning
413
+ show all airlines with flights between denver and dallas
414
+ cheapest fare from nashville to seattle
415
+ how many flights does american airlines have with a class of service code f
416
+ find a nonstop flight between boston and washington arriving in washington around 5 pm
417
+ pittsburgh to baltimore please on january one
418
+ show me the costs and times for flights from san francisco to atlanta
419
+ what airlines fly from boston to denver
420
+ what ground transportation is there in atlanta
421
+ how far from the airport in the dallas fort worth airport is dallas
422
+ list all flights from tampa florida to miami that are the cheapest one way
423
+ show me the flights from philadelphia to baltimore
424
+ ground transportation in denver
425
+ please list all flights from atlanta to baltimore on wednesday and thursday
426
+ does flight dl 1083 from philadelphia to denver fly on saturdays
427
+ 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
428
+ i want to fly from boston to atlanta i would like the cheapest fare please
429
+ show me the flights from montreal to philly
430
+ what flights are available sunday afternoon from oakland to dallas
431
+ explain the restriction ap 80
432
+ i want to go from baltimore to san francisco with a stopover in denver
433
+ information on a flight from san francisco to philadelphia
434
+ shortest morning flights from cincinnati to tampa
435
+ what are the flights from boston to washington on october fifteenth 1991
436
+ what flights are there on wednesday evening from denver to sfo
437
+ show me a list of flights on american airlines from boston to dc on july twenty second
438
+ us air 269 leaving boston at 428 what is the arrival time in baltimore
439
+ i would like information on flights leaving early monday morning from atlanta to baltimore
440
+ now show me the flights from memphis to cleveland
441
+ what flights leave from nashville to phoenix
442
+ show me the air fare for the flights from baltimore to dallas
443
+ what are the flights from denver to san francisco
444
+ which airlines go from san francisco to washington by way of indianapolis
445
+ all flights from washington dc to san francisco on november twelfth
446
+ round trip fares from pittsburgh to philadelphia under 1000 dollars
447
+ show nonstop flights from new york to miami on a tuesday which cost less than 466 dollars one way
448
+ i'd like flights on american airlines from philadelphia to dallas arriving before 1145 am
449
+ show business class fares from san francisco to denver on united airlines
450
+ what is the earliest flight between logan and bwi
451
+ describe pittsburgh airport
452
+ show flights on us air from pittsburgh to oakland connecting through denver
453
+ list all nonstop flights on tuesday before noon from charlotte to baltimore
454
+ minneapolis to phoenix on monday
455
+ please list me the flights and their cost of all airlines flying from denver to baltimore
456
+ what airline uses the code hp
457
+ find a flight from san francisco to boston on wednesday
458
+ could you tell me about ground transportation arrangements from the dallas airport to downtown dallas
459
+ display all flights from pittsburgh to san francisco on august second
460
+ give me morning flights from charlotte to baltimore
461
+ anything from baltimore or washington with a stopover in denver going to san francisco
462
+ show me flights from boston to denver
463
+ show me the flights from columbus to charlotte
464
+ i need a flight from new york city to montreal thursday may six
465
+ philadelphia to san francisco
466
+ what is the earliest flight from boston to san francisco
467
+ is there a limousine service available from the pittsburgh airport
468
+ boston ground transportation
469
+ the earliest flight from boston to san francisco please that will be serving a meal
470
+ what does code qw mean
471
+ what airline is hp
472
+ what are the costs of car rental in dallas
473
+ show me the flights leaving saturday or sunday from milwaukee to phoenix
474
+ i'm interested in a flight from pittsburgh to atlanta
475
+ flights from kansas city to cleveland on wednesday
476
+ is there a nonstop flight from denver to san francisco
477
+ display all flights from san francisco to boston on august eighth
478
+ which airlines have flights between philadelphia and pittsburgh
479
+ i want to go from boston to atlanta on monday
480
+ what is the next flight from pittsburgh to san francisco after delta flight 1059
481
+ show me the least expensive flight from miami to cleveland on sunday after noon
482
+ what type of aircraft is used flying from atlanta to denver before 12 noon
483
+ show me all flights from boston to atlanta which leave atlanta after noon tomorrow
484
+ how much does it cost to rent a car in tacoma
485
+ what kind of airplane is flight ua 270 from denver to philadelphia
486
+ list all flights from boston to atlanta before 5 o'clock am on thursday
487
+ i'd like the earliest flight from dallas to boston
488
+ show me the flights on delta from atlanta in the morning
489
+ what flights from salt lake city to las vegas
490
+ show me the list of flights between philadelphia and denver that leave in the afternoon
491
+ what is the fare from atlanta to boston on coach one way
492
+ how many fares are there one way from tacoma to montreal
493
+ i would like to know some information on flights leaving philadelphia arriving in pittsburgh in the afternoon
494
+ what flights are available from pittsburgh to boston on wednesday of next week
495
+ is there a flight on continental airlines from boston to denver
496
+ pm flights dallas to atlanta
497
+ information on flights from baltimore to philadelphia
498
+ what flights from atlanta to st. louis on tuesday arriving around 230 pm
499
+ show me ground transportation in san francisco
500
+ what flights do you have from newark new jersey to ontario california that connect in phoenix
JointBERT-master/data/atis/dev/seq.out ADDED
@@ -0,0 +1,500 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 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
2
+ O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
3
+ 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
4
+ 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
5
+ O O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name
6
+ O O O O O O O O O B-fromloc.city_name O B-toloc.city_name
7
+ O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
8
+ O O O B-flight_mod B-meal_description O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
9
+ 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
10
+ O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
11
+ O O B-fromloc.city_name O B-toloc.state_name
12
+ 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
13
+ 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
14
+ O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
15
+ 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
16
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
17
+ 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
18
+ 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
19
+ O O B-restriction_code
20
+ O O O O O O O O B-city_name
21
+ O O O O B-airline_code O
22
+ 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
23
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
24
+ O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name
25
+ 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
26
+ 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
27
+ O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
28
+ O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
29
+ 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
30
+ O B-airline_name I-airline_name O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
31
+ O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name
32
+ 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
33
+ O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
34
+ B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
35
+ 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
36
+ O O B-cost_relative I-cost_relative O O O O O B-toloc.city_name
37
+ O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
38
+ O O B-fromloc.city_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
39
+ 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
40
+ O O O O O B-toloc.city_name O O B-fromloc.city_name O O O O B-stoploc.city_name
41
+ B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O
42
+ O O O O B-airline_code
43
+ 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
44
+ O O O O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
45
+ 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
46
+ 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
47
+ O O O B-fromloc.city_name O B-toloc.city_name
48
+ 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
49
+ 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
50
+ O O O O O O O O O O B-airline_name
51
+ 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
52
+ 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
53
+ O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
54
+ O O O O O B-fromloc.city_name O B-toloc.city_name
55
+ 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
56
+ O O O O O B-city_name O B-day_name B-period_of_day
57
+ O B-airline_name O B-fromloc.city_name O B-toloc.city_name
58
+ 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
59
+ O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
60
+ 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
61
+ O O O O O B-fromloc.city_name O B-toloc.city_name
62
+ 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
63
+ O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name
64
+ 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
65
+ B-fromloc.city_name O B-toloc.city_name
66
+ O O O O O O O B-fromloc.city_name O B-toloc.city_name
67
+ B-airline_name I-airline_name O O O B-stoploc.city_name
68
+ 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
69
+ 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
70
+ O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name
71
+ 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
72
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
73
+ O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
74
+ O O B-toloc.city_name
75
+ O O O B-flight_mod O O B-toloc.airport_name I-toloc.airport_name
76
+ O O O B-airline_name B-depart_time.period_of_day O O B-class_type I-class_type
77
+ 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
78
+ O O O O O O O B-city_name O O B-period_of_day O B-day_name
79
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
80
+ 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
81
+ O O O O O B-fromloc.city_name O B-toloc.city_name
82
+ 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
83
+ 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
84
+ O B-city_name I-city_name O O O O O B-transport_type
85
+ O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
86
+ 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
87
+ 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
88
+ 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
89
+ 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
90
+ O B-flight_time O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
91
+ O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_time.period_of_day
92
+ O O O O O O B-aircraft_code O
93
+ 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
94
+ 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
95
+ O B-flight_time O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
96
+ 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
97
+ 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
98
+ O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name
99
+ 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
100
+ 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
101
+ 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
102
+ 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
103
+ O B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
104
+ O O O O O B-fromloc.city_name O B-toloc.city_name
105
+ 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
106
+ 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
107
+ O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
108
+ O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
109
+ 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
110
+ 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
111
+ 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
112
+ O O B-flight_stop O O B-arrive_date.day_name O B-fromloc.city_name O B-toloc.city_name
113
+ O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
114
+ 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
115
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description
116
+ O O O O B-fromloc.city_name O B-toloc.city_name
117
+ 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
118
+ 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
119
+ O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
120
+ 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
121
+ 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
122
+ 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
123
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
124
+ 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
125
+ 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
126
+ 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
127
+ 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
128
+ O O B-airport_code O O
129
+ 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
130
+ 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
131
+ O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
132
+ 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
133
+ O O O O B-fromloc.city_name O B-toloc.city_name
134
+ 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
135
+ O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name
136
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
137
+ O O B-fare_basis_code O O
138
+ B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
139
+ O O O O O O O B-fromloc.city_name O B-toloc.airport_code
140
+ O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name
141
+ 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
142
+ 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
143
+ 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
144
+ 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
145
+ 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
146
+ 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
147
+ 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
148
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
149
+ O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
150
+ O O O O O B-fromloc.airport_name I-fromloc.airport_name
151
+ 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
152
+ O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
153
+ O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
154
+ O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O O B-meal
155
+ 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
156
+ O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
157
+ 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
158
+ O O O O B-class_type I-class_type O O O O O B-fromloc.city_name O B-toloc.city_name
159
+ O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
160
+ 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
161
+ 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
162
+ O O O O B-fromloc.city_name O B-toloc.city_name
163
+ O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
164
+ O O O O O O O O O O B-fare_basis_code
165
+ 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
166
+ 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
167
+ 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
168
+ O O O O O O O
169
+ O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
170
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
171
+ O O O B-airport_code
172
+ O O O O O O B-airline_name I-airline_name O B-class_type I-class_type O
173
+ O O O O O O O O B-fromloc.city_name O B-toloc.city_name
174
+ 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
175
+ O O O O O O O O B-fromloc.city_name O B-toloc.city_name
176
+ 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
177
+ 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
178
+ O O O O O B-fromloc.city_name O B-toloc.city_name
179
+ 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
180
+ O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
181
+ 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
182
+ O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
183
+ 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
184
+ O O O O O B-toloc.city_name O O O O B-fromloc.city_name O O O O
185
+ O O O O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name
186
+ O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
187
+ B-fromloc.city_name O B-toloc.city_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
188
+ O O O O O B-fromloc.city_name O B-toloc.city_name
189
+ O O O O B-fromloc.city_name O B-toloc.city_name
190
+ 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
191
+ O O O O O O O B-fromloc.city_name O B-toloc.city_name B-class_type O O
192
+ O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
193
+ 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
194
+ O O B-airline_name I-airline_name O O O B-fromloc.city_name
195
+ 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
196
+ 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
197
+ O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
198
+ O O O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop
199
+ 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
200
+ O O O O O B-fromloc.city_name O B-toloc.city_name
201
+ 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
202
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
203
+ O O O B-cost_relative O O B-fromloc.city_name O B-toloc.airport_code
204
+ 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
205
+ 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
206
+ 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
207
+ O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
208
+ B-fromloc.city_name O B-toloc.city_name B-flight_days
209
+ B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
210
+ 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
211
+ O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time
212
+ 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
213
+ O O B-depart_time.period_of_day O O B-fromloc.city_name
214
+ O O O O O O O B-airport_name I-airport_name
215
+ O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop
216
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
217
+ O O B-fromloc.airport_name I-fromloc.airport_name B-or B-fromloc.airport_code O B-toloc.city_name
218
+ 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
219
+ O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
220
+ 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
221
+ O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
222
+ O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
223
+ O O O O O B-fromloc.city_name O B-toloc.city_name O B-flight_stop
224
+ 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
225
+ 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
226
+ O O B-class_type I-class_type O O B-airline_name O B-depart_date.today_relative
227
+ 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
228
+ 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
229
+ O O O O B-fromloc.city_name O B-toloc.city_name
230
+ 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
231
+ 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
232
+ 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
233
+ O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-airline_code
234
+ O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
235
+ O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name
236
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
237
+ 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
238
+ O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name
239
+ O O O O O O O O B-airport_name I-airport_name
240
+ O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
241
+ O O O B-flight_mod O O B-fromloc.airport_name I-fromloc.airport_name
242
+ O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
243
+ 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
244
+ O O O O O O O O O O B-city_name I-city_name
245
+ O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
246
+ O O O B-flight_mod O O O O B-fromloc.city_name O B-toloc.city_name
247
+ O O O O O B-fromloc.city_name O B-toloc.city_name
248
+ O O O O O O B-toloc.airport_name I-toloc.airport_name O O O
249
+ O O B-airport_code O O
250
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
251
+ 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
252
+ 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
253
+ O O O O O O O O B-fromloc.city_name O B-toloc.city_name
254
+ O O O O B-fare_basis_code
255
+ 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
256
+ O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day
257
+ 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
258
+ 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
259
+ O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
260
+ O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name
261
+ O O O B-class_type I-class_type
262
+ 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
263
+ 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
264
+ 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
265
+ 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
266
+ O O O O O O O B-airport_name I-airport_name
267
+ O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.city_name O B-toloc.city_name
268
+ O O O O O B-fromloc.city_name O B-toloc.city_name
269
+ O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
270
+ 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
271
+ 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
272
+ O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name
273
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
274
+ O O O O O O O O O
275
+ 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
276
+ O O B-city_name
277
+ 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
278
+ O O O O O O O O B-fromloc.city_name O B-toloc.city_name
279
+ 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
280
+ 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
281
+ O O O O O O B-city_name
282
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
283
+ O B-city_name O O O O O B-transport_type
284
+ 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
285
+ 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
286
+ O O O O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name
287
+ O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
288
+ 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
289
+ O O O B-airline_code
290
+ 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
291
+ 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
292
+ 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
293
+ O B-transport_type O O O B-city_name
294
+ O O O O B-fare_basis_code O
295
+ O O B-airline_name O O B-fromloc.city_name
296
+ O B-depart_date.day_name O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
297
+ O O O O B-fromloc.city_name O
298
+ 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
299
+ 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
300
+ 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
301
+ O O O O O B-fromloc.city_name O B-toloc.city_name
302
+ 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
303
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
304
+ O O O B-fromloc.city_name O B-toloc.city_name
305
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
306
+ 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
307
+ O O O O O B-economy O B-fromloc.city_name O B-toloc.city_name
308
+ 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
309
+ 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
310
+ O B-airline_name I-airline_name O O O B-fromloc.city_name O B-toloc.city_name
311
+ 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
312
+ 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
313
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
314
+ 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
315
+ 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
316
+ 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
317
+ O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative O O O B-meal
318
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
319
+ O O B-fromloc.city_name O B-toloc.city_name
320
+ 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
321
+ O O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name
322
+ O O O O O B-fromloc.city_name O B-toloc.city_name
323
+ O O O O B-fare_basis_code O
324
+ 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
325
+ O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O O
326
+ 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
327
+ O O B-days_code
328
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
329
+ O O O O B-fare_basis_code O
330
+ 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
331
+ 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
332
+ O O O O B-depart_date.day_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name
333
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
334
+ O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name
335
+ O B-airline_name O O O O O B-fromloc.city_name O B-toloc.city_name
336
+ O O O B-economy O O B-fromloc.city_name O B-toloc.city_name
337
+ O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O
338
+ O O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-fromloc.city_name B-fromloc.city_name
339
+ 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
340
+ O O O B-flight_mod O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name
341
+ 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
342
+ O O B-airport_code O
343
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
344
+ 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
345
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
346
+ 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
347
+ O O O O O B-fromloc.city_name O B-toloc.city_name
348
+ 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
349
+ O O O O O B-fromloc.airport_name I-fromloc.airport_name O O O
350
+ O O O B-flight_mod O O O O O B-fromloc.city_name O B-toloc.city_name
351
+ 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
352
+ 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
353
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
354
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
355
+ O B-fromloc.city_name O B-toloc.city_name
356
+ B-fromloc.city_name O B-toloc.city_name
357
+ 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
358
+ O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative
359
+ 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
360
+ 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
361
+ O B-airline_name O O B-city_name
362
+ O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
363
+ O O O B-city_name
364
+ 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
365
+ O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
366
+ 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
367
+ 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
368
+ 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
369
+ 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
370
+ 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
371
+ O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name O B-depart_date.day_name
372
+ 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
373
+ 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
374
+ 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
375
+ 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
376
+ 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
377
+ 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
378
+ 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
379
+ O O O O B-city_name
380
+ O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
381
+ B-fromloc.city_name O B-toloc.city_name
382
+ B-transport_type I-transport_type O B-city_name B-state_code
383
+ O B-airline_name I-airline_name O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name
384
+ O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name
385
+ O O O O B-fromloc.city_name O B-toloc.city_name
386
+ O O O O B-fare_basis_code
387
+ 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
388
+ 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
389
+ O O O O O O O O B-city_name
390
+ 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
391
+ 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
392
+ 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
393
+ O O O B-fare_basis_code
394
+ O O B-city_name I-city_name
395
+ 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
396
+ 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
397
+ O O O O O O B-city_name
398
+ 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
399
+ O O O O B-fare_basis_code O
400
+ O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
401
+ O O O O O O B-city_name B-state_name
402
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name
403
+ O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name
404
+ 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
405
+ O O O B-fromloc.city_name B-fromloc.city_name O B-fromloc.city_name
406
+ O O B-class_type I-class_type O O B-airline_name I-airline_name O
407
+ O O O O O B-toloc.city_name O B-fromloc.city_name
408
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
409
+ 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
410
+ O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
411
+ O O O O B-fare_basis_code
412
+ 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
413
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
414
+ B-cost_relative O O B-fromloc.city_name O B-toloc.city_name
415
+ O O O O B-airline_name I-airline_name O O O O O O O B-fare_basis_code
416
+ 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
417
+ B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number
418
+ O O O O O B-flight_time O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
419
+ O O O O B-fromloc.city_name O B-toloc.city_name
420
+ O O O O O O B-city_name
421
+ 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
422
+ 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
423
+ O O O O O B-fromloc.city_name O B-toloc.city_name
424
+ O O O B-city_name
425
+ 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
426
+ 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
427
+ 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
428
+ O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-cost_relative O O
429
+ O O O O O B-fromloc.city_name O B-toloc.city_name
430
+ 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
431
+ O O O B-restriction_code I-restriction_code
432
+ 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
433
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
434
+ B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
435
+ 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
436
+ 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
437
+ 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
438
+ 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
439
+ 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
440
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
441
+ O O O O B-fromloc.city_name O B-toloc.city_name
442
+ O O O O O O O O O B-fromloc.city_name O B-toloc.city_name
443
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
444
+ O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
445
+ 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
446
+ 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
447
+ 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
448
+ 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
449
+ 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
450
+ O O O B-flight_mod O O B-fromloc.airport_name O B-toloc.airport_code
451
+ O B-airport_name I-airport_name
452
+ 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
453
+ 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
454
+ B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
455
+ O O O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name
456
+ O O O O O B-airline_code
457
+ O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
458
+ O O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name
459
+ 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
460
+ O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
461
+ 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
462
+ O O O O B-fromloc.city_name O B-toloc.city_name
463
+ O O O O O B-fromloc.city_name O B-toloc.city_name
464
+ 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
465
+ B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
466
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
467
+ O O O B-transport_type O O O O B-fromloc.airport_name I-fromloc.airport_name
468
+ B-city_name O O
469
+ 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
470
+ O O O B-fare_basis_code O
471
+ O O O B-airline_code
472
+ O O O O O B-transport_type I-transport_type O B-city_name
473
+ 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
474
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
475
+ O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
476
+ O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
477
+ 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
478
+ O O O O O B-fromloc.city_name O B-toloc.city_name
479
+ O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
480
+ 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
481
+ 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
482
+ 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
483
+ 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
484
+ O O O O O O O O B-transport_type O B-city_name
485
+ O O O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name
486
+ 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
487
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
488
+ O O O O O B-airline_name O B-fromloc.city_name O O B-depart_time.period_of_day
489
+ O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
490
+ 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
491
+ O O O O O B-fromloc.city_name O B-toloc.city_name O B-class_type B-round_trip I-round_trip
492
+ O O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name
493
+ 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
494
+ 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
495
+ O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
496
+ B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name
497
+ O O O O B-fromloc.city_name O B-toloc.city_name
498
+ 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
499
+ O O O O O B-city_name I-city_name
500
+ 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
JointBERT-master/data/atis/intent_label.txt ADDED
@@ -0,0 +1,22 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ UNK
2
+ atis_abbreviation
3
+ atis_aircraft
4
+ atis_aircraft#atis_flight#atis_flight_no
5
+ atis_airfare
6
+ atis_airline
7
+ atis_airline#atis_flight_no
8
+ atis_airport
9
+ atis_capacity
10
+ atis_cheapest
11
+ atis_city
12
+ atis_distance
13
+ atis_flight
14
+ atis_flight#atis_airfare
15
+ atis_flight_no
16
+ atis_flight_time
17
+ atis_ground_fare
18
+ atis_ground_service
19
+ atis_ground_service#atis_ground_fare
20
+ atis_meal
21
+ atis_quantity
22
+ atis_restriction
JointBERT-master/data/atis/slot_label.txt ADDED
@@ -0,0 +1,122 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ PAD
2
+ UNK
3
+ O
4
+ B-aircraft_code
5
+ B-airline_code
6
+ B-airline_name
7
+ I-airline_name
8
+ B-airport_code
9
+ B-airport_name
10
+ I-airport_name
11
+ B-arrive_date.date_relative
12
+ B-arrive_date.day_name
13
+ B-arrive_date.day_number
14
+ I-arrive_date.day_number
15
+ B-arrive_date.month_name
16
+ B-arrive_date.today_relative
17
+ B-arrive_time.end_time
18
+ I-arrive_time.end_time
19
+ B-arrive_time.period_mod
20
+ B-arrive_time.period_of_day
21
+ I-arrive_time.period_of_day
22
+ B-arrive_time.start_time
23
+ I-arrive_time.start_time
24
+ B-arrive_time.time
25
+ I-arrive_time.time
26
+ B-arrive_time.time_relative
27
+ I-arrive_time.time_relative
28
+ B-city_name
29
+ I-city_name
30
+ B-class_type
31
+ I-class_type
32
+ B-connect
33
+ B-cost_relative
34
+ I-cost_relative
35
+ B-day_name
36
+ B-day_number
37
+ B-days_code
38
+ B-depart_date.date_relative
39
+ B-depart_date.day_name
40
+ B-depart_date.day_number
41
+ I-depart_date.day_number
42
+ B-depart_date.month_name
43
+ B-depart_date.today_relative
44
+ I-depart_date.today_relative
45
+ B-depart_date.year
46
+ B-depart_time.end_time
47
+ I-depart_time.end_time
48
+ B-depart_time.period_mod
49
+ B-depart_time.period_of_day
50
+ I-depart_time.period_of_day
51
+ B-depart_time.start_time
52
+ I-depart_time.start_time
53
+ B-depart_time.time
54
+ I-depart_time.time
55
+ B-depart_time.time_relative
56
+ I-depart_time.time_relative
57
+ B-economy
58
+ I-economy
59
+ B-fare_amount
60
+ I-fare_amount
61
+ B-fare_basis_code
62
+ I-fare_basis_code
63
+ B-flight_days
64
+ B-flight_mod
65
+ I-flight_mod
66
+ B-flight_number
67
+ B-flight_stop
68
+ I-flight_stop
69
+ B-flight_time
70
+ I-flight_time
71
+ B-fromloc.airport_code
72
+ B-fromloc.airport_name
73
+ I-fromloc.airport_name
74
+ B-fromloc.city_name
75
+ I-fromloc.city_name
76
+ B-fromloc.state_code
77
+ B-fromloc.state_name
78
+ I-fromloc.state_name
79
+ B-meal
80
+ B-meal_code
81
+ I-meal_code
82
+ B-meal_description
83
+ I-meal_description
84
+ B-mod
85
+ B-month_name
86
+ B-or
87
+ B-period_of_day
88
+ B-restriction_code
89
+ I-restriction_code
90
+ B-return_date.date_relative
91
+ I-return_date.date_relative
92
+ B-return_date.day_name
93
+ B-return_date.day_number
94
+ B-return_date.month_name
95
+ B-return_date.today_relative
96
+ I-return_date.today_relative
97
+ B-return_time.period_mod
98
+ B-return_time.period_of_day
99
+ B-round_trip
100
+ I-round_trip
101
+ B-state_code
102
+ B-state_name
103
+ B-stoploc.airport_name
104
+ B-stoploc.city_name
105
+ I-stoploc.city_name
106
+ B-stoploc.state_code
107
+ B-time
108
+ I-time
109
+ B-time_relative
110
+ B-today_relative
111
+ I-today_relative
112
+ B-toloc.airport_code
113
+ B-toloc.airport_name
114
+ I-toloc.airport_name
115
+ B-toloc.city_name
116
+ I-toloc.city_name
117
+ B-toloc.country_name
118
+ B-toloc.state_code
119
+ B-toloc.state_name
120
+ I-toloc.state_name
121
+ B-transport_type
122
+ I-transport_type
JointBERT-master/data/atis/test/label ADDED
@@ -0,0 +1,893 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ atis_flight
2
+ atis_airfare
3
+ atis_flight
4
+ atis_flight
5
+ atis_flight
6
+ atis_flight
7
+ atis_flight
8
+ atis_flight
9
+ atis_flight
10
+ atis_flight
11
+ atis_flight
12
+ atis_flight
13
+ atis_flight#atis_airfare
14
+ atis_flight
15
+ atis_flight
16
+ atis_flight
17
+ atis_flight
18
+ atis_flight
19
+ atis_flight
20
+ atis_flight
21
+ atis_flight
22
+ atis_flight
23
+ atis_flight
24
+ atis_flight
25
+ atis_flight
26
+ atis_flight
27
+ atis_flight
28
+ atis_flight
29
+ atis_flight
30
+ atis_flight
31
+ atis_flight
32
+ atis_flight
33
+ atis_ground_service
34
+ atis_flight
35
+ atis_day_name
36
+ atis_flight
37
+ atis_day_name
38
+ atis_flight
39
+ atis_flight
40
+ atis_flight
41
+ atis_flight
42
+ atis_flight
43
+ atis_flight
44
+ atis_flight
45
+ atis_flight
46
+ atis_flight
47
+ atis_flight
48
+ atis_flight
49
+ atis_flight
50
+ atis_flight
51
+ atis_meal
52
+ atis_meal
53
+ atis_flight
54
+ atis_flight
55
+ atis_flight
56
+ atis_flight
57
+ atis_flight
58
+ atis_flight
59
+ atis_flight
60
+ atis_flight
61
+ atis_flight
62
+ atis_flight
63
+ atis_flight
64
+ atis_flight
65
+ atis_flight
66
+ atis_flight
67
+ atis_flight
68
+ atis_flight
69
+ atis_flight
70
+ atis_flight
71
+ atis_flight
72
+ atis_flight
73
+ atis_flight
74
+ atis_flight
75
+ atis_flight
76
+ atis_flight
77
+ atis_flight
78
+ atis_flight
79
+ atis_flight
80
+ atis_flight
81
+ atis_flight
82
+ atis_flight
83
+ atis_flight
84
+ atis_flight
85
+ atis_flight
86
+ atis_flight
87
+ atis_flight
88
+ atis_flight
89
+ atis_flight
90
+ atis_flight
91
+ atis_flight
92
+ atis_flight
93
+ atis_flight
94
+ atis_airport
95
+ atis_flight
96
+ atis_flight
97
+ atis_flight
98
+ atis_flight
99
+ atis_flight
100
+ atis_flight
101
+ atis_flight
102
+ atis_flight
103
+ atis_flight
104
+ atis_airfare
105
+ atis_airline
106
+ atis_flight_time
107
+ atis_flight
108
+ atis_flight
109
+ atis_city
110
+ atis_airline
111
+ atis_flight
112
+ atis_flight
113
+ atis_flight
114
+ atis_flight
115
+ atis_flight
116
+ atis_flight
117
+ atis_flight
118
+ atis_flight
119
+ atis_flight
120
+ atis_ground_service
121
+ atis_flight
122
+ atis_flight
123
+ atis_flight
124
+ atis_flight
125
+ atis_flight
126
+ atis_flight
127
+ atis_flight
128
+ atis_flight
129
+ atis_flight
130
+ atis_airline
131
+ atis_flight
132
+ atis_flight
133
+ atis_flight
134
+ atis_flight
135
+ atis_flight
136
+ atis_flight
137
+ atis_ground_service
138
+ atis_ground_fare
139
+ atis_ground_fare
140
+ atis_flight
141
+ atis_ground_service
142
+ atis_flight
143
+ atis_flight
144
+ atis_flight
145
+ atis_flight
146
+ atis_flight
147
+ atis_flight
148
+ atis_flight
149
+ atis_flight
150
+ atis_flight
151
+ atis_flight
152
+ atis_flight
153
+ atis_flight
154
+ atis_flight
155
+ atis_airline
156
+ atis_flight
157
+ atis_flight
158
+ atis_flight
159
+ atis_flight
160
+ atis_flight
161
+ atis_flight
162
+ atis_flight
163
+ atis_flight
164
+ atis_quantity
165
+ atis_quantity
166
+ atis_quantity
167
+ atis_flight
168
+ atis_flight
169
+ atis_airport
170
+ atis_flight
171
+ atis_flight
172
+ atis_flight
173
+ atis_airfare
174
+ atis_airfare
175
+ atis_flight
176
+ atis_abbreviation
177
+ atis_meal
178
+ atis_flight
179
+ atis_flight
180
+ atis_flight
181
+ atis_flight
182
+ atis_flight
183
+ atis_flight
184
+ atis_flight
185
+ atis_flight
186
+ atis_flight
187
+ atis_flight
188
+ atis_flight
189
+ atis_flight
190
+ atis_flight
191
+ atis_distance
192
+ atis_distance
193
+ atis_distance
194
+ atis_distance
195
+ atis_ground_fare
196
+ atis_ground_fare
197
+ atis_ground_fare
198
+ atis_ground_fare
199
+ atis_airline
200
+ atis_flight
201
+ atis_flight
202
+ atis_airfare
203
+ atis_aircraft
204
+ atis_flight
205
+ atis_airfare
206
+ atis_flight
207
+ atis_flight#atis_airfare
208
+ atis_flight#atis_airfare
209
+ atis_flight#atis_airfare
210
+ atis_flight
211
+ atis_flight
212
+ atis_flight
213
+ atis_flight
214
+ atis_flight#atis_airfare
215
+ atis_airline
216
+ atis_airline
217
+ atis_distance
218
+ atis_flight
219
+ atis_flight
220
+ atis_flight
221
+ atis_flight
222
+ atis_flight
223
+ atis_flight
224
+ atis_flight
225
+ atis_flight
226
+ atis_flight
227
+ atis_flight
228
+ atis_flight
229
+ atis_flight
230
+ atis_airfare#atis_flight
231
+ atis_abbreviation
232
+ atis_distance
233
+ atis_distance
234
+ atis_distance
235
+ atis_distance
236
+ atis_ground_fare
237
+ atis_flight
238
+ atis_flight
239
+ atis_flight
240
+ atis_flight
241
+ atis_flight
242
+ atis_airline
243
+ atis_capacity
244
+ atis_capacity
245
+ atis_flight
246
+ atis_flight
247
+ atis_flight
248
+ atis_flight
249
+ atis_flight
250
+ atis_flight
251
+ atis_flight
252
+ atis_airfare
253
+ atis_abbreviation
254
+ atis_flight
255
+ atis_flight
256
+ atis_flight
257
+ atis_flight
258
+ atis_flight
259
+ atis_flight
260
+ atis_flight
261
+ atis_flight
262
+ atis_airline
263
+ atis_airfare
264
+ atis_airfare
265
+ atis_flight
266
+ atis_flight
267
+ atis_flight
268
+ atis_flight
269
+ atis_flight
270
+ atis_flight
271
+ atis_flight
272
+ atis_flight
273
+ atis_flight
274
+ atis_flight
275
+ atis_flight
276
+ atis_flight
277
+ atis_flight
278
+ atis_flight
279
+ atis_flight
280
+ atis_flight
281
+ atis_abbreviation
282
+ atis_flight
283
+ atis_flight
284
+ atis_flight
285
+ atis_flight
286
+ atis_flight
287
+ atis_flight
288
+ atis_flight
289
+ atis_flight
290
+ atis_flight
291
+ atis_flight
292
+ atis_abbreviation
293
+ atis_airline
294
+ atis_flight
295
+ atis_flight
296
+ atis_flight
297
+ atis_flight
298
+ atis_flight
299
+ atis_flight
300
+ atis_flight
301
+ atis_flight
302
+ atis_flight
303
+ atis_flight
304
+ atis_flight
305
+ atis_airline
306
+ atis_flight
307
+ atis_flight
308
+ atis_flight
309
+ atis_flight
310
+ atis_airfare
311
+ atis_airfare
312
+ atis_airfare
313
+ atis_airfare
314
+ atis_ground_service
315
+ atis_flight
316
+ atis_ground_service
317
+ atis_airline
318
+ atis_airfare
319
+ atis_flight
320
+ atis_flight
321
+ atis_flight
322
+ atis_flight
323
+ atis_flight
324
+ atis_flight
325
+ atis_flight
326
+ atis_flight
327
+ atis_abbreviation
328
+ atis_flight
329
+ atis_flight
330
+ atis_meal
331
+ atis_ground_service
332
+ atis_flight
333
+ atis_flight
334
+ atis_airfare
335
+ atis_abbreviation
336
+ atis_airfare
337
+ atis_flight
338
+ atis_flight
339
+ atis_flight
340
+ atis_flight
341
+ atis_flight
342
+ atis_abbreviation
343
+ atis_abbreviation
344
+ atis_flight
345
+ atis_flight
346
+ atis_flight
347
+ atis_abbreviation
348
+ atis_flight
349
+ atis_flight
350
+ atis_flight
351
+ atis_flight
352
+ atis_ground_service
353
+ atis_flight
354
+ atis_ground_service
355
+ atis_flight
356
+ atis_flight
357
+ atis_flight
358
+ atis_airline
359
+ atis_flight
360
+ atis_abbreviation
361
+ atis_abbreviation
362
+ atis_flight
363
+ atis_abbreviation
364
+ atis_flight
365
+ atis_airline
366
+ atis_flight
367
+ atis_flight
368
+ atis_ground_service
369
+ atis_capacity
370
+ atis_capacity
371
+ atis_flight
372
+ atis_ground_service
373
+ atis_capacity
374
+ atis_flight
375
+ atis_airline
376
+ atis_flight
377
+ atis_flight
378
+ atis_ground_service
379
+ atis_flight
380
+ atis_ground_service
381
+ atis_flight
382
+ atis_ground_service
383
+ atis_aircraft
384
+ atis_flight
385
+ atis_flight
386
+ atis_flight
387
+ atis_flight
388
+ atis_flight
389
+ atis_flight
390
+ atis_flight
391
+ atis_flight
392
+ atis_flight
393
+ atis_flight
394
+ atis_flight
395
+ atis_flight
396
+ atis_flight
397
+ atis_flight
398
+ atis_flight
399
+ atis_flight
400
+ atis_flight
401
+ atis_flight
402
+ atis_flight
403
+ atis_flight
404
+ atis_flight
405
+ atis_flight
406
+ atis_flight#atis_airfare
407
+ atis_flight#atis_airfare
408
+ atis_flight#atis_airfare
409
+ atis_airfare
410
+ atis_airfare
411
+ atis_airfare
412
+ atis_flight
413
+ atis_flight
414
+ atis_flight
415
+ atis_flight
416
+ atis_flight
417
+ atis_flight
418
+ atis_flight
419
+ atis_flight
420
+ atis_flight
421
+ atis_flight
422
+ atis_flight
423
+ atis_flight
424
+ atis_ground_service
425
+ atis_flight
426
+ atis_flight
427
+ atis_flight
428
+ atis_flight
429
+ atis_flight
430
+ atis_flight
431
+ atis_flight
432
+ atis_flight
433
+ atis_flight
434
+ atis_flight
435
+ atis_flight
436
+ atis_flight
437
+ atis_flight
438
+ atis_airfare
439
+ atis_flight
440
+ atis_airfare
441
+ atis_airfare
442
+ atis_flight
443
+ atis_flight
444
+ atis_flight
445
+ atis_flight
446
+ atis_flight
447
+ atis_flight
448
+ atis_flight
449
+ atis_ground_service
450
+ atis_flight
451
+ atis_ground_service
452
+ atis_flight
453
+ atis_flight
454
+ atis_flight
455
+ atis_flight
456
+ atis_flight
457
+ atis_flight
458
+ atis_flight
459
+ atis_flight
460
+ atis_flight
461
+ atis_flight
462
+ atis_airfare
463
+ atis_flight
464
+ atis_flight
465
+ atis_airfare
466
+ atis_airfare
467
+ atis_airfare
468
+ atis_airfare
469
+ atis_airfare
470
+ atis_airfare
471
+ atis_flight
472
+ atis_flight
473
+ atis_flight
474
+ atis_flight
475
+ atis_flight
476
+ atis_flight
477
+ atis_flight
478
+ atis_flight
479
+ atis_flight
480
+ atis_flight
481
+ atis_flight
482
+ atis_flight
483
+ atis_flight
484
+ atis_flight
485
+ atis_ground_service
486
+ atis_flight
487
+ atis_flight
488
+ atis_flight
489
+ atis_flight
490
+ atis_flight
491
+ atis_flight
492
+ atis_ground_service
493
+ atis_flight#atis_airline
494
+ atis_ground_service
495
+ atis_flight
496
+ atis_ground_service
497
+ atis_flight
498
+ atis_flight#atis_airfare
499
+ atis_flight#atis_airfare
500
+ atis_flight_no#atis_airline
501
+ atis_flight_no
502
+ atis_airport
503
+ atis_airport
504
+ atis_airport
505
+ atis_airport
506
+ atis_flight
507
+ atis_airport
508
+ atis_airport
509
+ atis_flight
510
+ atis_flight
511
+ atis_airline
512
+ atis_flight
513
+ atis_abbreviation
514
+ atis_flight
515
+ atis_flight
516
+ atis_aircraft
517
+ atis_flight
518
+ atis_flight
519
+ atis_airfare
520
+ atis_airfare
521
+ atis_flight
522
+ atis_ground_service
523
+ atis_flight
524
+ atis_flight
525
+ atis_flight
526
+ atis_flight
527
+ atis_flight
528
+ atis_flight
529
+ atis_flight_no
530
+ atis_flight
531
+ atis_abbreviation
532
+ atis_flight
533
+ atis_abbreviation
534
+ atis_airfare
535
+ atis_flight
536
+ atis_abbreviation
537
+ atis_abbreviation
538
+ atis_abbreviation
539
+ atis_abbreviation
540
+ atis_flight
541
+ atis_flight
542
+ atis_flight
543
+ atis_airline
544
+ atis_flight
545
+ atis_flight
546
+ atis_airline
547
+ atis_flight
548
+ atis_abbreviation
549
+ atis_flight
550
+ atis_abbreviation
551
+ atis_abbreviation
552
+ atis_abbreviation
553
+ atis_abbreviation
554
+ atis_flight
555
+ atis_flight
556
+ atis_flight
557
+ atis_flight
558
+ atis_flight
559
+ atis_flight
560
+ atis_flight
561
+ atis_flight
562
+ atis_flight
563
+ atis_flight
564
+ atis_flight
565
+ atis_flight
566
+ atis_airline
567
+ atis_ground_service
568
+ atis_ground_service
569
+ atis_flight
570
+ atis_flight
571
+ atis_flight
572
+ atis_airline
573
+ atis_airline
574
+ atis_airline
575
+ atis_airline
576
+ atis_airline
577
+ atis_flight
578
+ atis_airline
579
+ atis_flight
580
+ atis_flight
581
+ atis_flight
582
+ atis_airline
583
+ atis_flight
584
+ atis_flight
585
+ atis_airline
586
+ atis_ground_service
587
+ atis_flight
588
+ atis_ground_service
589
+ atis_flight
590
+ atis_flight
591
+ atis_flight
592
+ atis_flight
593
+ atis_flight
594
+ atis_flight
595
+ atis_abbreviation
596
+ atis_flight
597
+ atis_abbreviation
598
+ atis_abbreviation
599
+ atis_airline
600
+ atis_airline
601
+ atis_airline
602
+ atis_airline
603
+ atis_flight
604
+ atis_flight
605
+ atis_flight#atis_airfare
606
+ atis_flight
607
+ atis_flight
608
+ atis_flight
609
+ atis_airline
610
+ atis_flight
611
+ atis_flight
612
+ atis_flight
613
+ atis_flight
614
+ atis_flight
615
+ atis_flight
616
+ atis_flight
617
+ atis_flight
618
+ atis_flight
619
+ atis_flight
620
+ atis_flight
621
+ atis_flight
622
+ atis_distance
623
+ atis_airport
624
+ atis_airport
625
+ atis_airport
626
+ atis_airport
627
+ atis_airport
628
+ atis_airport
629
+ atis_airport
630
+ atis_city
631
+ atis_city
632
+ atis_flight
633
+ atis_flight
634
+ atis_flight
635
+ atis_flight
636
+ atis_flight
637
+ atis_flight
638
+ atis_flight
639
+ atis_flight
640
+ atis_flight
641
+ atis_flight
642
+ atis_aircraft
643
+ atis_flight#atis_airfare
644
+ atis_abbreviation
645
+ atis_flight
646
+ atis_airfare
647
+ atis_airfare
648
+ atis_flight
649
+ atis_flight
650
+ atis_flight
651
+ atis_flight
652
+ atis_flight
653
+ atis_airline
654
+ atis_flight
655
+ atis_capacity
656
+ atis_flight
657
+ atis_ground_service
658
+ atis_ground_service
659
+ atis_flight
660
+ atis_flight
661
+ atis_flight
662
+ atis_flight
663
+ atis_airfare
664
+ atis_flight
665
+ atis_airfare
666
+ atis_flight
667
+ atis_flight
668
+ atis_flight
669
+ atis_flight
670
+ atis_flight
671
+ atis_flight
672
+ atis_flight
673
+ atis_flight
674
+ atis_flight
675
+ atis_flight
676
+ atis_flight
677
+ atis_flight
678
+ atis_flight
679
+ atis_flight
680
+ atis_flight
681
+ atis_flight
682
+ atis_flight
683
+ atis_flight
684
+ atis_flight
685
+ atis_flight
686
+ atis_flight
687
+ atis_airfare
688
+ atis_airfare
689
+ atis_flight_no
690
+ atis_flight_no
691
+ atis_flight
692
+ atis_flight_no
693
+ atis_flight_no
694
+ atis_flight_no
695
+ atis_flight_no
696
+ atis_airfare
697
+ atis_airfare
698
+ atis_flight
699
+ atis_flight
700
+ atis_flight
701
+ atis_flight
702
+ atis_flight
703
+ atis_flight
704
+ atis_flight
705
+ atis_airfare
706
+ atis_airfare
707
+ atis_flight
708
+ atis_flight
709
+ atis_flight
710
+ atis_flight
711
+ atis_flight
712
+ atis_flight
713
+ atis_flight
714
+ atis_flight
715
+ atis_flight
716
+ atis_flight
717
+ atis_flight
718
+ atis_flight
719
+ atis_flight
720
+ atis_flight
721
+ atis_flight
722
+ atis_flight
723
+ atis_flight
724
+ atis_flight
725
+ atis_flight
726
+ atis_city
727
+ atis_city
728
+ atis_city
729
+ atis_flight
730
+ atis_flight
731
+ atis_flight
732
+ atis_flight
733
+ atis_abbreviation
734
+ atis_aircraft
735
+ atis_abbreviation
736
+ atis_airport
737
+ atis_flight
738
+ atis_flight
739
+ atis_flight
740
+ atis_meal
741
+ atis_meal
742
+ atis_flight
743
+ atis_flight
744
+ atis_flight
745
+ atis_flight
746
+ atis_airfare
747
+ atis_airfare
748
+ atis_airfare
749
+ atis_airfare
750
+ atis_airfare
751
+ atis_flight
752
+ atis_flight
753
+ atis_flight
754
+ atis_flight
755
+ atis_flight
756
+ atis_flight
757
+ atis_flight
758
+ atis_flight
759
+ atis_flight
760
+ atis_capacity
761
+ atis_capacity
762
+ atis_capacity
763
+ atis_capacity
764
+ atis_capacity
765
+ atis_capacity
766
+ atis_airline
767
+ atis_airline
768
+ atis_airline
769
+ atis_flight
770
+ atis_capacity
771
+ atis_abbreviation
772
+ atis_capacity
773
+ atis_capacity
774
+ atis_capacity
775
+ atis_capacity
776
+ atis_flight
777
+ atis_flight
778
+ atis_flight
779
+ atis_capacity
780
+ atis_aircraft
781
+ atis_aircraft
782
+ atis_aircraft
783
+ atis_capacity
784
+ atis_capacity
785
+ atis_capacity
786
+ atis_flight
787
+ atis_flight
788
+ atis_flight
789
+ atis_flight
790
+ atis_flight
791
+ atis_ground_service
792
+ atis_flight
793
+ atis_abbreviation
794
+ atis_ground_service
795
+ atis_ground_service
796
+ atis_ground_service
797
+ atis_ground_service
798
+ atis_flight
799
+ atis_flight
800
+ atis_ground_service
801
+ atis_flight
802
+ atis_flight
803
+ atis_flight
804
+ atis_flight
805
+ atis_airline
806
+ atis_flight
807
+ atis_flight
808
+ atis_flight
809
+ atis_flight
810
+ atis_flight
811
+ atis_airfare
812
+ atis_flight
813
+ atis_flight
814
+ atis_flight
815
+ atis_flight
816
+ atis_flight
817
+ atis_flight
818
+ atis_flight
819
+ atis_flight
820
+ atis_flight
821
+ atis_aircraft
822
+ atis_flight
823
+ atis_flight
824
+ atis_flight
825
+ atis_flight
826
+ atis_flight
827
+ atis_ground_service
828
+ atis_ground_service
829
+ atis_flight
830
+ atis_flight
831
+ atis_flight
832
+ atis_flight
833
+ atis_flight
834
+ atis_flight
835
+ atis_flight
836
+ atis_flight
837
+ atis_flight
838
+ atis_flight
839
+ atis_flight
840
+ atis_flight
841
+ atis_flight
842
+ atis_flight
843
+ atis_flight
844
+ atis_flight
845
+ atis_flight
846
+ atis_flight
847
+ atis_flight
848
+ atis_flight
849
+ atis_flight
850
+ atis_flight
851
+ atis_flight
852
+ atis_flight
853
+ atis_flight
854
+ atis_flight
855
+ atis_flight
856
+ atis_flight
857
+ atis_flight
858
+ atis_flight
859
+ atis_flight
860
+ atis_flight
861
+ atis_flight
862
+ atis_flight
863
+ atis_flight
864
+ atis_flight
865
+ atis_flight
866
+ atis_flight
867
+ atis_flight
868
+ atis_flight
869
+ atis_flight
870
+ atis_flight
871
+ atis_flight
872
+ atis_flight
873
+ atis_flight
874
+ atis_flight
875
+ atis_flight
876
+ atis_flight
877
+ atis_flight
878
+ atis_flight
879
+ atis_flight
880
+ atis_flight
881
+ atis_flight
882
+ atis_airline
883
+ atis_flight
884
+ atis_flight
885
+ atis_flight
886
+ atis_airport
887
+ atis_flight
888
+ atis_airport
889
+ atis_flight
890
+ atis_flight
891
+ atis_flight
892
+ atis_flight
893
+ atis_flight
JointBERT-master/data/atis/test/seq.in ADDED
@@ -0,0 +1,893 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ i would like to find a flight from charlotte to las vegas that makes a stop in st. louis
2
+ on april first i need a ticket from tacoma to san jose departing before 7 am
3
+ on april first i need a flight going from phoenix to san diego
4
+ i would like a flight traveling one way from phoenix to san diego on april first
5
+ i would like a flight from orlando to salt lake city for april first on delta airlines
6
+ i need a flight from toronto to newark one way leaving wednesday evening or thursday morning
7
+ monday morning i would like to fly from columbus to indianapolis
8
+ on wednesday april sixth i would like to fly from long beach to columbus after 3 pm
9
+ after 12 pm on wednesday april sixth i would like to fly from long beach to columbus
10
+ are there any flights from long beach to columbus on wednesday april sixth
11
+ find a flight from memphis to tacoma dinner
12
+ on next wednesday flight from kansas city to chicago should arrive in chicago around 7 pm return flight on thursday
13
+ show flight and prices kansas city to chicago on next wednesday arriving in chicago by 7 pm
14
+ flight on american from miami to chicago arrive in chicago about 5 pm
15
+ find flights arriving new york city next saturday
16
+ find nonstop flights from salt lake city to new york on saturday april ninth
17
+ show flights from burbank to milwaukee for today
18
+ show flights tomorrow evening from milwaukee to st. louis
19
+ show flights saturday evening from st. louis to burbank
20
+ show flights from burbank to st. louis on monday
21
+ show flights from burbank to milwaukee on monday
22
+ show flights tuesday evening from milwaukee to st. louis
23
+ show flights wednesday evening from st. louis to burbank
24
+ which flights travel from kansas city to los angeles
25
+ what flights travel from las vegas to los angeles
26
+ which flights travel from kansas city to los angeles on april ninth
27
+ which flights travel from las vegas to los angeles california and arrive on april ninth between 4 and 5 pm
28
+ which flights on us air go from orlando to cleveland
29
+ which flights travel from cleveland to indianapolis on april fifth
30
+ which flights travel from indianapolis to san diego on april fifth
31
+ which flights go from cleveland to indianapolis on april fifth
32
+ which flights travel from nashville to tacoma
33
+ does tacoma airport offer transportation from the airport to the downtown area
34
+ which flights travel from tacoma to san jose
35
+ what day of the week do flights from nashville to tacoma fly on
36
+ what are the flights from tacoma to san jose
37
+ what days of the week do flights from san jose to nashville fly on
38
+ what are the flights from tacoma to san jose
39
+ i need a flight that goes from boston to orlando
40
+ are there any flights from boston to orlando connecting in new york
41
+ are there any flights from boston to orlando connecting in columbus
42
+ does this flight serve dinner
43
+ i need a flight from charlotte to miami
44
+ i need a nonstop flight from miami to toronto
45
+ i need a nonstop flight from toronto to st. louis
46
+ i need a flight from toronto to st. louis
47
+ i need a flight from st. louis to charlotte
48
+ i need a flight on united airlines from la guardia to san jose
49
+ i need a flight from tampa to milwaukee
50
+ i need a flight from milwaukee to seattle
51
+ what meals are served on american flight 811 from tampa to milwaukee
52
+ what meals are served on american flight 665 673 from milwaukee to seattle
53
+ i need a flight from memphis to las vegas
54
+ i need a flight from las vegas to ontario
55
+ i need a flight from ontario to memphis
56
+ which flights go from milwaukee to tampa and stop in nashville
57
+ which flights leave newark after noon next saturday and arrive in los angeles
58
+ which flights leave detroit and arrive at st. petersburg around 9 am
59
+ which flights on northwest airline leave detroit and arrive at st. petersburg
60
+ which flights leave chicago next tuesday and arrive in detroit around 6 pm
61
+ show me round trip flights from chicago to detroit leaving next tuesday and returning the day after
62
+ which round trip flights leave chicago next tuesday around 6 pm and arrive in detroit
63
+ which round trip flights leave chicago next tuesday and arrive in detroit around 6 pm
64
+ which flights leave on monday from montreal and arrive in chicago in the morning
65
+ which flights leave chicago on april twelfth and arrive in indianapolis in the morning
66
+ which flights leave on wednesday april thirteenth from indianapolis and arrive in montreal in the morning
67
+ which flights leave april twelfth from indianapolis and arrive in montreal around 10 pm
68
+ 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
69
+ next wednesday i would like to leave kansas city on a trip to chicago which arrives in chicago around 7 pm
70
+ i would like to return from chicago around 7 pm to kansas city
71
+ i would like to leave this afternoon on an american flight from cincinnati to burbank
72
+ on sunday evening i would like to leave montreal quebec on a flight to san diego california
73
+ what are the flights on sunday from montreal quebec to san diego california
74
+ on tuesday are the flights from san diego california to indianapolis indiana i would like the flight to be in the afternoon
75
+ on thursday morning i would like a nonstop flight from indianapolis to toronto
76
+ on friday morning i would like to fly from toronto to montreal
77
+ i would like an early morning flight today from los angeles to charlotte
78
+ on wednesday night i would like a flight from charlotte to newark
79
+ on friday night i would like a flight from newark to los angeles
80
+ find a flight from tampa to montreal by way of new york
81
+ please find a flight from miami florida to las vegas nevada arriving before 4 o'clock pm
82
+ please find a flight from las vegas to michigan
83
+ please find a flight from detroit michigan to st. petersburg arriving before 10 pm
84
+ please find a flight from st. petersburg to miami on thursday
85
+ please find a flight from san diego to toronto on alaska airlines
86
+ please find the flights from columbus to houston with a layover in nashville tomorrow
87
+ please give me the flights from nashville to houston nonstop with dinner served
88
+ please find flights available from kansas city to newark
89
+ please find a flight that goes from kansas city to newark to orlando back to kansas city
90
+ please find a flight from kansas city to newark
91
+ please find a flight from newark to orlando
92
+ please find a flight from orlando to kansas city
93
+ i would like to fly from columbus to phoenix through cincinnati in the afternoon
94
+ i would like to know what airports are in los angeles
95
+ does the airport at burbank have a flight that comes in from kansas city
96
+ which flights arrive in burbank from kansas city on saturdays in the afternoon
97
+ which flights arrive in burbank from las vegas on saturday april twenty third in the afternoon
98
+ which flights are available from orlando to cleveland that arrive around 10 pm
99
+ what flights are available from indianapolis to san diego on april twenty first in the late afternoon
100
+ what flights leave cleveland going to indianapolis on april twenty first in the morning
101
+ which flights are available on april twenty first in the morning from nashville to tacoma
102
+ which flights are available from tacoma to san jose in the morning on april twenty second
103
+ which flights are available from san jose to nashville leaving in the morning on april twenty three
104
+ what is the most expensive one way fare between detroit and westchester county
105
+ what airlines fly between detroit and westchester county
106
+ what are the departure times from detroit to westchester county
107
+ what is the latest flight from baltimore to oakland that serves dinner
108
+ what is the earliest flight between baltimore and oakland that serves breakfast
109
+ to what cities from boston does america west fly first class
110
+ what airline flies from boston to san diego
111
+ what is the latest breakfast flight from dallas to tampa
112
+ show me all lufthansa flights from seattle to boston with stopovers in minneapolis
113
+ show me all flights from seattle to boston with stopovers in minneapolis
114
+ list philadelphia to san francisco flights with stopovers in dallas
115
+ show me the connecting flights between boston and denver and the types of aircraft used
116
+ show me all the morning flights from philadelphia to fort worth
117
+ show me all the flights from kansas city to st. paul
118
+ show me northwest flight 608 from kansas city to st. paul
119
+ show me all the flights from indianapolis to charlotte on monday
120
+ what is the ground transportation between the charlotte airport charlotte airport and downtown charlotte
121
+ show me all the flights from charlotte to minneapolis that leave at 2 pm or later on monday
122
+ show me all the flights from charlotte to minneapolis on tuesday morning
123
+ show me the direct flights from charlotte to minneapolis on tuesday morning
124
+ show me flight us 1500 on monday from charlotte to minneapolis please
125
+ show me all the flights from minneapolis to indianapolis on tuesday that leave after 2 pm
126
+ show me the flights from minneapolis to indiana
127
+ show me the flights in from minneapolis to indianapolis on tuesday afternoon
128
+ 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
129
+ show me all the flights from las vegas to new york city
130
+ which different airlines go from las vegas to new york city
131
+ show me all the flights on america west and twa from las vegas to jfk on a friday
132
+ what are the flights from tacoma to miami that leave after 6 pm tomorrow
133
+ i'd like to fly from san diego to houston on june tenth
134
+ is there an american airlines flight from houston to newark on june tenth after 6 pm
135
+ is there an american airlines flight from houston to newark on june tenth after 3 pm
136
+ i need to get from cincinnati to denver on june sixth by 6 pm
137
+ what's the ground transportation in denver
138
+ what's the fare for a taxi to denver
139
+ what are the fares for ground transportation in denver
140
+ i need to fly from denver to westchester county on june seventh after 3 pm
141
+ what's the ground transportation in westchester county
142
+ i need to take a united airlines flight on june eighth from westchester county to cincinnati after 3 pm
143
+ what united airlines flights on june eighth go from westchester county to cincinnati
144
+ on june eighth what flights go from westchester county to cincinnati
145
+ does us air fly from cincinnati to denver on june sixth
146
+ list the flights from cincinnati to denver on june sixth
147
+ list the flights from denver to westchester county on june seventh
148
+ list the flights from westchester county to cincinnati on june eighth
149
+ list the flights from cincinnati to westchester county on june sixth
150
+ list the flights from westchester county to denver on june seventh
151
+ list the flights from denver to cincinnati on june eighth
152
+ list the flights from denver to cincinnati on june sixth after 4 pm
153
+ list the flights from cincinnati to westchester county on june seventh
154
+ list the flights from westchester county to cincinnati on june seventh leaving after 5 pm
155
+ what airlines off from love field between 6 and 10 am on june sixth
156
+ what flights arrive at love field on june sixth
157
+ list the flights from montreal to philly before 9 am
158
+ list the flights from cleveland to memphis
159
+ list the flights from memphis to cleveland
160
+ list the flights from denver to baltimore arriving on july first
161
+ list the flights from dallas to baltimore arriving july first
162
+ list the flights from pittsburgh to baltimore arriving on july first
163
+ list the flights on canadian airlines international
164
+ how many canadian airlines international flights use j31
165
+ how many canadian airlines international flights use aircraft 320
166
+ how many canadian airlines flights use aircraft dh8
167
+ show me the flights on american airlines which fly from st. petersburg to ontario canada with a stopover in st. louis
168
+ show me the flights on american airlines which go from st. petersburg to ontario california by way of st. louis
169
+ which airport is closest to ontario california
170
+ show me the flights from houston to orlando
171
+ show me the flights from orlando to houston
172
+ show me the flights from detroit to las vegas
173
+ show me the cheapest round trip coach fare from las vegas to detroit
174
+ show me the cheapest round trip coach fare on twa from las vegas to detroit
175
+ show me the delta flights which serve a snack to coach passengers
176
+ what is meal code sb
177
+ what meals are available on dl 468 which al arrives in san francisco at 950 am
178
+ show me the delta flights from tampa to san francisco
179
+ show me delta flight 486
180
+ list the tower air flights on mondays
181
+ list all tower air flights with meals
182
+ what flights depart from baltimore
183
+ what flights depart from baltimore and arrive at san francisco on a friday
184
+ what flights leave from cincinnati in the morning and arrive in tampa
185
+ which flights depart from tampa and arrive in cincinnati in the evening
186
+ which flights depart from tampa in the early evening and arrive in cincinnati
187
+ which flights depart from philadelphia and arrive in atlanta
188
+ which flights depart from a atlanta and arrive in toronto
189
+ which flights depart from toronto and arrive in washington dc
190
+ which flights depart from new york and arrive in los angeles after 10 am
191
+ how far is new york's la guardia from downtown
192
+ how far is toronto international from downtown
193
+ how far is los angeles international from downtown
194
+ how far is san francisco international from downtown
195
+ how much is the limousine service in boston
196
+ how much is a limousine service in la guardia
197
+ how much is a limousine service in toronto international
198
+ how much is limousine service in los angeles
199
+ what airlines fly between washington dc and columbus ohio
200
+ what flights are there between washington dc and columbus ohio
201
+ what are the flights between washington dc and columbus ohio
202
+ what are the fares for all flights between washington and columbus
203
+ at the charlotte airport how many different types of aircraft are there for us air
204
+ list all us air flights arriving in charlotte on saturday at 1 pm
205
+ what is the first class round trip airfare from india indianapolis to memphis
206
+ list all flights from memphis to miami
207
+ list all flights and their fares from indianapolis to memphis on a monday morning
208
+ list all flights and their fares from memphis to miami on a wednesday evening
209
+ list all flights and their fares for all flights between miami and indianapolis
210
+ list all flights from cleveland to kansas city on monday
211
+ list all flights from kansas city to cleveland
212
+ list all flights from cleveland to nashville
213
+ list all flights from nashville to cleveland on sunday
214
+ list all sunday flights from cleveland to nashville and their fares
215
+ what airlines are departing from baltimore
216
+ which airlines fly from baltimore to san francisco
217
+ how long does a flight from baltimore to san francisco take
218
+ which flights are leaving from kansas city to atlanta early monday morning
219
+ which flights are leaving atlanta and arriving in st. louis close to 230 pm on tuesday
220
+ please list flights from st. louis to st. paul which depart after 10 am thursday morning
221
+ list flights from st. paul to kansas city friday in the evening with a meal included
222
+ list early morning flights from cincinnati to tampa
223
+ list early evening flights from tampa to cincinnati
224
+ list evening flights from tampa to cincinnati
225
+ list flights from philadelphia to atlanta friday am
226
+ list flights from atlanta to toronto friday afternoon
227
+ list flights from toronto to washington dc saturday am
228
+ list flights from washington dc to philadelphia saturday pm
229
+ list direct flights from new york city to los angeles after 10 am
230
+ list the airfare for american airlines flight 19 from jfk to lax
231
+ what is fare code m
232
+ list the distance in miles from boston airport to downtown boston
233
+ list the distance in miles from new york's la guardia airport to downtown new york city
234
+ list the distance in miles from toronto international airport to downtown toronto
235
+ list the distance in miles from san francisco international airport to san francisco downtown
236
+ list limousine rates for the city of boston
237
+ list american airlines flights from houston to milwaukee departing friday pm
238
+ list flights from houston to milwaukee friday pm
239
+ list american airlines flights from milwaukee to san jose wednesday
240
+ list american airlines flights from san jose to dallas friday afternoon
241
+ list flights from dallas to houston arriving sunday afternoon
242
+ list airlines flying from seattle to salt lake city
243
+ what is the seating capacity for aircraft l10
244
+ what is the seating capacity for delta be1
245
+ list flights from seattle to salt lake city on delta l10
246
+ list flights from seattle to salt lake city on delta be1
247
+ list flights from boston to pittsburgh daily
248
+ list flights from pittsburgh to newark daily
249
+ list flights from newark to boston daily
250
+ list us air flights leaving saturday from charlotte airport at 1 pm
251
+ list us air flights leaving saturday from charlotte airport around 1 pm
252
+ list first class airfare round trip from indianapolis to memphis
253
+ what is fare code f
254
+ list flights from memphis to miami wednesday evening
255
+ list flights from miami to indianapolis sunday
256
+ list flights from ontario california to orlando florida
257
+ list flights from ontario california to salt lake city utah
258
+ list flights from ontario california to salt lake city utah monday
259
+ list flights from salt lake city utah to phoenix arizona monday
260
+ list flights from salt lake city to phoenix arizona tuesday
261
+ list flights from phoenix arizona to ontario california wednesday
262
+ what airlines fly from baltimore to san francisco
263
+ what is the fare for a first class round trip ticket from detroit to st. petersburg
264
+ what is the airfare for a round trip first class ticket from detroit to st. petersburg
265
+ kansas city to atlanta monday morning flights
266
+ monday morning flights from atlanta to kansas city
267
+ kansas city to atlanta monday morning flights
268
+ atlanta to st. louis tuesday before 230 pm flights
269
+ st. louis to st. paul thursday after 10 am
270
+ st. paul to kansas city friday night
271
+ cleveland to kansas city arrive monday before 3 pm
272
+ kansas city to cleveland flight arrive wednesday before 5 pm
273
+ cleveland to nashville flight friday morning
274
+ nashville to cleveland sunday before 9
275
+ first class flights pittsburgh to newark monday morning
276
+ flights newark to los angeles wednesday morning
277
+ los angeles to minneapolis thursday afternoon
278
+ minneapolis to pittsburgh flight
279
+ minneapolis to pittsburgh first class flight
280
+ i would like flights leaving from milwaukee to orlando
281
+ what does hp stand for
282
+ i would like flights from ontario to tacoma
283
+ i would like flights from minneapolis to san diego
284
+ i would like flights from salt lake city to cincinnati
285
+ i would like to see flights from cincinnati to salt lake city
286
+ i'd like flights from new york to miami
287
+ i would like flights from miami to new york
288
+ i would like a flight leaving san francisco for san diego
289
+ i would like flights from san diego to las vegas
290
+ i would like a flight from san diego to las vegas
291
+ i would like flights from las vegas to san francisco
292
+ what does fare code bn mean
293
+ i would like to have the airline that flies toronto detroit and st. louis
294
+ i would like a flight from toronto to detroit
295
+ i would like a flight from detroit to st. louis
296
+ i would like a flight from toronto to st. louis
297
+ i would like flights from san francisco to long beach
298
+ i would like flights leaving san francisco to san diego
299
+ i would like a flight from san francisco to st. petersburg
300
+ show me a one way flight from milwaukee to orlando leaving wednesday afternoon after 6 pm
301
+ show me one way flights from milwaukee to orlando on wednesday
302
+ show me flights from columbus to chicago first class that leave before 10 am
303
+ show me the cheapest round trip between st. petersburg and detroit that arrives before 7 pm
304
+ show me nonstop flights from kansas city to phoenix
305
+ what is airline wn
306
+ show me the cheapest first class round trip from new york to miami
307
+ now show me all the round trips from new york to miami
308
+ show me the cheapest one way flight from san francisco to houston
309
+ now show me the cheapest one way flight from houston to boston
310
+ show me the cheapest round trip fares from houston to boston
311
+ show me the cheapest round trip fares from san francisco to houston
312
+ show me the cheapest round trip fare from san francisco to houston on february twenty eighth 1994
313
+ show me the cheapest one way fare from san francisco to houston on february twenty eighth 1994
314
+ now show me ground transportation in houston on monday afternoon
315
+ now show me one way flights from houston to boston
316
+ and now show me ground transportation that i could get in boston late night
317
+ show me airlines that have flights between toronto and detroit between detroit and st. louis and between st. louis and toronto
318
+ show me round trip fares from toronto to detroit on delta northwest us air and united airlines
319
+ show me flights between detroit and st. louis on delta northwest us air and united airlines
320
+ show me flights from montreal to orlando and long beach
321
+ show me flights from montreal to orlando
322
+ i need a flight on friday afternoon in june from new york to cleveland
323
+ i need a flight from new york to los angeles on saturday evening on us air
324
+ i'd like a red eye flight from new york to los angeles on saturday evening on us air
325
+ i'd like a flight from new york to los angeles on saturday morning on us air
326
+ i need a flight from san francisco to milwaukee on monday morning
327
+ what does ua mean
328
+ i need a flight from milwaukee to washington dc on monday night
329
+ how about flights from milwaukee to washington dc on tuesday mornings
330
+ what meals are there on flight 382 from milwaukee to washington dc on tuesday morning
331
+ i'll need to rent a car in washington dc
332
+ can i get a flight on tuesday night from washington dc to oakland
333
+ how about from dc to oakland on wednesday morning
334
+ how much does it cost to fly on twa from columbus to milwaukee
335
+ what does q mean
336
+ how much does it cost to fly from columbus to st. louis round trip on twa
337
+ what's the cheapest flight from columbus to st. louis round trip on twa
338
+ what's the cheapest round trip flight on twa from columbus to st. paul
339
+ i want to fly from milwaukee to los angeles
340
+ can i get the shortest flight from milwaukee to orlando
341
+ what is the shortest flight from milwaukee to long beach
342
+ what does m mean
343
+ what does ap 57 mean
344
+ what is the shortest flight from milwaukee to st. petersburg
345
+ what is the shortest flight from milwaukee to long beach
346
+ what is the shortest flight from milwaukee to san diego
347
+ what does ap 20 mean
348
+ can i get a flight today from san francisco to detroit michigan
349
+ what's the cheapest flight from san francisco to detroit today
350
+ i want to fly from san francisco to milwaukee and from milwaukee to denver
351
+ what's the cheapest flight from san francisco to milwaukee
352
+ i need to rent a car in milwaukee
353
+ what's the cheapest flight tomorrow from milwaukee to denver
354
+ what ground transportation is available at denver
355
+ what's the cheapest flight from san francisco to denver
356
+ what flights leave from cleveland and go to dallas
357
+ show me all nonstop flights from st. petersburg to charlotte
358
+ what airline is us
359
+ show me flights between toronto and san diego
360
+ what is phl
361
+ what is mci
362
+ show me the flights between oakland and salt lake city
363
+ what does not sa mean
364
+ what is the earliest daily flight between oakland and salt lake city
365
+ what airline is dl
366
+ what is the latest daily flight between oakland and salt lake city
367
+ show me the flights between los angeles and dallas
368
+ what ground transportation is available from dallas fort worth airport to downtown dallas
369
+ how many passengers can an l1011 aircraft hold
370
+ what is the seating capacity of a dc9
371
+ what are the flights between dallas and phoenix
372
+ what ground transportation is available between phoenix airport and downtown phoenix
373
+ what is the seating capacity for the aircraft m80
374
+ are there any flights between dallas and phoenix using a dc10 aircraft
375
+ what airline is aa
376
+ show me the flights between milwaukee and indiana
377
+ what are the flights between milwaukee and pittsburgh
378
+ what ground transportation is available between pittsburgh airport and downtown pittsburgh
379
+ show me the flights between pittsburgh and washington dc
380
+ what ground transportation is available between dca and downtown washington
381
+ what are the flights between dca and milwaukee
382
+ what ground transportation is available between milwaukee airport and downtown milwaukee
383
+ determine the type of aircraft used on a flight from cleveland to dallas that leaves before noon
384
+ 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
385
+ list a flight on delta airlines from toronto to san diego
386
+ list a flight on american airlines from toronto to san diego
387
+ list a flight from toronto to san diego
388
+ list flights from oakland to salt lake city leaving after 1700 wednesday
389
+ list flights from oakland to salt lake city leaving after midnight thursday
390
+ list flights between phoenix and las vegas
391
+ list flights from las vegas to denver
392
+ list flights from milwaukee to washington dc before 1200
393
+ list flights from washington dc to pittsburgh leaving after 1800
394
+ list flights from washington dc to pittsburgh
395
+ list flights between pittsburgh and milwaukee
396
+ i'd like a flight to san diego from washington dc
397
+ i'd like to fly from cleveland to dallas
398
+ i want to fly from washington dc to phoenix arizona
399
+ i need a flight from phoenix to atlanta
400
+ i would like to fly from atlanta to san diego
401
+ i would like to fly from san diego to seattle
402
+ i would like to fly from orlando to kansas city
403
+ i need a flight from kansas city to minneapolis
404
+ i need a flight from san diego to washington dc
405
+ i need a flight from washington dc to san diego
406
+ i need a round trip flight from san diego to washington dc and the fares
407
+ i need a round trip from atlanta to washington dc and the fares leaving in the morning
408
+ i need a round trip from phoenix to washington dc and the fare leaving in the morning
409
+ what is the lowest fare for a flight from washington dc to boston
410
+ what is the lowest fare from washington dc to montreal
411
+ what is the lowest fare from toronto to washington dc
412
+ i want a flight from montreal to washington dc
413
+ i want a flight from nashville to seattle that arrives no later than 3 pm
414
+ i want a flight from memphis to seattle that arrives no later than 3 pm
415
+ i need a flight from indianapolis to seattle arriving in seattle at 1205 pm
416
+ i want a flight round trip from memphis to seattle
417
+ i want to fly from nashville to seattle and i want the cheapest fare round trip
418
+ i want to fly from memphis to seattle round trip with the cheapest fare
419
+ i want to fly from indianapolis to seattle round trip with the cheapest fare
420
+ please list flights from orlando to philadelphia
421
+ please list flights from san francisco to charlotte
422
+ please list flights from milwaukee to philadelphia
423
+ please list flights from philadelphia to san francisco
424
+ please show ground transportation to milwaukee
425
+ please list flights from san francisco to milwaukee
426
+ list flights from houston to denver
427
+ list flights from houston to phoenix
428
+ list flights from phoenix to houston
429
+ list flights from newark to houston
430
+ show flights from denver to houston
431
+ show flights from st. petersburg to charlotte
432
+ show flights from orlando to kansas city
433
+ show flights from kansas city to minneapolis
434
+ show flights from kansas city to orlando
435
+ show flights from minneapolis to kansas city
436
+ show flights from kansas city to orlando
437
+ list flights from washington dc to boston
438
+ list fares from washington dc to montreal
439
+ list flights from washington dc to montreal
440
+ list fares from washington dc to toronto that should be good
441
+ list fares from washington dc to boston
442
+ list flights from washington dc to montreal
443
+ list flights from washington dc to toronto
444
+ list flights from toronto to washington dc
445
+ list flights from oakland to salt lake city
446
+ what flights go from dallas to phoenix
447
+ what flights go from phoenix to salt lake city
448
+ i need an early flight from milwaukee to denver
449
+ what types of ground transportation are available in denver
450
+ what flights go from denver to st. louis on tuesday morning
451
+ is ground transportation available in st. louis
452
+ i need to fly from st. louis to milwaukee on wednesday afternoon
453
+ flights from washington to seattle
454
+ flights from atlanta to seattle
455
+ flights from san diego to seattle
456
+ i would like flight information from phoenix to denver
457
+ could i have flight information on flights from salt lake city to phoenix please
458
+ could i have flight information on flights from pittsburgh to phoenix please
459
+ i would like information on flights leaving from washington dc to denver
460
+ i need information on flights from washington to boston that leave on a saturday
461
+ i need the flights from washington to montreal on a saturday
462
+ i need the fares on flights from washington to toronto on a saturday
463
+ i want to go from boston to washington on a saturday
464
+ i need a flight from cleveland to dallas that leaves before noon see if too much information
465
+ get fares from washington to boston
466
+ get saturday fares from washington to boston
467
+ get fares from washington to montreal
468
+ get saturday fares from washington to montreal
469
+ get saturday fares from washington to toronto
470
+ get the saturday fare from washington to toronto
471
+ list saturday flights from washington to boston
472
+ list saturday flights from boston to washington
473
+ get flights from milwaukee to dtw
474
+ list flights from milwaukee to detroit
475
+ get flights from detroit to toronto
476
+ get flights from toronto to milwaukee
477
+ get last flight from oakland to salt lake city on wednesday or first flight from oakland to salt lake city on thursday
478
+ get first flight from oakland to salt lake city on thursday
479
+ get last flight from oakland to salt lake city on wednesday
480
+ list last wednesday flight from oakland to salt lake city
481
+ get flight from toronto to san diego stopping at dtw
482
+ get flights between st. petersburg and charlotte
483
+ i need a flight from milwaukee to indianapolis leaving monday before 9 am
484
+ i need a flight departing from milwaukee to indianapolis leaving monday before 8 am
485
+ is there ground transportation available at the indianapolis airport
486
+ i need flight information for a flight departing from indianapolis to cleveland departing tuesday at noon
487
+ i need flight information for a flight departing from cleveland to milwaukee wednesday after 6 pm
488
+ i need flight information for flights departing from cleveland going back to milwaukee wednesday after 5 pm
489
+ i need flight information for flights departing from cleveland to milwaukee on wednesday after 5 pm
490
+ i need flight information for flights departing from cleveland to milwaukee on wednesday after 5 pm
491
+ i need a flight from denver to salt lake city on monday
492
+ is there ground transportation available at the denver airport
493
+ i need flight and airline information for a flight from denver to salt lake city on monday departing after 5 pm
494
+ is there ground transportation available at the salt lake city airport
495
+ i need a flight from salt lake city to phoenix departing wednesday after 5 pm
496
+ is there ground transportation available at the phoenix airport
497
+ i need a flight from oakland to salt lake city on wednesday departing after 6 pm
498
+ i need flight and fare information for thursday departing prior to 9 am from oakland going to salt lake city
499
+ i need flight and fare information departing from oakland to salt lake city on thursday before 8 am
500
+ i need flight numbers and airlines for flights departing from oakland to salt lake city on thursday departing before 8 am
501
+ i need flight numbers for those flights departing on thursday before 8 am from oakland going to salt lake city
502
+ list airports in arizona nevada and california please
503
+ list california nevada arizona airports
504
+ list the arizona airport
505
+ list california airports
506
+ list flights from las vegas to phoenix
507
+ list california airports
508
+ list airports
509
+ list wednesday night flights from oakland to salt lake city
510
+ list flights from oakland to salt lake city before 6 am thursday morning
511
+ which airlines fly between toronto and san diego
512
+ please list afternoon flights between st. petersburg and charlotte
513
+ what is tpa
514
+ what are the flights from cleveland to dallas
515
+ please list only the flights from cleveland to dallas that leave before noon
516
+ what type of aircraft are flying from cleveland to dallas before noon
517
+ i need information on flights from indianapolis to seattle
518
+ i need a flight from memphis to seattle
519
+ i need a ticket from nashville to seattle
520
+ i need a ticket from nashville tennessee to seattle
521
+ i need flight information from milwaukee to tampa
522
+ i need to rent a car at tampa
523
+ i need a daily flight from st. louis to milwaukee
524
+ i need flights departing from oakland and arriving salt lake city
525
+ i need information on flights from toronto to san diego
526
+ i need information on flights from toronto to san diego
527
+ i want a flight from toronto to san diego
528
+ i need information on flights between st. petersburg and charlotte
529
+ i need the flight numbers of flights leaving from cleveland and arriving at dallas
530
+ which flights go from new york to miami and back
531
+ what does fare code qo mean
532
+ show me flights from milwaukee to orlando one way
533
+ what the abbreviation us stand for
534
+ i'd like a one way ticket from milwaukee to orlando either wednesday evening or thursday morning
535
+ show me flights from milwaukee to orlando
536
+ what does fare code f mean
537
+ what does fare code h mean
538
+ what does fare code y mean
539
+ what are restrictions ap 57
540
+ please show me first class flights from indianapolis to memphis one way leaving before 10 am
541
+ now show me all round trip flights from burbank to seattle that arrive before 7 pm in seattle
542
+ round trip flights from orlando to montreal please
543
+ what airline is dl
544
+ show me all delta airlines flights from montreal to orlando
545
+ show me all flights from orlando to montreal please
546
+ which airline is kw
547
+ please list all flights from new york to miami any any type of class
548
+ what does fare code bh mean
549
+ show me a return flight from miami to jfk please
550
+ what does fare code bh mean
551
+ what does fare code bh mean
552
+ what does fare code bh mean
553
+ what does fare code bh mean
554
+ show me one way flights from milwaukee to orlando after 6 pm on wednesday
555
+ show me the flights from indianapolis to memphis
556
+ show me round trip flights from burbank to seattle
557
+ show me round trip flights from orlando to montreal
558
+ show me nonstop flights from montreal to orlando
559
+ show me round trips between montreal and orlando
560
+ show me round trip flights from montreal to orlando
561
+ show me the cheapest one way flights from montreal to orlando
562
+ show me the cheapest one way flights from orlando to montreal
563
+ show me the cheapest economy flights from miami to new york
564
+ kansas city to las vegas economy
565
+ kansas city to las vegas economy
566
+ what airline is hp
567
+ ground transportation in las vegas
568
+ ground transportation for las vegas
569
+ las vegas to baltimore economy
570
+ las vegas to baltimore economy
571
+ baltimore to kansas city economy
572
+ what airline is us
573
+ which airline is us
574
+ which airline is us
575
+ which airline is us
576
+ which airline is us
577
+ columbus to chicago one way before 10 am
578
+ what airline is hp
579
+ st. petersburg to detroit
580
+ from milwaukee to orlando one way after 5 pm wednesday
581
+ and from milwaukee to atlanta before 10 am daily
582
+ what airline is yx
583
+ show me all flights from san jose to phoenix
584
+ show me all flights from san jose to phoenix
585
+ what airline is hp
586
+ show me ground transportation in phoenix
587
+ show me flights from phoenix to fort worth
588
+ show me ground transportation in fort worth
589
+ show me flights from fort worth to san jose
590
+ show me first class flights from new york to miami round trip
591
+ show me first class flights from new york to miami round trip
592
+ show me all round trip flights from new york to miami nonstop
593
+ show me all round trip flights from miami to new york nonstop
594
+ show me one way flights from indianapolis to memphis before 10 am on any day
595
+ what does fare code f mean
596
+ show me round trip flights from burbank to tacoma
597
+ what does the restriction ap58 mean
598
+ what does fare code h mean
599
+ what airline is as
600
+ what airline is as
601
+ what airline is as
602
+ what airline is as as in sam
603
+ show me nonstop flights from st. petersburg to toronto
604
+ show me nonstop flights from toronto to st. petersburg
605
+ show me the nonstop flights and fares from toronto to st. petersburg
606
+ show me the nonstop flights from toronto to st. petersburg
607
+ show me weekday flights from milwaukee to orlando one way
608
+ show me weekday flights from milwaukee to orlando one way
609
+ what airline is hp
610
+ list flights from chicago to san diego
611
+ list flights from chicago to san diego
612
+ list flights from kansas city to denver
613
+ list flights from denver to phoenix
614
+ list flights from phoenix to las vegas
615
+ list flights from las vegas to san diego
616
+ list flights from chicago to kansas city in the morning
617
+ list flights from houston to san jose
618
+ list flights from houston to milwaukee
619
+ list flights from milwaukee to san jose on wednesday
620
+ list flights from san jose to dallas on friday
621
+ list flights from dallas to houston
622
+ list distance from airports to downtown in new york
623
+ list airports in new york
624
+ list airports in new york
625
+ list airports in la
626
+ list airports
627
+ list airports in la
628
+ list airports in la
629
+ list the airports in la
630
+ list la
631
+ list la
632
+ list flights from new york to la
633
+ list flights from la guardia to burbank
634
+ list flights from la to orlando
635
+ list flights from ontario california to orlando
636
+ list flights from ontario california to orlando
637
+ list flights from indianapolis to memphis with fares on monday
638
+ list flights from indianapolis to memphis on monday
639
+ list flights from memphis to miami on wednesday
640
+ list flights from miami to indianapolis on sunday
641
+ list flights from charlotte on saturday afternoon
642
+ list type of aircraft for all flights from charlotte
643
+ list flights and fares from tacoma to orlando round trip leaving saturday returning next saturday
644
+ what class is fare code q
645
+ list flights from orlando to tacoma on saturday of fare basis code of q
646
+ list airfares for first class round trip from detroit to st. petersburg
647
+ list coach round trip airfare from detroit to st. petersburg
648
+ list flights from pittsburgh to newark on monday morning
649
+ list flights from minneapolis to pittsburgh on friday
650
+ list flights before 9 am from cincinnati to tampa
651
+ list flights from cincinnati to tampa before noon
652
+ list flights from tampa to cincinnati after 3 pm
653
+ list airlines that fly from seattle to salt lake city
654
+ list delta flights from seattle to salt lake city
655
+ list seating capacities of delta flights from seattle to salt lake city
656
+ list delta flights from seattle to salt lake city with aircraft type
657
+ what ground transportation is there in baltimore
658
+ list ground transportation in baltimore
659
+ list flights from baltimore to san francisco on friday
660
+ give me the flights from los angeles to pittsburgh on tuesday
661
+ give me the flights from pittsburgh to los angeles thursday evening
662
+ give me the round trip flights from cleveland to miami next wednesday
663
+ give me the fares for round trip flights from cleveland to miami next wednesday
664
+ give me the flights and fares for a trip to cleveland from miami on wednesday
665
+ give me the fares from miami to cleveland next sunday
666
+ give me the flights from milwaukee to phoenix on saturday or sunday on american airlines
667
+ give me the flights from phoenix to milwaukee on wednesday evening
668
+ give me the flights from phoenix to milwaukee on wednesday on american airlines
669
+ give me the flights from phoenix to milwaukee on american airlines
670
+ give me the flights from phoenix to milwaukee
671
+ give me the meal flights departing early saturday morning from chicago to seattle nonstop
672
+ give me the flights from chicago to seattle saturday morning that have meals
673
+ give me flights from seattle to chicago that have meals on continental
674
+ give me the flights from seattle to chicago that have meals on continental saturday morning
675
+ give me the flights from chicago to seattle on continental that have meals early saturday morning
676
+ give me a combination of continental flights from chicago to seattle that have meals early saturday morning
677
+ give me the saturday morning flights with meals from chicago to minneapolis
678
+ give me the saturday morning flights on continental that have meals from chicago to minneapolis
679
+ give me the saturday morning flights from chicago to st. paul on continental that have meals
680
+ give me the flights from new york to las vegas nonstop
681
+ give me the flights from memphis to las vegas nonstop
682
+ give me the cheapest round trip flights from indianapolis to orlando around december twenty fifth
683
+ i need a friday flight from newark to tampa
684
+ i need a sunday flight from tampa to charlotte
685
+ give me a flight from charlotte to baltimore on tuesday morning
686
+ can i have a morning flight from baltimore to newark please
687
+ cheapest round trip fare from or indianapolis to orlando on december twenty fifth
688
+ cheapest one way fare from indianapolis to orlando on december twenty seventh
689
+ flight number from dallas to houston
690
+ flight number from houston to dallas
691
+ saturday flight on american airlines from milwaukee to phoenix
692
+ flight numbers on american airlines from phoenix to milwaukee
693
+ flight numbers from chicago to seattle
694
+ flight numbers from chicago to seattle on continental
695
+ flight numbers from seattle to chicago on continental
696
+ is there a fare from pittsburgh to cleveland under 200 dollars
697
+ how much is coach flight from pittsburgh to atlanta
698
+ newark to tampa on friday
699
+ tampa to charlotte sunday morning
700
+ charlotte to baltimore on tuesday
701
+ baltimore to newark wednesday morning
702
+ dallas to houston after 1201 am
703
+ houston to dallas before midnight
704
+ indianapolis to orlando december twenty seventh
705
+ cheapest fare from indianapolis to orlando on the twenty seventh of december
706
+ cheapest fare round trip from indianapolis to orlando on december twenty seventh
707
+ cleveland to miami on wednesday arriving before 4 pm
708
+ miami to cleveland sunday afternoon
709
+ new york city to las vegas and memphis to las vegas on sunday
710
+ new york city to las vegas and memphis to las vegas on sunday
711
+ new york to las vegas sunday afternoon
712
+ memphis to las vegas sunday afternoon
713
+ new york to las vegas on sunday afternoon
714
+ chicago to seattle saturday morning
715
+ chicago to las vegas saturday morning
716
+ los angeles to pittsburgh afternoon tuesday
717
+ los angeles to pittsburgh afternoon on monday
718
+ pittsburgh to los angeles thursday evening
719
+ milwaukee to phoenix on saturday
720
+ phoenix to milwaukee on sunday
721
+ phoenix to milwaukee on wednesday
722
+ a flight from baltimore to san francisco arriving between 5 and 8 pm
723
+ how many northwest flights leave st. paul
724
+ how many northwest flights leave washington dc
725
+ how many flights does northwest have leaving dulles
726
+ what cities does northwest fly out of
727
+ list the cities from which northwest flies
728
+ what cities does northwest fly to
729
+ i would like a connecting flight from dallas to san francisco leaving after 4 o'clock
730
+ please list all the flights from dallas to san francisco
731
+ tell me again the morning flights on american airlines from philadelphia to dallas
732
+ tell me the flights that leave philadelphia and go to dallas
733
+ what is a d9s
734
+ what type of plane is a d9s
735
+ what is a d9s
736
+ show me the airports serviced by tower air
737
+ show me the first class and coach flights between jfk and orlando
738
+ show me the first class and coach flights from kennedy airport to miami
739
+ show me the first class and coach flights from jfk to miami
740
+ are meals ever served on tower air
741
+ are snacks served on tower air
742
+ show delta airlines flights from jfk to miami
743
+ show delta airlines from boston to salt lake
744
+ show delta airlines flights from boston to salt lake
745
+ show delta airlines flights from boston to salt lake city
746
+ what are the fares for flights between boston and washington dc
747
+ what is the least expensive fare from boston to salt lake city
748
+ what are the lowest fares from washington dc to salt lake city
749
+ what is the lowest fare from bwi to salt lake city
750
+ show me the cost of a first class ticket from detroit to las vegas and back
751
+ what is the earliest arriving flight from boston to washington dc
752
+ what is the earliest arriving flight between boston and washington dc
753
+ what's the earliest arriving flight between boston and washington dc
754
+ what is the earliest arriving flight from houston to orlando
755
+ what is the earliest arriving flight from houston to orlando
756
+ show me the flights between houston and orlando
757
+ show me the flights between houston and orlando
758
+ show me the flights from houston to orlando
759
+ list all flights leaving denver between 8 pm and 9 pm
760
+ what is the seating capacity on the aircraft 733
761
+ what is the seating capacity of a 72s
762
+ what is the seating capacity of the aircraft 72s
763
+ what is the seating capacity of the aircraft m80
764
+ what is the seating capacity of the type of aircraft m80
765
+ what is the seating capacity of an m80
766
+ what airlines serve denver
767
+ list the airlines with flights to or from denver
768
+ what airlines fly into denver
769
+ list all flights arriving in denver between 8 and 9 pm
770
+ what is the capacity of the 73s
771
+ what is 73s
772
+ what is seating capacity on the aircraft 73s
773
+ what is the seating capacity of a 757
774
+ how many people will a 757 hold
775
+ how many passengers can fly on a 757
776
+ list all of the daily flights arriving in denver between 8 and 9 pm
777
+ list all of the daily flights arriving in denver from 8 to 9 pm
778
+ show me all of the daily flights arriving in denver between 8 pm and 9 pm
779
+ what is the seating capacity of the 757
780
+ tell me about the m80 aircraft
781
+ tell me about the m80 aircraft
782
+ tell me about the type of aircraft called an m80
783
+ what is the seating capacity of the 733
784
+ what is the seating capacity of the m80
785
+ what is the seating capacity on the aircraft m80
786
+ list all flights arriving or leaving denver between 8 and 9 pm
787
+ list all flights arriving in denver between 8 and 9 pm
788
+ list all flights on all types of aircraft arriving in denver between 8 and 9 pm
789
+ please list all flights from nashville to memphis on monday morning
790
+ please list the flights from nashville to memphis on monday morning
791
+ is there ground transportation from the memphis airport into town when if i arrive at 842 in the morning
792
+ please list the flights from memphis to new york city on a monday night
793
+ what is cvg
794
+ what ground transportation is available from la guardia airport into new york city
795
+ is there ground transportation from lga into new york city
796
+ please list the ground transportation from lga into new york city
797
+ please list ground transportation from ewr into new york city
798
+ show me the morning flights from memphis to new york city
799
+ give me the flights from new york city to nashville leaving after 5 pm on wednesday
800
+ tell me about the ground transportation from nashville airport
801
+ what are the nonstop flights from cincinnati to charlotte leaving after noon and arriving before 7 pm
802
+ how many flights does alaska airlines have to burbank
803
+ list the alaska airline flights from burbank to anywhere
804
+ list the alaska airline flights from burbank
805
+ which airline is as
806
+ list the alaska airlines flights arriving in burbank
807
+ list the alaska airlines flights a departing from burbank
808
+ list all alaska airlines flights
809
+ list all flights departing from seattle
810
+ list the flights from indianapolis to memphis that leave before noon
811
+ list the cheapest fare from charlotte to las vegas
812
+ i want a flight from los angeles to charlotte early in the morning
813
+ i would like a morning flight from charlotte to newark
814
+ i'd like a morning flight from newark to los angeles
815
+ i'd like an evening flight from newark to los angeles
816
+ i would like a flight that leaves on sunday from montreal quebec to san diego california
817
+ i would like a flight on tuesday which leaves from san diego to indianapolis indiana and that leaves in the afternoon
818
+ i would like to leave thursday morning from indianapolis to toronto
819
+ i would like a flight on friday morning from toronto to montreal
820
+ i would like a flight from cincinnati to burbank on american
821
+ what type of aircraft is used for the american flight leaving at 419 pm
822
+ i need a flight leaving kansas city to chicago leaving next wednesday and returning the following day
823
+ what flights go from long beach to st. louis
824
+ what are the flights from memphis to las vegas
825
+ what are the flights from las vegas to ontario
826
+ what are the flights from ontario to memphis
827
+ what type of ground transportation is there at the las vegas airport
828
+ is there taxi service at the ontario airport
829
+ what are the flights from tampa to milwaukee
830
+ what are the flights from milwaukee to seattle
831
+ what are the flights from la guardia to san jose on united
832
+ what are the flights on mondays that travel from charlotte north carolina to phoenix arizona
833
+ what are the flights from phoenix arizona to st. paul minnesota on tuesday
834
+ what are the flights on thursday leaving from st. paul minnesota to st. louis
835
+ what are the flights from st. louis to charlotte north carolina leaving on friday
836
+ what are the flights from boston to orlando that stop in new york
837
+ i need a morning flight from burbank to milwaukee on next monday
838
+ how about a flight from milwaukee to st. louis that leaves monday night
839
+ and a flight from st. louis to burbank that leaves tuesday afternoon
840
+ how about a flight leaving tuesday night from st. louis to burbank
841
+ i need a flight from salt lake to newark airport that arrives on saturday before 6 pm
842
+ i'd like a flight from cincinnati to newark airport that arrives on saturday before 6 pm
843
+ i need a flight on american airlines from miami to chicago that arrives around 5 pm
844
+ i need a flight from memphis to tacoma that goes through los angeles
845
+ what are the flights between cincinnati and san jose california which leave after 6 pm
846
+ what are the nonstop flights between san jose and houston texas
847
+ what are the nonstop flights between houston and memphis
848
+ what are the flights between memphis and cincinnati on wednesday
849
+ what are the american flights from newark to nashville
850
+ the flights from ontario to westchester that stop in chicago
851
+ please list the flights from los angeles to charlotte
852
+ please list the flights from charlotte to newark
853
+ please list the flights from newark to los angeles
854
+ please list the flights from cincinnati to burbank on american airlines
855
+ please give me the flights from kansas city to chicago on june sixteenth
856
+ please give me the flights from chicago to kansas city on june seventeenth
857
+ please list all the flights from kansas city to chicago on june sixteenth
858
+ please list all the flights from chicago to kansas city on june seventeenth
859
+ i'd like to travel from burbank to milwaukee
860
+ can you find me a flight from salt lake city to new york city next saturday before arriving before 6 pm
861
+ can you find me another flight from cincinnati to new york on saturday before 6 pm
862
+ can you list all of the delta flights from salt lake city to new york next saturday arriving before 6 pm
863
+ i'd like to fly from miami to chicago on on american airlines arriving around 5 pm
864
+ i'd like to travel from kansas city to chicago next wednesday
865
+ i'd like a round trip flight from kansas city to chicago on wednesday may twenty sixth arriving at 7 pm
866
+ yes i'd like to find a flight from memphis to tacoma stopping in los angeles
867
+ find flight from san diego to phoenix on monday am
868
+ find flight from phoenix to detroit on monday
869
+ find flight from detroit to san diego on tuesday
870
+ find flight from cincinnati to san jose on monday
871
+ find flight from san jose to houston on wednesday
872
+ find flight from houston to memphis on friday
873
+ find flight from memphis to cincinnati on sunday
874
+ find american flight from newark to nashville around 630 pm
875
+ 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
876
+ are there any flights on june tenth from burbank to tacoma
877
+ please find a flight from ontario to westchester that makes a stop in chicago on may seventeenth one way with dinner
878
+ like to book a flight from burbank to milwaukee
879
+ show me all the flights from burbank to milwaukee
880
+ find me all the flights from milwaukee to st. louis
881
+ now show me all the flights from st. louis to burbank
882
+ is there one airline that flies from burbank to milwaukee milwaukee to st. louis and from st. louis to burbank
883
+ find me all the round trip flights from burbank to milwaukee stopping in st. louis
884
+ i'd like to book two flights to westchester county
885
+ i want to book a flight from salt lake city to westchester county
886
+ tell me all the airports near westchester county
887
+ i'd like to book a flight from cincinnati to new york city on united airlines for next saturday
888
+ tell me all the airports in the new york city area
889
+ please find all the flights from cincinnati to any airport in the new york city area that arrive next saturday before 6 pm
890
+ find me a flight from cincinnati to any airport in the new york city area
891
+ i'd like to fly from miami to chicago on american airlines
892
+ i would like to book a round trip flight from kansas city to chicago
893
+ find me a flight that flies from memphis to tacoma
JointBERT-master/data/atis/test/seq.out ADDED
@@ -0,0 +1,893 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 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
2
+ 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
3
+ 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
4
+ 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
5
+ 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
6
+ 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
7
+ 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
8
+ 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
9
+ 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
10
+ 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
11
+ O O O O B-fromloc.city_name O B-toloc.city_name B-meal_description
12
+ 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
13
+ 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
14
+ 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
15
+ 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
16
+ 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
17
+ O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.today_relative
18
+ 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
19
+ 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
20
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
21
+ O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
22
+ 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
23
+ 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
24
+ O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
25
+ O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
26
+ 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
27
+ 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
28
+ O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name
29
+ O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
30
+ 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
31
+ O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
32
+ O O O O B-fromloc.city_name O B-toloc.city_name
33
+ O B-airport_name I-airport_name O O O O O O O O O
34
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
35
+ O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O
36
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
37
+ O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O
38
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
39
+ O O O O O O O B-fromloc.city_name O B-toloc.city_name
40
+ 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
41
+ O O O O O B-fromloc.city_name O B-toloc.city_name B-connect O B-stoploc.city_name
42
+ O O O O B-meal_description
43
+ O O O O O B-fromloc.city_name O B-toloc.city_name
44
+ O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name
45
+ O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
46
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
47
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
48
+ 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
49
+ O O O O O B-fromloc.city_name O B-toloc.city_name
50
+ O O O O O B-fromloc.city_name O B-toloc.city_name
51
+ O B-meal O O O B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name
52
+ 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
53
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
54
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
55
+ O O O O O B-fromloc.city_name O B-toloc.city_name
56
+ O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
57
+ 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
58
+ 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
59
+ 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
60
+ 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
61
+ 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
62
+ 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
63
+ 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
64
+ 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
65
+ 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
66
+ 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
67
+ 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
68
+ 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
69
+ 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
70
+ 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
71
+ 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
72
+ 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
73
+ 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
74
+ 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
75
+ 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
76
+ 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
77
+ 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
78
+ 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
79
+ 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
80
+ O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name
81
+ 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
82
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.state_name
83
+ 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
84
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
85
+ 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
86
+ 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
87
+ O O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop O B-meal_description O
88
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
89
+ 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
90
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
91
+ O O O O O B-fromloc.city_name O B-toloc.city_name
92
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
93
+ 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
94
+ O O O O O O O O O B-city_name I-city_name
95
+ O O O O B-toloc.city_name O O O O O O O B-fromloc.city_name I-fromloc.city_name
96
+ 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
97
+ 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
98
+ 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
99
+ 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
100
+ 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
101
+ 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
102
+ 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
103
+ 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
104
+ 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
105
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
106
+ O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
107
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description
108
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description
109
+ O O O O B-fromloc.city_name O B-airline_name I-airline_name O B-class_type I-class_type
110
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
111
+ O O O B-flight_mod B-meal_description O O B-fromloc.city_name O B-toloc.city_name
112
+ O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
113
+ O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
114
+ O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name
115
+ O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O O O O O O
116
+ 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
117
+ O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
118
+ 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
119
+ O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
120
+ O O O O O O O B-airport_name I-airport_name B-city_name I-city_name O O B-city_name
121
+ 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
122
+ 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
123
+ 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
124
+ 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
125
+ 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
126
+ O O O O O B-fromloc.city_name O B-toloc.state_name
127
+ 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
128
+ 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
129
+ 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
130
+ 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
131
+ 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
132
+ 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
133
+ 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
134
+ 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
135
+ 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
136
+ 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
137
+ O O O O O B-city_name
138
+ O O O O O B-transport_type O B-city_name
139
+ O O O O O O O O B-city_name
140
+ 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
141
+ O O O O O B-city_name I-city_name
142
+ 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
143
+ 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
144
+ 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
145
+ 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
146
+ O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
147
+ 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
148
+ 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
149
+ 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
150
+ 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
151
+ O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
152
+ 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
153
+ 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
154
+ 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
155
+ 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
156
+ O O O O B-toloc.airport_name I-toloc.airport_name O B-arrive_date.month_name B-arrive_date.day_number
157
+ 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
158
+ O O O O B-fromloc.city_name O B-toloc.city_name
159
+ O O O O B-fromloc.city_name O B-toloc.city_name
160
+ 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
161
+ O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number
162
+ 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
163
+ O O O O B-airline_name I-airline_name I-airline_name
164
+ O O B-airline_name I-airline_name I-airline_name O O B-aircraft_code
165
+ O O B-airline_name I-airline_name I-airline_name O O O B-aircraft_code
166
+ O O B-airline_name I-airline_name O O O B-aircraft_code
167
+ 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
168
+ 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
169
+ O O O B-mod O B-city_name B-state_name
170
+ O O O O O B-fromloc.city_name O B-toloc.city_name
171
+ O O O O O B-fromloc.city_name O B-toloc.city_name
172
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
173
+ 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
174
+ 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
175
+ O O O B-airline_name O O O O B-meal_description O B-compartment O
176
+ O O O O B-meal_code
177
+ 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
178
+ O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
179
+ O O B-airline_name O B-flight_number
180
+ O O B-airline_name I-airline_name O O B-day_name
181
+ O O B-airline_name I-airline_name O O B-meal
182
+ O O O O B-fromloc.city_name
183
+ 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
184
+ O O O O B-fromloc.city_name O O B-depart_time.period_of_day O O O B-toloc.city_name
185
+ O O O O B-fromloc.city_name O O O B-toloc.city_name O O B-arrive_time.period_of_day
186
+ 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
187
+ O O O O B-fromloc.city_name O O O B-toloc.city_name
188
+ O O O O O B-fromloc.city_name O O O B-toloc.city_name
189
+ O O O O B-fromloc.city_name O O O B-toloc.city_name B-toloc.state_code
190
+ 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
191
+ O O O B-city_name I-city_name B-airport_name I-airport_name O O
192
+ O O O B-airport_name I-airport_name O O
193
+ O O O B-airport_name I-airport_name I-airport_name O O
194
+ O O O B-airport_name I-airport_name I-airport_name O O
195
+ O O O O B-transport_type O O B-city_name
196
+ O O O O B-transport_type O O B-airport_name I-airport_name
197
+ O O O O B-transport_type O O B-airport_name I-airport_name
198
+ O O O B-transport_type O O B-city_name I-city_name
199
+ O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name
200
+ O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name
201
+ O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name
202
+ O O O O O O O O B-fromloc.city_name O B-toloc.city_name
203
+ O O B-city_name I-city_name O O O O O O O O O B-airline_name I-airline_name
204
+ 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
205
+ 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
206
+ O O O O B-fromloc.city_name O B-toloc.city_name
207
+ 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
208
+ 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
209
+ O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name
210
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
211
+ O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
212
+ O O O O B-fromloc.city_name O B-toloc.city_name
213
+ O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
214
+ O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name O O O
215
+ O O O O O B-fromloc.city_name
216
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
217
+ O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O
218
+ 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
219
+ 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
220
+ 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
221
+ 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
222
+ O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
223
+ O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
224
+ O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
225
+ O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
226
+ O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
227
+ 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
228
+ 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
229
+ 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
230
+ O O O O B-airline_name I-airline_name O B-flight_number O B-fromloc.airport_code O B-toloc.airport_code
231
+ O O O O B-fare_basis_code
232
+ O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-city_name
233
+ 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
234
+ O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O O B-city_name
235
+ 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
236
+ O B-transport_type O O O B-city_name I-city_name I-city_name
237
+ 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
238
+ O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
239
+ 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
240
+ 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
241
+ O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.day_name B-arrive_time.period_of_day
242
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
243
+ O O O O O O O B-aircraft_code
244
+ O O O O O O B-airline_name B-aircraft_code
245
+ 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
246
+ 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
247
+ O O O B-fromloc.city_name O B-toloc.city_name B-flight_days
248
+ O O O B-fromloc.city_name O B-toloc.city_name B-flight_days
249
+ O O O B-fromloc.city_name O B-toloc.city_name B-flight_days
250
+ 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
251
+ 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
252
+ O B-class_type I-class_type O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name
253
+ O O O O B-fare_basis_code
254
+ O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
255
+ O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name
256
+ O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name
257
+ 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
258
+ 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
259
+ 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
260
+ 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
261
+ 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
262
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
263
+ 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
264
+ 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
265
+ 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
266
+ 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
267
+ 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
268
+ 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
269
+ 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
270
+ 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
271
+ 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
272
+ 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
273
+ B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
274
+ B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.time_relative B-depart_time.time
275
+ 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
276
+ 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
277
+ B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
278
+ B-fromloc.city_name O B-toloc.city_name O
279
+ B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type O
280
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
281
+ O O B-airline_code O O
282
+ O O O O O B-fromloc.city_name O B-toloc.city_name
283
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
284
+ O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
285
+ O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
286
+ O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
287
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
288
+ O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
289
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
290
+ O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
291
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
292
+ O O O O B-fare_basis_code O
293
+ 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
294
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
295
+ O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
296
+ O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
297
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
298
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
299
+ O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
300
+ 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
301
+ 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
302
+ 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
303
+ 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
304
+ O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
305
+ O O O B-airline_code
306
+ 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
307
+ 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
308
+ 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
309
+ O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
310
+ O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
311
+ 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
312
+ 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
313
+ 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
314
+ O O O O O O B-city_name O B-day_name B-period_of_day
315
+ O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
316
+ O O O O O O O O O O O B-city_name B-period_of_day B-period_of_day
317
+ 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
318
+ 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
319
+ 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
320
+ O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name I-toloc.city_name
321
+ O O O O B-fromloc.city_name O B-toloc.city_name
322
+ 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
323
+ 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
324
+ 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
325
+ 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
326
+ 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
327
+ O O B-airline_code O
328
+ 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
329
+ 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
330
+ 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
331
+ O O O O O B-transport_type O B-city_name B-state_code
332
+ 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
333
+ O O O B-fromloc.state_code O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
334
+ O O O O O O O O B-airline_code O B-fromloc.city_name O B-toloc.city_name
335
+ O O B-fare_basis_code O
336
+ 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
337
+ 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
338
+ 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
339
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
340
+ O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
341
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
342
+ O O B-fare_basis_code O
343
+ O O B-restriction_code I-restriction_code O
344
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
345
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
346
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
347
+ O O B-restriction_code I-restriction_code O
348
+ 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
349
+ 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
350
+ 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
351
+ O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
352
+ O O O O O B-transport_type O B-city_name
353
+ O O B-cost_relative O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name
354
+ O O O O O O B-city_name
355
+ O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
356
+ O O O O B-fromloc.city_name O O O B-toloc.city_name
357
+ O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
358
+ O O O B-airline_code
359
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
360
+ O O B-airport_code
361
+ O O B-airport_code
362
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
363
+ O O B-mod B-days_code O
364
+ 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
365
+ O O O B-airline_code
366
+ 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
367
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
368
+ O O O O O O B-airport_name I-airport_name I-airport_name I-airport_name O O B-city_name
369
+ O O O O O B-aircraft_code O O
370
+ O O O O O O O B-aircraft_code
371
+ O O O O O B-fromloc.city_name O B-toloc.city_name
372
+ O O O O O O B-airport_name I-airport_name O O B-city_name
373
+ O O O O O O O O B-aircraft_code
374
+ O O O O O B-fromloc.city_name O B-toloc.city_name O O B-aircraft_code O
375
+ O O O B-airline_code
376
+ O O O O O B-fromloc.city_name O B-toloc.state_name
377
+ O O O O O B-fromloc.city_name O B-toloc.city_name
378
+ O O O O O O B-airport_name I-airport_name O O B-city_name
379
+ O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
380
+ O O O O O O B-airport_code O O B-city_name
381
+ O O O O O B-airport_code O B-city_name
382
+ O O O O O O B-airport_name I-airport_name O O B-city_name
383
+ 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
384
+ 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
385
+ O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
386
+ O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
387
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
388
+ 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
389
+ 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
390
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
391
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
392
+ 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
393
+ 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
394
+ O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
395
+ O O O B-fromloc.city_name O B-toloc.city_name
396
+ O O O O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-fromloc.state_code
397
+ O O O O O B-fromloc.city_name O B-toloc.city_name
398
+ O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name
399
+ O O O O O B-fromloc.city_name O B-toloc.city_name
400
+ O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
401
+ O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
402
+ O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
403
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
404
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code
405
+ O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name
406
+ 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
407
+ 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
408
+ 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
409
+ O O O B-cost_relative O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
410
+ O O O B-cost_relative O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
411
+ O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
412
+ O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
413
+ 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
414
+ 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
415
+ 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
416
+ O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name
417
+ 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
418
+ 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
419
+ 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
420
+ O O O O B-fromloc.city_name O B-toloc.city_name
421
+ O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
422
+ O O O O B-fromloc.city_name O B-toloc.city_name
423
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
424
+ O O O O O B-city_name
425
+ O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
426
+ O O O B-fromloc.city_name O B-toloc.city_name
427
+ O O O B-fromloc.city_name O B-toloc.city_name
428
+ O O O B-fromloc.city_name O B-toloc.city_name
429
+ O O O B-fromloc.city_name O B-toloc.city_name
430
+ O O O B-fromloc.city_name O B-toloc.city_name
431
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
432
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
433
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
434
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
435
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
436
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
437
+ O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
438
+ O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
439
+ O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
440
+ O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name O O O O
441
+ O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
442
+ O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
443
+ O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
444
+ O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
445
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
446
+ O O O O B-fromloc.city_name O B-toloc.city_name
447
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
448
+ O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
449
+ O O O O O O O O B-city_name
450
+ 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
451
+ O O O O O B-city_name I-city_name
452
+ 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
453
+ O O B-fromloc.city_name O B-toloc.city_name
454
+ O O B-fromloc.city_name O B-toloc.city_name
455
+ O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
456
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
457
+ 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
458
+ O O O O O O O O B-fromloc.city_name O B-toloc.city_name O
459
+ O O O O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
460
+ O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_date.day_name
461
+ O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name
462
+ O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name
463
+ O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name
464
+ 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
465
+ O O O B-fromloc.city_name O B-toloc.city_name
466
+ O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
467
+ O O O B-fromloc.city_name O B-toloc.city_name
468
+ O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
469
+ O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
470
+ O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
471
+ O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
472
+ O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
473
+ O O O B-fromloc.city_name O B-toloc.airport_code
474
+ O O O B-fromloc.city_name O B-toloc.city_name
475
+ O O O B-fromloc.city_name O B-toloc.city_name
476
+ O O O B-fromloc.city_name O B-toloc.city_name
477
+ 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
478
+ 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
479
+ 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
480
+ 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
481
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.airport_code
482
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
483
+ 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
484
+ 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
485
+ O O O O O O O B-airport_name I-airport_name
486
+ 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
487
+ 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
488
+ 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
489
+ 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
490
+ 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
491
+ 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
492
+ O O O O O O O B-airport_name I-airport_name
493
+ 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
494
+ O O O O O O O B-airport_name I-airport_name I-airport_name I-airport_name
495
+ 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
496
+ O O O O O O O B-airport_name I-airport_name
497
+ 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
498
+ 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
499
+ 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
500
+ 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
501
+ 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
502
+ O O O B-state_name I-state_name O B-state_name O
503
+ O B-state_name B-state_name B-state_name O
504
+ O O B-state_name O
505
+ O B-state_name O
506
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
507
+ O B-state_name O
508
+ O O
509
+ 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
510
+ 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
511
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
512
+ O O B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
513
+ O O B-airport_code
514
+ O O O O O B-fromloc.city_name O B-toloc.city_name
515
+ 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
516
+ 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
517
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
518
+ O O O O O B-fromloc.city_name O B-toloc.city_name
519
+ O O O O O B-fromloc.city_name O B-toloc.city_name
520
+ O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name
521
+ O O O O O B-fromloc.city_name O B-toloc.city_name
522
+ O O O O O B-transport_type O B-city_name
523
+ O O O B-flight_days O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
524
+ O O O O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name I-toloc.city_name
525
+ O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
526
+ O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
527
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
528
+ O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
529
+ O O O O O O O O O B-fromloc.city_name O O O B-toloc.city_name
530
+ O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O
531
+ O O O O B-fare_basis_code O
532
+ O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip
533
+ O O O B-airline_code O O
534
+ 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
535
+ O O O O B-fromloc.city_name O B-toloc.city_name
536
+ O O O O B-fare_basis_code O
537
+ O O O O B-fare_basis_code O
538
+ O O O O B-fare_basis_code O
539
+ O O O B-restriction_code I-restriction_code
540
+ 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
541
+ 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
542
+ B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O
543
+ O O O B-airline_code
544
+ O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name
545
+ O O O O O B-fromloc.city_name O B-toloc.city_name O
546
+ O O O B-airline_code
547
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O O
548
+ O O O O B-fare_basis_code O
549
+ O O O B-round_trip O O B-fromloc.city_name O B-toloc.airport_code O
550
+ O O O O B-fare_basis_code O
551
+ O O O O B-fare_basis_code O
552
+ O O O O B-fare_basis_code O
553
+ O O O O B-fare_basis_code O
554
+ 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
555
+ O O O O O B-fromloc.city_name O B-toloc.city_name
556
+ O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
557
+ O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
558
+ O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name
559
+ O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name
560
+ O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
561
+ O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
562
+ O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
563
+ O O O B-cost_relative B-economy O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
564
+ B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-economy
565
+ B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-economy
566
+ O O O B-airline_code
567
+ O O O B-city_name I-city_name
568
+ O O O B-city_name I-city_name
569
+ B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-economy
570
+ B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-economy
571
+ B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-economy
572
+ O O O B-airline_code
573
+ O O O B-airline_code
574
+ O O O B-airline_code
575
+ O O O B-airline_code
576
+ O O O B-airline_code
577
+ 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
578
+ O O O B-airline_code
579
+ B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
580
+ 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
581
+ 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
582
+ O O O B-airline_code
583
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
584
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
585
+ O O O B-airline_code
586
+ O O O O O B-city_name
587
+ O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
588
+ O O O O O B-city_name I-city_name
589
+ O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
590
+ 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
591
+ 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
592
+ 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
593
+ 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
594
+ 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
595
+ O O O O B-fare_basis_code O
596
+ O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
597
+ O O O O B-restriction_code O
598
+ O O O O B-fare_basis_code O
599
+ O O O B-airline_code
600
+ O O O B-airline_code
601
+ O O O B-airline_code
602
+ O O O B-airline_code O O O
603
+ O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
604
+ O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
605
+ O O O B-flight_stop O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
606
+ O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
607
+ O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip
608
+ O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip
609
+ O O O B-airline_code
610
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
611
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
612
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
613
+ O O O B-fromloc.city_name O B-toloc.city_name
614
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
615
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
616
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day
617
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
618
+ O O O B-fromloc.city_name O B-toloc.city_name
619
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
620
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
621
+ O O O B-fromloc.city_name O B-toloc.city_name
622
+ O O O O O O O B-city_name I-city_name
623
+ O O O B-city_name I-city_name
624
+ O O O B-city_name I-city_name
625
+ O O O B-city_name
626
+ O O
627
+ O O O B-city_name
628
+ O O O B-city_name
629
+ O O O O B-city_name
630
+ O B-city_name
631
+ O B-city_name
632
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
633
+ O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name
634
+ O O O B-fromloc.city_name O B-toloc.city_name
635
+ O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name
636
+ O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name
637
+ O O O B-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name
638
+ O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
639
+ O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
640
+ O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
641
+ O O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
642
+ O O O O O O O O B-fromloc.city_name
643
+ 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
644
+ O O O O O B-booking_class
645
+ 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
646
+ 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
647
+ 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
648
+ O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
649
+ O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
650
+ 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
651
+ O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.period_of_day
652
+ 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
653
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
654
+ O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
655
+ 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
656
+ 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
657
+ O O O O O O B-city_name
658
+ O O O O B-city_name
659
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
660
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
661
+ 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
662
+ 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
663
+ 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
664
+ 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
665
+ O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name
666
+ 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
667
+ 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
668
+ 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
669
+ O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
670
+ O O O O O B-fromloc.city_name O B-toloc.city_name
671
+ 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
672
+ 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
673
+ O O O O B-fromloc.city_name O B-toloc.city_name O O B-meal O B-airline_name
674
+ 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
675
+ 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
676
+ 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
677
+ 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
678
+ 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
679
+ 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
680
+ 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
681
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop
682
+ 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
683
+ O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
684
+ O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
685
+ 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
686
+ O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O
687
+ 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
688
+ 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
689
+ O O O B-fromloc.city_name O B-toloc.city_name
690
+ O O O B-fromloc.city_name O B-toloc.city_name
691
+ B-depart_date.day_name O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
692
+ O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
693
+ O O O B-fromloc.city_name O B-toloc.city_name
694
+ O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name
695
+ O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name
696
+ O O O O O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount
697
+ O O O B-class_type O O B-fromloc.city_name O B-toloc.city_name
698
+ B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
699
+ B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
700
+ B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
701
+ B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
702
+ B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
703
+ B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.period_of_day
704
+ B-fromloc.city_name O B-toloc.city_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
705
+ 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
706
+ 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
707
+ 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
708
+ B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
709
+ 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
710
+ 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
711
+ 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
712
+ B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
713
+ 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
714
+ B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
715
+ B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
716
+ B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.period_of_day B-depart_date.day_name
717
+ 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
718
+ B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
719
+ B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
720
+ B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
721
+ B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
722
+ 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
723
+ O O B-airline_name O O B-fromloc.city_name I-fromloc.city_name
724
+ O O B-airline_name O O B-fromloc.city_name B-fromloc.state_code
725
+ O O O O B-airline_name O O B-fromloc.airport_name
726
+ O O O B-airline_name O O O
727
+ O O O O O B-airline_name O
728
+ O O O B-airline_name O O
729
+ 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
730
+ O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
731
+ 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
732
+ O O O O O O B-fromloc.city_name O O O B-toloc.city_name
733
+ O O O B-aircraft_code
734
+ O O O O O O B-aircraft_code
735
+ O O O B-aircraft_code
736
+ O O O O O O B-airline_name I-airline_name
737
+ O O O B-class_type I-class_type O B-class_type O O B-fromloc.airport_code O B-toloc.city_name
738
+ 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
739
+ O O O B-class_type I-class_type O B-class_type O O B-fromloc.airport_code O B-toloc.city_name
740
+ O B-meal O O O B-airline_name I-airline_name
741
+ O B-meal_description O O B-airline_name I-airline_name
742
+ O B-airline_name I-airline_name O O B-fromloc.airport_code O B-toloc.city_name
743
+ O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
744
+ O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
745
+ 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
746
+ O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
747
+ 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
748
+ 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
749
+ 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
750
+ 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
751
+ O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
752
+ O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
753
+ O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
754
+ O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name
755
+ O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name
756
+ O O O O O B-fromloc.city_name O B-toloc.city_name
757
+ O O O O O B-fromloc.city_name O B-toloc.city_name
758
+ O O O O O B-fromloc.city_name O B-toloc.city_name
759
+ 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
760
+ O O O O O O O O B-aircraft_code
761
+ O O O O O O O B-aircraft_code
762
+ O O O O O O O O B-aircraft_code
763
+ O O O O O O O O B-aircraft_code
764
+ O O O O O O O O O O B-aircraft_code
765
+ O O O O O O O B-aircraft_code
766
+ O O O B-city_name
767
+ O O O O O O O O B-city_name
768
+ O O O O B-toloc.city_name
769
+ 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
770
+ O O O O O O B-aircraft_code
771
+ O O B-aircraft_code
772
+ O O O O O O O B-aircraft_code
773
+ O O O O O O O B-aircraft_code
774
+ O O O O O B-aircraft_code O
775
+ O O O O O O O B-aircraft_code
776
+ 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
777
+ 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
778
+ 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
779
+ O O O O O O O B-aircraft_code
780
+ O O O O B-aircraft_code O
781
+ O O O O B-aircraft_code O
782
+ O O O O O O O O O B-aircraft_code
783
+ O O O O O O O B-aircraft_code
784
+ O O O O O O O B-aircraft_code
785
+ O O O O O O O O B-aircraft_code
786
+ 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
787
+ 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
788
+ 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
789
+ 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
790
+ 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
791
+ 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
792
+ 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
793
+ O O B-airport_code
794
+ 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
795
+ O O O O O B-airport_code O B-city_name I-city_name I-city_name
796
+ O O O O O O B-airport_code O B-city_name I-city_name I-city_name
797
+ O O O O O B-airport_code O B-city_name I-city_name I-city_name
798
+ 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
799
+ 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
800
+ O O O O O O O B-airport_name I-airport_name
801
+ 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
802
+ O O O O B-airline_name I-airline_name O O B-toloc.city_name
803
+ O O B-airline_name I-airline_name O O B-fromloc.city_name O O
804
+ O O B-airline_name I-airline_name O O B-fromloc.city_name
805
+ O O O B-airline_code
806
+ O O B-airline_name I-airline_name O O O B-toloc.city_name
807
+ O O B-airline_name I-airline_name O O O O B-fromloc.city_name
808
+ O O B-airline_name I-airline_name O
809
+ O O O O O B-fromloc.city_name
810
+ 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
811
+ O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
812
+ 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
813
+ O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
814
+ O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
815
+ O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
816
+ 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
817
+ 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
818
+ 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
819
+ 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
820
+ O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name
821
+ O O O O O O O O B-airline_name O O O B-depart_time.time I-depart_time.time
822
+ 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
823
+ O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
824
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
825
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
826
+ O O O O O B-fromloc.city_name O B-toloc.city_name
827
+ O O O O O O O O O B-airport_name I-airport_name I-airport_name
828
+ O O B-transport_type I-transport_type O O B-airport_name I-airport_name
829
+ O O O O O B-fromloc.city_name O B-toloc.city_name
830
+ O O O O O B-fromloc.city_name O B-toloc.city_name
831
+ 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
832
+ 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
833
+ 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
834
+ 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
835
+ 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
836
+ 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
837
+ 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
838
+ 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
839
+ 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
840
+ 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
841
+ 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
842
+ 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
843
+ 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
844
+ 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
845
+ 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
846
+ 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
847
+ O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name
848
+ O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
849
+ O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name
850
+ O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
851
+ O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
852
+ O O O O O B-fromloc.city_name O B-toloc.city_name
853
+ O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
854
+ O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
855
+ 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
856
+ 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
857
+ 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
858
+ 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
859
+ O O O O O B-fromloc.city_name O B-toloc.city_name
860
+ 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
861
+ 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
862
+ 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
863
+ 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
864
+ 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
865
+ 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
866
+ 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
867
+ 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
868
+ O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
869
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
870
+ O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
871
+ O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
872
+ O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
873
+ O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
874
+ 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
875
+ 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
876
+ 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
877
+ 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
878
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
879
+ O O O O O O B-fromloc.city_name O B-toloc.city_name
880
+ O O O O O O B-fromloc.city_name O B-city_name I-city_name
881
+ O O O O O O O B-city_name I-city_name O B-toloc.city_name
882
+ 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
883
+ 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
884
+ O O O O O O O B-toloc.city_name I-toloc.city_name
885
+ 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
886
+ O O O O O O B-city_name I-city_name
887
+ 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
888
+ O O O O O O O B-city_name I-city_name I-city_name O
889
+ 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
890
+ 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
891
+ O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
892
+ 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
893
+ O O O O O O O B-fromloc.city_name O B-toloc.city_name
JointBERT-master/data/atis/train/label ADDED
@@ -0,0 +1,4478 @@