提交 ff1178bb 编写于 作者: W wangxiao1021

add sequence labeling

上级 5d517171
......@@ -11,10 +11,11 @@ PALM (PArallel Learning from Multi-tasks) 是一个强大通用、预置丰富
- [理论准备](#理论准备)
- [框架原理](#框架原理)
- [预训练模型](#预训练模型)
- [个DEMO入门PALM](#三个demo入门paddlepalm)
- [个DEMO入门PALM](#三个demo入门paddlepalm)
- [DEMO1:单任务训练](#demo1单任务训练)
- [DEMO2:多任务辅助训练与目标任务预测](#demo2多任务辅助训练与目标任务预测)
- [DEMO3:多目标任务联合训练与任务层参数复用](#demo3多目标任务联合训练与任务层参数复用)
- [DEMO4:序列标注](#demo4序列标注)
- [进阶篇](#进阶篇)
- [配置广播机制](#配置广播机制)
- [reader、backbone与paradigm的选择](#readerbackbone与paradigm的选择)
......@@ -78,12 +79,14 @@ cd PALM && python setup.py install
│ ├── cls.py # 文本分类数据集工具
│ ├── match.py # 文本匹配数据集工具
│ ├── mrc.py # 机器阅读理解数据集工具
│ └── mlm.py # 掩码语言模型(mask language model)数据集生成与处理工具
│ ├── mlm.py # 掩码语言模型(mask language model)数据集生成与处理工具
│ └── ner.py # 序列标注数据集工具
└── paradigm # 任务范式
├── cls.py # 文本分类
├── match.py # 文本匹配
├── mrc.py # 机器阅读理解
└── mlm.py # 掩码语言模型(mask language model)
├── mlm.py # 掩码语言模型(mask language model)
└── ner.py # 序列标注
```
......@@ -146,7 +149,7 @@ python download_models.py -d bert-en-uncased-large
## 个DEMO入门PaddlePALM
## 个DEMO入门PaddlePALM
### DEMO1:单任务训练
......@@ -470,6 +473,117 @@ cls3: inference model saved at output_model/thirdrun/infer_model
对本DEMO更深入的理解可以参考[多目标任务下的训练终止条件与预期训练步数](#多目标任务下的训练终止条件与预期训练步数)。
### DEMO4:序列标注
> 本demo路径位于`demo/demo4`
除以上三个demo涉及到的任务,框架新增支持序列标注任务。本demo实例为基于微软提供的公开数据集(Airline Travel Information System),实现槽位识别任务的训练及预测。
用户进入本demo目录后,可通过运行如下脚本一键开始本节任务的训练:
```shell
bash run.sh
```
下面以该任务为例,讲解如何基于paddlepalm框架轻松实现序列标注任务。
**1. 配置任务实例**
首先,我们编写`tasks`文件夹下的该任务实例的配置文件`atis_alot.yaml`,若该任务实例参与训练或预测,则框架将自动解析该配置文件并创建相应的任务实例。配置文件需符合yaml格式的要求。一个任务实例的配置在配置文件中,设置用于训练的文件路径`train_file`,保存label->index的map文件地址`label_map_config`,数据集载入与处理工具`reader`和任务范式`paradigm`,类别总数`n_classes`:
```yaml
train_file: "data/atis_slot/train.tsv"
label_map_config: "data/atis_slot/label_map.json"
reader: ner
paradigm: ner
n_classes: 130
use_crf: true
```
这里,如需在序列标注任务中使用线性链条件随机场,需设置`use_crf`参数(默认为`false`)。在本demo中,设置为`true`。
配置reader的预处理规则:
```yaml
max_seq_len: 128
do_lower_case: False
vocab_path: "../../pretrain/ernie-en-uncased-large/vocab.txt"
```
**2.配置backbone和训练规则**
编写全局配置文件`config.yaml`,配置需要学习的任务`task_instance`、模型的保存路径`save_path`、基于的主干网络`backbone`、优化器`optimizer`等:
```yaml
task_instance: "atis_slot"
save_path: "output_model/run"
backbone: "ernie"
backbone_config_path: "../../pretrain/ernie-en-uncased-large/ernie_config.json"
batch_size: 32
pred_batch_size: 32
num_epochs: 2
optimizer: "adam"
learning_rate: 2e-5
warmup_proportion: 0.1
weight_decay: 0.01
print_every_n_steps: 10
lr_scheduler: "linear_warmup_decay"
```
**3.开始训练**
如同前三个demo,创建Controller,实例化任务、载入预训练模型并启动atis_slot任务训练:
```python
# Demo 4: single task training of ATIS_SLOT
import paddlepalm as palm
if __name__ == '__main__':
controller = palm.Controller('config.yaml')
controller.load_pretrain('../../pretrain/bert-en-uncased-large/params')
controller.train()
```
训练日志如下,可以看到loss值随着训练收敛。在训练结束后,`Controller`自动为atis_slot任务保存预测模型。
```
Global step: 10. Task: atis_slot, step 10/154 (epoch 0), loss: 59.974, speed: 0.64 steps/s
Global step: 20. Task: atis_slot, step 20/154 (epoch 0), loss: 33.286, speed: 0.77 steps/s
Global step: 30. Task: atis_slot, step 30/154 (epoch 0), loss: 19.285, speed: 0.68 steps/s
...
Global step: 280. Task: atis_slot, step 126/154 (epoch 1), loss: 2.350, speed: 0.56 steps/s
Global step: 290. Task: atis_slot, step 136/154 (epoch 1), loss: 1.436, speed: 0.58 steps/s
Global step: 300. Task: atis_slot, step 146/154 (epoch 1), loss: 2.353, speed: 0.58 steps/s
atis_slot: train finished!
atis_slot: inference model saved at output_model/run/atis_slot/infer_model
```
**4.预测**
在得到目标任务的预测模型(inference_model)后,完成对该目标任务的预测,`run.py`的预测部分代码如下:
```python
controller = palm.Controller(config='config.yaml', task_dir='tasks', for_train=False)
controller.pred('atis_slot', inference_model_dir='output_model/fourthrun/atis_slot/infer_model')
```
我们可以在`output_models/fourthrun/atis_slot/`文件夹下的`predictions.json`文件中看到类似如下的预测结果:
```
[129, 1, 1, 1, 1, 1, 1, 1, 1, 2, 1, 5, 19, 1, 1, 1, 1, 1, 21, 21, 68, 129]
[129, 1, 39, 37, 1, 1, 1, 1, 1, 2, 1, 5, 19, 1, 23, 3, 4, 129, 129, 129, 129, 129]
[129, 1, 39, 37, 1, 1, 1, 1, 1, 1, 2, 1, 5, 19, 129, 129, 129, 129, 129, 129, 129, 129]
...
```
如上所示,每一行是测试集中的每一条text对应的标注结果,其中`129`为padding。
## 进阶篇
本章节更深入的对paddlepalm的使用方法展开介绍,并提供一些提高使用效率的小技巧。
......@@ -777,6 +891,40 @@ mask_pos: 一个shape为[None]的向量,长度与`mask_pos`一致且元素一
task_ids: 一个shape为[batch_size, seq_len]的全0矩阵,用于支持ERNIE模型的输入。
```
#### 序列标注数据集reader工具:ner
该reader完成文本分类数据集的载入与处理,reader接受[tsv格式](https://en.wikipedia.org/wiki/Tab-separated_values)的数据集输入,数据集应该包含两列,一列为原始文本`text_a`,一列为样本标签`label`,文本中词与词之间及标签中的tag之间均用`^B`分隔。数据集范例可参考`data/atis_slot`中的数据集文件,格式形如
```
text_a label
i[^B]want[^B]to[^B]fly[^B]from[^B]boston[^B]at[^B]838[^B]am[^B]and[^B]arrive[^B]in[^B]denver[^B]at[^B]1110[^B]in[^B]the[^B]morning O[^B]O[^B]O[^B]O[^B]O[^B]B-fromloc.city_name[^B]O[^B]B-depart_time.time[^B]I-depart_time.time[^B]O[^B]O[^B]O[^B]B-toloc.city_name[^B]O[^B]B-arrive_time.time[^B]O[^B]O[^B]B-arrive_time.period_of_day
what[^B]flights[^B]are[^B]available[^B]from[^B]pittsburgh[^B]to[^B]baltimore[^B]on[^B]thursday[^B]morning O[^B]O[^B]O[^B]O[^B]O[^B]B-fromloc.city_name[^B]O[^B]B-toloc.city_name[^B]O[^B]B-depart_date.day_name[^B]B-depart_time.period_of_day
what[^B]is[^B]the[^B]arrival[^B]time[^B]in[^B]san[^B]francisco[^B]for[^B]the[^B]755[^B]am[^B]flight[^B]leaving[^B]washington O[^B]O[^B]O[^B]B-flight_time[^B]I-flight_time[^B]O[^B]B-fromloc.city_name[^B]I-fromloc.city_name[^B]O[^B]O[^B]B-depart_time.time[^B]I-depart_time.time[^B]O[^B]O[^B]B-fromloc.city_name
```
***注意:数据集的第一列必须为header,即标注每一列的列名***
该reader额外包含以下配置字段
```yaml
label_map_config : str类型。保存label->index的map文件地址。
n_classes(REQUIRED): int类型。分类任务的类别数。
```
reader的输出(生成器每次yield出的数据)包含以下字段
```yaml
token_ids: 一个shape为[batch_size, seq_len]的矩阵,每行是一条样本,其中的每个元素为文本中的每个token对应的单词id。
position_ids: 一个shape为[batch_size, seq_len]的矩阵,每行是一条样本,其中的每个元素为文本中的每个token对应的位置id。
segment_ids: 一个shape为[batch_size, seq_len]的全0矩阵,用于支持BERT、ERNIE等模型的输入。
input_mask: 一个shape为[batch_size, seq_len]的矩阵,其中的每个元素为0或1,表示该位置是否是padding词(为1时代表是真实词,为0时代表是填充词)。
label_ids: 一个shape为[batch_size]的矩阵,其中的每个元素为该样本的类别标签。
task_ids: 一个shape为[batch_size, seq_len]的全0矩阵,用于支持ERNIE模型的输入。
seq_lens: 一个shape为[batch_size]的矩阵,对应每一行样本的序列长度。
```
当处于预测阶段时,reader所yield出的数据不会包含`label_ids`字段。
## 附录B:内置主干网络(backbone)
框架中内置了BERT和ERNIE作为主干网络,未来框架会引入更多的骨干网络如XLNet等。
......@@ -797,9 +945,9 @@ input_mask: 一个shape为[batch_size, seq_len]的矩阵,其中的每个元素
```yaml
word_embedding: 一个shape为[batch_size, seq_len, emb_size]的张量(Tensor),float32类型。表示当前batch中各个样本的(上下文无关)词向量序列。
embedding_table: 一个shape为[vocab_size, emb_size]的矩阵,float32类型。表示BERT当前维护的词向量查找表矩阵。
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示BERT encoder对当前batch中各个样本的encoding结果。
sentence_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表BERT encoder对当前batch中相应样本的句子向量(sentence embedding)
sentence_pair_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表BERT encoder对当前batch中相应样本的句子向量(sentence embedding)
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示backbone模型的encoder对当前batch中各个样本的encoding结果。
sentence_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表backbone模型的encoder对当前batch中相应样本的句子向量(sentence embedding)
sentence_pair_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表backbone模型的encoder对当前batch中相应样本的句子向量(sentence embedding)
```
#### ERNIE
......@@ -820,9 +968,9 @@ task_ids: 一个shape为[batch_size, seq_len]的全0矩阵,用于支持ERNIE f
```yaml
word_embedding: 一个shape为[batch_size, seq_len, emb_size]的张量(Tensor),float32类型。表示当前batch中各个样本的(上下文无关)词向量序列。
embedding_table: 一个shape为[vocab_size, emb_size]的矩阵,float32类型。表示BERT当前维护的词向量查找表矩阵。
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示BERT encoder对当前batch中各个样本的encoding结果。
sentence_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表BERT encoder对当前batch中相应样本的句子向量(sentence embedding)
sentence_pair_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表BERT encoder对当前batch中相应样本的句子向量(sentence embedding)
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示backbone模型的encoder对当前batch中各个样本的encoding结果。
sentence_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表backbone模型的encoder对当前batch中相应样本的句子向量(sentence embedding)
sentence_pair_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表backbone模型的encoder对当前batch中相应样本的句子向量(sentence embedding)
```
......@@ -843,13 +991,13 @@ save_infermodel_every_n_steps (OPTIONAL) : int类型。周期性保存预测模
训练阶段:
```yaml
sentence_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表BERT encoder对当前batch中相应样本的句子向量(sentence embedding)
sentence_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表backbone模型的encoder对当前batch中相应样本的句子向量(sentence embedding)
label_ids: 一个shape为[batch_size]的矩阵,其中的每个元素为该样本的类别标签。
```
预测阶段:
```yaml
sentence_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表BERT encoder对当前batch中相应样本的句子向量(sentence embedding)
sentence_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表backbone模型的encoder对当前batch中相应样本的句子向量(sentence embedding)
```
在训练阶段,输出loss;预测阶段输出各个类别的预测概率。
......@@ -868,13 +1016,13 @@ save_infermodel_every_n_steps (OPTIONAL) : int类型。周期性保存预测模
训练阶段:
```yaml
sentence_pair_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表BERT encoder对当前batch中相应样本的句子向量(sentence embedding)
sentence_pair_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表backbone模型的encoder对当前batch中相应样本的句子向量(sentence embedding)
label_ids: 一个shape为[batch_size]的矩阵,其中的每个元素为该样本的类别标签,为0时表示两段文本不匹配,为1时代表构成匹配
```
预测阶段:
```yaml
sentence_pair_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表BERT encoder对当前batch中相应样本的句子向量(sentence embedding)
sentence_pair_embedding: 一个shape为[batch_size, hidden_size]的matrix, float32类型。每一行代表backbone模型的encoder对当前batch中相应样本的句子向量(sentence embedding)
```
在训练阶段,输出loss;预测阶段输出匹配与否的概率分布。
......@@ -895,14 +1043,14 @@ save_infermodel_every_n_steps (OPTIONAL) : int类型。周期性保存预测模
训练阶段:
```yaml
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示BERT encoder对当前batch中各个样本的encoding结果。
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示backbone模型的encoder对当前batch中各个样本的encoding结果。
start_positions: 一个shape为[batch_size]的向量,每个元素代表当前样本的答案片段的起始位置。
end_positions: 一个shape为[batch_size]的向量,每个元素代表当前样本的答案片段的结束位置。
```
预测阶段:
```yaml
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示BERT encoder对当前batch中各个样本的encoding结果。
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示backbone模型的encoder对当前batch中各个样本的encoding结果。
unique_ids: 一个shape为[batch_size, seq_len]的矩阵,代表每个样本的全局唯一的id,用于预测后对滑动窗口的结果进行合并。
```
......@@ -915,9 +1063,36 @@ unique_ids: 一个shape为[batch_size, seq_len]的矩阵,代表每个样本的
mask_label: 一个shape为[None]的向量,其中的每个元素为被mask掉的单词的真实单词id。
mask_pos": 一个shape为[None]的向量,长度与`mask_pos`一致且元素一一对应。每个元素表示被mask掉的单词的位置。
embedding_table: 一个shape为[vocab_size, emb_size]的矩阵,float32类型。表示BERT当前维护的词向量查找表矩阵。
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示BERT encoder对当前batch中各个样本的encoding结果。
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示backbone模型的encoder对当前batch中各个样本的encoding结果。
```
#### 序列标注范式:ner
序列标注范式额外包含以下配置字段:
```yaml
n_classes(REQUIRED): int类型。序列标注任务的类别数。
pred_output_path (OPTIONAL) : str类型。预测输出结果的保存路径,当该参数未空时,保存至全局配置文件中的`save_path`字段指定路径下的任务目录。
save_infermodel_every_n_steps (OPTIONAL) : int类型。周期性保存预测模型的间隔,未设置或设为-1时仅在该任务训练结束时保存预测模型。默认为-1。
```
序列标注范式包含如下的输入对象:
训练阶段:
```yaml
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示backbone模型的encoder对当前batch中各个样本的encoding结果。
label_ids: 一个shape为[batch_size, seq_lens]的矩阵,其中的每个元素为该样本的类别标签。
```
预测阶段:
```yaml
encoder_outputs: 一个shape为[batch_size, seq_len, hidden_size]的Tensor, float32类型。表示backbone模型的encoder对当前batch中各个样本的encoding结果。
```
在训练阶段,输出loss;预测阶段输出每一行文本对应的标注。
## 附录D:可配置的全局参数列表
```yaml
......
task_instance: "atis_slot"
save_path: "output_model/fourthrun"
backbone: "ernie"
backbone_config_path: "../../pretrain/ernie-en-uncased-large/ernie_config.json"
vocab_path: "../../pretrain/ernie-en-uncased-large/vocab.txt"
do_lower_case: False
max_seq_len: 128
batch_size: 32
pred_batch_size: 32
num_epochs: 2
optimizer: "adam"
learning_rate: 2e-5
warmup_proportion: 0.1
weight_decay: 0.01
print_every_n_steps: 10
lr_scheduler: "linear_warmup_decay"
{"B-time_relative": 109, "B-stoploc.state_code": 101, "B-depart_date.today_relative": 18, "B-arrive_date.date_relative": 78, "PAD": 0, "B-depart_date.date_relative": 26, "I-restriction_code": 87, "B-return_date.month_name": 50, "I-time": 110, "B-depart_date.day_name": 8, "I-arrive_time.end_time": 75, "B-fromloc.airport_code": 57, "B-cost_relative": 13, "B-connect": 84, "B-return_time.period_mod": 114, "B-arrive_time.period_mod": 65, "B-flight_number": 64, "B-depart_time.time_relative": 23, "I-toloc.city_name": 19, "B-arrive_time.period_of_day": 7, "B-depart_time.period_of_day": 9, "I-return_date.date_relative": 119, "I-depart_time.start_time": 31, "B-fare_amount": 16, "I-depart_time.time_relative": 96, "B-city_name": 20, "B-depart_date.day_number": 37, "I-arrive_time.period_of_day": 95, "I-depart_date.today_relative": 115, "I-airport_name": 90, "I-arrive_date.day_number": 61, "B-toloc.state_code": 48, "B-arrive_date.month_name": 45, "B-stoploc.airport_code": 126, "I-depart_time.time": 4, "B-airport_code": 81, "B-arrive_time.start_time": 73, "B-period_of_day": 98, "B-arrive_time.time": 6, "I-flight_stop": 72, "B-toloc.state_name": 36, "B-booking_class": 128, "I-meal_code": 103, "B-arrive_time.end_time": 74, "B-meal": 47, "B-arrive_time.time_relative": 29, "B-return_date.day_number": 51, "I-city_name": 56, "B-day_name": 97, "B-or": 60, "I-depart_date.day_name": 99, "I-arrive_time.time": 54, "B-economy": 62, "B-return_date.day_name": 123, "B-fromloc.airport_name": 34, "O": 1, "B-class_type": 24, "B-meal_code": 102, "B-depart_time.time": 3, "B-return_date.today_relative": 121, "I-depart_date.day_number": 38, "B-restriction_code": 86, "B-fare_basis_code": 41, "I-stoploc.city_name": 68, "I-fare_basis_code": 93, "B-flight": 129, "B-airline_name": 27, "B-compartment": 125, "B-airline_code": 52, "B-fromloc.state_name": 76, "B-flight_stop": 55, "B-day_number": 118, "B-flight_mod": 43, "I-meal_description": 120, "B-depart_time.start_time": 30, "B-today_relative": 100, "I-arrive_time.time_relative": 94, "B-arrive_date.day_number": 46, "I-flight_time": 11, "B-arrive_date.day_name": 58, "I-fromloc.state_name": 77, "B-mod": 40, "B-depart_date.month_name": 39, "B-flight_days": 67, "I-mod": 116, "I-cost_relative": 44, "B-stoploc.airport_name": 107, "B-flight_time": 10, "I-today_relative": 104, "B-fromloc.city_name": 2, "B-transport_type": 42, "B-return_time.period_of_day": 111, "B-time": 59, "B-toloc.country_name": 91, "B-return_date.date_relative": 80, "B-round_trip": 14, "I-transport_type": 66, "I-fromloc.city_name": 12, "B-depart_date.year": 79, "I-return_date.day_number": 112, "I-flight_mod": 105, "B-toloc.city_name": 5, "B-depart_time.period_mod": 53, "I-arrive_time.start_time": 85, "B-state_code": 71, "B-airport_name": 89, "B-stoploc.city_name": 21, "I-toloc.airport_name": 70, "B-meal_description": 49, "I-class_type": 25, "B-toloc.airport_code": 22, "I-depart_time.period_of_day": 113, "I-toloc.state_name": 88, "B-days_code": 92, "B-toloc.airport_name": 69, "B-arrive_date.today_relative": 108, "I-round_trip": 15, "I-state_name": 127, "I-fare_amount": 17, "I-fromloc.airport_name": 35, "I-flight_number": 124, "I-airline_name": 28, "B-state_name": 106, "I-economy": 63, "B-depart_time.end_time": 32, "B-aircraft_code": 82, "I-return_date.today_relative": 122, "B-month_name": 117, "B-fromloc.state_code": 83, "I-depart_time.end_time": 33}
text_a label
iwouldliketofindaflightfromcharlottetolasvegasthatmakesastopinst.louis OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOOB-stoploc.city_nameI-stoploc.city_name
onaprilfirstineedaticketfromtacomatosanjosedepartingbefore7am OB-depart_date.month_nameB-depart_date.day_numberOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
onaprilfirstineedaflightgoingfromphoenixtosandiego OB-depart_date.month_nameB-depart_date.day_numberOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
iwouldlikeaflighttravelingonewayfromphoenixtosandiegoonaprilfirst OOOOOOB-round_tripI-round_tripOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
iwouldlikeaflightfromorlandotosaltlakecityforaprilfirstondeltaairlines OOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_numberOB-airline_nameI-airline_name
ineedaflightfromtorontotonewarkonewayleavingwednesdayeveningorthursdaymorning OOOOOB-fromloc.city_nameOB-toloc.city_nameB-round_tripI-round_tripOB-depart_date.day_nameB-depart_time.period_of_dayOB-depart_date.day_nameB-depart_time.period_of_day
mondaymorningiwouldliketoflyfromcolumbustoindianapolis B-depart_date.day_nameB-depart_time.period_of_dayOOOOOOB-fromloc.city_nameOB-toloc.city_name
onwednesdayaprilsixthiwouldliketoflyfromlongbeachtocolumbusafter3pm OB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_numberOOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
after12pmonwednesdayaprilsixthiwouldliketoflyfromlongbeachtocolumbus B-depart_time.time_relativeB-depart_time.timeI-depart_time.timeOB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_numberOOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
arethereanyflightsfromlongbeachtocolumbusonwednesdayaprilsixth OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_number
findaflightfrommemphistotacomadinner OOOOB-fromloc.city_nameOB-toloc.city_nameB-meal_description
onnextwednesdayflightfromkansascitytochicagoshouldarriveinchicagoaround7pmreturnflightonthursday OB-depart_date.date_relativeB-depart_date.day_nameOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOOB-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.timeOOOB-return_date.day_name
showflightandpriceskansascitytochicagoonnextwednesdayarrivinginchicagoby7pm OOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.date_relativeB-depart_date.day_nameOOB-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
flightonamericanfrommiamitochicagoarriveinchicagoabout5pm OOB-airline_nameOB-fromloc.city_nameOB-toloc.city_nameOOB-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
findflightsarrivingnewyorkcitynextsaturday OOOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameB-arrive_date.date_relativeB-arrive_date.day_name
findnonstopflightsfromsaltlakecitytonewyorkonsaturdayaprilninth OB-flight_stopOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_number
showflightsfromburbanktomilwaukeefortoday OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.today_relative
showflightstomorroweveningfrommilwaukeetost.louis OOB-depart_date.today_relativeB-depart_time.period_of_dayOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
showflightssaturdayeveningfromst.louistoburbank OOB-depart_date.day_nameB-depart_time.period_of_dayOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
showflightsfromburbanktost.louisonmonday OOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_name
showflightsfromburbanktomilwaukeeonmonday OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
showflightstuesdayeveningfrommilwaukeetost.louis OOB-depart_date.day_nameB-depart_time.period_of_dayOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
showflightswednesdayeveningfromst.louistoburbank OOB-depart_date.day_nameB-depart_time.period_of_dayOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
whichflightstravelfromkansascitytolosangeles OOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatflightstravelfromlasvegastolosangeles OOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whichflightstravelfromkansascitytolosangelesonaprilninth OOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
whichflightstravelfromlasvegastolosangelescaliforniaandarriveonaprilninthbetween4and5pm OOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameB-toloc.state_nameOOOB-arrive_date.month_nameB-arrive_date.day_numberOB-arrive_time.start_timeOB-arrive_time.end_timeI-arrive_time.end_time
whichflightsonusairgofromorlandotocleveland OOOB-airline_nameI-airline_nameOOB-fromloc.city_nameOB-toloc.city_name
whichflightstravelfromclevelandtoindianapolisonaprilfifth OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
whichflightstravelfromindianapolistosandiegoonaprilfifth OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
whichflightsgofromclevelandtoindianapolisonaprilfifth OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
whichflightstravelfromnashvilletotacoma OOOOB-fromloc.city_nameOB-toloc.city_name
doestacomaairportoffertransportationfromtheairporttothedowntownarea OB-airport_nameI-airport_nameOOOOOOOOO
whichflightstravelfromtacomatosanjose OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatdayoftheweekdoflightsfromnashvilletotacomaflyon OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOO
whataretheflightsfromtacomatosanjose OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatdaysoftheweekdoflightsfromsanjosetonashvilleflyon OOOOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOO
whataretheflightsfromtacomatosanjose OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
ineedaflightthatgoesfrombostontoorlando OOOOOOOB-fromloc.city_nameOB-toloc.city_name
arethereanyflightsfrombostontoorlandoconnectinginnewyork OOOOOB-fromloc.city_nameOB-toloc.city_nameB-connectOB-stoploc.city_nameI-stoploc.city_name
arethereanyflightsfrombostontoorlandoconnectingincolumbus OOOOOB-fromloc.city_nameOB-toloc.city_nameB-connectOB-stoploc.city_name
doesthisflightservedinner OOOOB-meal_description
ineedaflightfromcharlottetomiami OOOOOB-fromloc.city_nameOB-toloc.city_name
ineedanonstopflightfrommiamitotoronto OOOB-flight_stopOOB-fromloc.city_nameOB-toloc.city_name
ineedanonstopflightfromtorontotost.louis OOOB-flight_stopOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
ineedaflightfromtorontotost.louis OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
ineedaflightfromst.louistocharlotte OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
ineedaflightonunitedairlinesfromlaguardiatosanjose OOOOOB-airline_nameI-airline_nameOB-fromloc.airport_nameI-fromloc.airport_nameOB-toloc.city_nameI-toloc.city_name
ineedaflightfromtampatomilwaukee OOOOOB-fromloc.city_nameOB-toloc.city_name
ineedaflightfrommilwaukeetoseattle OOOOOB-fromloc.city_nameOB-toloc.city_name
whatmealsareservedonamericanflight811fromtampatomilwaukee OB-mealOOOB-airline_nameOB-flight_numberOB-fromloc.city_nameOB-toloc.city_name
whatmealsareservedonamericanflight665673frommilwaukeetoseattle OB-mealOOOB-airline_nameOB-flight_numberI-flight_numberOB-fromloc.city_nameOB-toloc.city_name
ineedaflightfrommemphistolasvegas OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
pleasefindflightsavailablefromkansascitytonewark OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
pleasefindaflightthatgoesfromkansascitytonewarktoorlandobacktokansascity OOOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-toloc.city_nameOOB-toloc.city_nameI-toloc.city_name
pleasefindaflightfromkansascitytonewark OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
pleasefindaflightfromnewarktoorlando OOOOOB-fromloc.city_nameOB-toloc.city_name
pleasefindaflightfromorlandotokansascity OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
iwouldliketoflyfromcolumbustophoenixthroughcincinnatiintheafternoon OOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-stoploc.city_nameOOB-depart_time.period_of_day
iwouldliketoknowwhatairportsareinlosangeles OOOOOOOOOB-city_nameI-city_name
doestheairportatburbankhaveaflightthatcomesinfromkansascity OOOOB-toloc.city_nameOOOOOOOB-fromloc.city_nameI-fromloc.city_name
whichflightsarriveinburbankfromkansascityonsaturdaysintheafternoon OOOOB-toloc.city_nameOB-fromloc.city_nameI-fromloc.city_nameOB-arrive_date.day_nameOOB-arrive_time.period_of_day
whichflightsarriveinburbankfromlasvegasonsaturdayapriltwentythirdintheafternoon OOOOB-toloc.city_nameOB-fromloc.city_nameI-fromloc.city_nameOB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_numberOOB-depart_time.period_of_day
whichflightsareavailablefromorlandotoclevelandthatarrivearound10pm OOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
pleaselisttheflightsfromcharlottetonewark OOOOOB-fromloc.city_nameOB-toloc.city_name
pleaselisttheflightsfromnewarktolosangeles OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
pleaselisttheflightsfromcincinnatitoburbankonamericanairlines OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_name
pleasegivemetheflightsfromkansascitytochicagoonjunesixteenth OOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
pleasegivemetheflightsfromchicagotokansascityonjuneseventeenth OOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
pleaselistalltheflightsfromkansascitytochicagoonjunesixteenth OOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
pleaselistalltheflightsfromchicagotokansascityonjuneseventeenth OOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
i'dliketotravelfromburbanktomilwaukee OOOOOOB-fromloc.city_nameOB-toloc.city_name
canyoufindmeaflightfromsaltlakecitytonewyorkcitynextsaturdaybeforearrivingbefore6pm OOOOOOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameB-depart_date.date_relativeB-depart_date.day_nameB-arrive_time.time_relativeOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
canyoufindmeanotherflightfromcincinnatitonewyorkonsaturdaybefore6pm OOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
canyoulistallofthedeltaflightsfromsaltlakecitytonewyorknextsaturdayarrivingbefore6pm OOOOOOB-airline_nameOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameB-depart_date.date_relativeB-depart_date.day_nameOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
i'dliketoflyfrommiamitochicagoononamericanairlinesarrivingaround5pm OOOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-airline_nameI-airline_nameOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
i'dliketotravelfromkansascitytochicagonextwednesday OOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-depart_date.date_relativeB-depart_date.day_name
i'dlikearoundtripflightfromkansascitytochicagoonwednesdaymaytwentysixtharrivingat7pm OOOOB-round_tripI-round_tripOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_numberOOB-arrive_time.timeI-arrive_time.time
yesi'dliketofindaflightfrommemphistotacomastoppinginlosangeles OOOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-stoploc.city_nameI-stoploc.city_name
findflightfromsandiegotophoenixonmondayam OOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
findflightfromphoenixtodetroitonmonday OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
findflightfromdetroittosandiegoontuesday OOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_name
findflightfromcincinnatitosanjoseonmonday OOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_name
findflightfromsanjosetohoustononwednesday OOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
findflightfromhoustontomemphisonfriday OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
findflightfrommemphistocincinnationsunday OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
findamericanflightfromnewarktonashvillearound630pm OB-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
pleasefindaflightroundtripfromlosangelestotacomawashingtonwithastopoverinsanfrancisconotexceedingthepriceof300dollarsforjunetenth1993 OOOOB-round_tripI-round_tripOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-toloc.state_nameOOOOB-stoploc.city_nameI-stoploc.city_nameB-cost_relativeI-cost_relativeOOOB-fare_amountI-fare_amountOB-depart_date.month_nameB-depart_date.day_numberB-depart_date.year
arethereanyflightsonjunetenthfromburbanktotacoma OOOOOB-depart_date.month_nameB-depart_date.day_numberOB-fromloc.city_nameOB-toloc.city_name
pleasefindaflightfromontariotowestchesterthatmakesastopinchicagoonmayseventeenthonewaywithdinner OOOOOB-fromloc.city_nameOB-toloc.city_nameOOOOOB-stoploc.city_nameOB-depart_date.month_nameB-depart_date.day_numberB-round_tripI-round_tripOB-meal_description
liketobookaflightfromburbanktomilwaukee OOOOOOB-fromloc.city_nameOB-toloc.city_name
showmealltheflightsfromburbanktomilwaukee OOOOOOB-fromloc.city_nameOB-toloc.city_name
findmealltheflightsfrommilwaukeetost.louis OOOOOOB-fromloc.city_nameOB-city_nameI-city_name
nowshowmealltheflightsfromst.louistoburbank OOOOOOOB-city_nameI-city_nameOB-toloc.city_name
isthereoneairlinethatfliesfromburbanktomilwaukeemilwaukeetost.louisandfromst.louistoburbank OOOOOOOB-fromloc.city_nameOB-toloc.city_nameB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
findmealltheroundtripflightsfromburbanktomilwaukeestoppinginst.louis OOOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameOOB-stoploc.city_nameI-stoploc.city_name
i'dliketobooktwoflightstowestchestercounty OOOOOOOOB-toloc.city_nameI-toloc.city_name
iwanttobookaflightfromsaltlakecitytowestchestercounty OOOOOOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
tellmealltheairportsnearwestchestercounty OOOOOOB-city_nameI-city_name
i'dliketobookaflightfromcincinnatitonewyorkcityonunitedairlinesfornextsaturday OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameOB-airline_nameI-airline_nameOB-depart_date.date_relativeB-depart_date.day_name
tellmealltheairportsinthenewyorkcityarea OOOOOOOB-city_nameI-city_nameI-city_nameO
pleasefindalltheflightsfromcincinnatitoanyairportinthenewyorkcityareathatarrivenextsaturdaybefore6pm OOOOOOB-fromloc.city_nameOOOOOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameOOOB-arrive_date.date_relativeB-arrive_date.day_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
findmeaflightfromcincinnatitoanyairportinthenewyorkcityarea OOOOOB-fromloc.city_nameOOOOOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameO
i'dliketoflyfrommiamitochicagoonamericanairlines OOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_name
iwouldliketobookaroundtripflightfromkansascitytochicago OOOOOOB-round_tripI-round_tripOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
findmeaflightthatfliesfrommemphistotacoma OOOOOOOB-fromloc.city_nameOB-toloc.city_name
text_a label
iwanttoflyfrombostonat838amandarriveindenverat1110inthemorning OOOOOB-fromloc.city_nameOB-depart_time.timeI-depart_time.timeOOOB-toloc.city_nameOB-arrive_time.timeOOB-arrive_time.period_of_day
whatflightsareavailablefrompittsburghtobaltimoreonthursdaymorning OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
whatisthearrivaltimeinsanfranciscoforthe755amflightleavingwashington OOOB-flight_timeI-flight_timeOB-fromloc.city_nameI-fromloc.city_nameOOB-depart_time.timeI-depart_time.timeOOB-fromloc.city_name
cheapestairfarefromtacomatoorlando B-cost_relativeOOB-fromloc.city_nameOB-toloc.city_name
roundtripfaresfrompittsburghtophiladelphiaunder1000dollars B-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameB-cost_relativeB-fare_amountI-fare_amount
ineedaflighttomorrowfromcolumbustominneapolis OOOOB-depart_date.today_relativeOB-fromloc.city_nameOB-toloc.city_name
whatkindofaircraftisusedonaflightfromclevelandtodallas OOOOOOOOOOB-fromloc.city_nameOB-toloc.city_name
showmetheflightsfrompittsburghtolosangelesonthursday OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_name
allflightsfrombostontowashington OOOB-fromloc.city_nameOB-toloc.city_name
whatkindofgroundtransportationisavailableindenver OOOOOOOOB-city_name
showmetheflightsfromdallastosanfrancisco OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
showmetheflightsfromsandiegotonewarkbywayofhouston OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOOB-stoploc.city_name
what'stheairportatorlando OOOOOB-city_name
whatisthecheapestflightfrombostontobwi OOOB-cost_relativeOOB-fromloc.city_nameOB-toloc.airport_code
allflightstobaltimoreafter6pm OOOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
showmethefirstclassfaresfrombostontodenver OOOB-class_typeI-class_typeOOB-fromloc.city_nameOB-toloc.city_name
showmethegroundtransportationindenver OOOOOOB-city_name
allflightsfromdenvertopittsburghleavingafter6pmandbefore7pm OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeOB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
ineedinformationonflightsfortuesdayleavingbaltimorefordallasdallastobostonandbostontobaltimore OOOOOOB-depart_date.day_nameOB-fromloc.city_nameOB-toloc.city_nameB-fromloc.city_nameOB-toloc.city_nameOB-fromloc.city_nameOB-toloc.city_name
pleasegivemetheflightsfrombostontopittsburghonthursdayofnextweek OOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameOB-depart_date.date_relativeO
iwouldliketoflyfromdenvertopittsburghonunitedairlines OOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_name
showmetheflightsfromsandiegotonewark OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
pleaselistallfirstclassflightsonunitedfromdenvertobaltimore OOOB-class_typeI-class_typeOOB-airline_nameOB-fromloc.city_nameOB-toloc.city_name
whatkindsofplanesareusedbyamericanairlines OOOOOOOB-airline_nameI-airline_name
i'dliketohavesomeinformationonaticketfromdenvertopittsburghandatlanta OOOOOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-toloc.city_name
i'dliketobookaflightfromatlantatodenver OOOOOOOOB-fromloc.city_nameOB-toloc.city_name
whichairlineservesdenverpittsburghandatlanta OOOB-fromloc.city_nameB-fromloc.city_nameOB-fromloc.city_name
showmeallflightsfrombostontopittsburghonwednesdayofnextweekwhichleavebostonafter2o'clockpm OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameOB-depart_date.date_relativeOOOB-fromloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeI-depart_time.time
atlantagroundtransportation B-city_nameOO
ialsoneedservicefromdallastobostonarrivingbynoon OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-arrive_time.time_relativeB-arrive_time.time
showmethecheapestroundtripfarefrombaltimoretodallas OOOB-cost_relativeB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_name
showmeallflightsfromnewyorktomilwaukeeonnorthwestairlinesdepartingat720am OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_nameOOB-depart_time.timeI-depart_time.time
flightsfromnewyorktomiami OOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
pleasefindaflightondeltafromphiladelphiatosanfranciscoandgivemetheflightnumbers OOOOOB-airline_nameOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOOO
ineedaflightfromdallastosanfrancisco OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
faresandflightsfrompittsburghtophiladelphia OOOOB-fromloc.city_nameOB-toloc.city_name
showmetheairlineswithfirstclassflights OOOOOB-class_typeI-class_typeO
whataretheflightsfromst.louistoburbanksundayevening OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-depart_date.day_nameB-depart_time.period_of_day
i'dliketoarrangeaflightfrompittsburghtoatlanta OOOOOOOOB-fromloc.city_nameOB-toloc.city_name
showflightsfrombaltimoretosanfranciscobetween6pmand8pmonfriday OOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_time.start_timeI-depart_time.start_timeOB-depart_time.end_timeI-depart_time.end_timeOB-depart_date.day_name
howfarisitfromorlandoairporttoorlando OOOOOB-fromloc.airport_nameI-fromloc.airport_nameOB-toloc.city_name
iwouldlikealistofroundtripflightsbetweenindianapolisandorlandofloridaforthetwentyseventhandthetwentyeighthofdecember OOOOOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameB-toloc.state_nameOOB-depart_date.day_numberI-depart_date.day_numberOOB-depart_date.day_numberI-depart_date.day_numberOB-depart_date.month_name
whichairlinehasthemostarrivalsinatlanta OOOOB-modOOB-toloc.city_name
whatairlinesflyfromnewyorktomilwaukeetolosangeles OOOOB-fromloc.city_nameI-fromloc.city_nameOB-stoploc.city_nameOB-toloc.city_nameI-toloc.city_name
pittsburghtodenver B-fromloc.city_nameOB-toloc.city_name
whichairlinesserveatlanta OOOB-city_name
showmeinformationongroundtransportationfordallas OOOOOOOB-city_name
whatisfarecodeh OOOOB-fare_basis_code
showmeallflightsfrombostontodallasfortworthbothdirectandconnectingthatarrivebeforenoon OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameOOOOOOB-arrive_time.time_relativeB-arrive_time.time
ineedaflightfromcharlottetonewarkleavingtodayevening OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.today_relativeB-depart_time.period_of_day
whatarethetimesthatyouhaveplanesleavingfromsanfranciscogoingtopittsburghonjulyseventh OOOB-flight_timeOOOOOOB-fromloc.city_nameI-fromloc.city_nameOOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
flightsfromnewarktocleveland OOB-fromloc.city_nameOB-toloc.city_name
whatflightsgofrombostontopittsburghafter6o'clocknexttuesday OOOOB-fromloc.city_nameOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeB-depart_date.date_relativeB-depart_date.day_name
howmuchdoesthelimousineservicecostwithinpittsburgh OOOOB-transport_typeOOOB-city_name
doesusairhaveanyflightsoutofatlantatodenver OB-airline_nameI-airline_nameOOOOOB-fromloc.city_nameOB-toloc.city_name
whatisbookingclassc OOOOB-fare_basis_code
i'dliketoknowtheshortesttripbetweenbostonandsanfrancisco OOOOOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
iwouldliketoseeinformationforflightsfromsanfranciscoleavingafter12pmtopittsburghonmonday OOOOOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeOB-toloc.city_nameOB-depart_date.day_name
whatistheleastexpensiveflightfromdenvertoatlanta OOOB-cost_relativeI-cost_relativeOOB-fromloc.city_nameOB-toloc.city_name
ineedtoknowinformationforflightsleavingdallasontuesdayeveningandreturningtoatlanta OOOOOOOOB-fromloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_dayOOOB-toloc.city_name
whatflightgoesfromdenvertobaltimorefirstclassonunitedairlinesarrivingonmayseventh OOOOB-fromloc.city_nameOB-toloc.city_nameB-class_typeI-class_typeOB-airline_nameI-airline_nameOOB-arrive_date.month_nameB-arrive_date.day_number
couldyoupleasetellmetheairlinesthatflyfromtorontotosandiego OOOOOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatflightsdoyouhavefromburbanktotacomawashington OOOOOOB-fromloc.city_nameOB-toloc.city_nameB-toloc.state_name
whatisthegroundtransportationfromphiladelphiaairporttothecityproper OOOOOOB-fromloc.airport_nameI-fromloc.airport_nameOOOO
whichairlineshavefirstclassflightstoday OOOB-class_typeI-class_typeOB-depart_date.today_relative
findthelatestflightfromsanfranciscotoatlantathatservesameal OOB-flight_modOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOOB-meal
iwouldliketomakeareservationforaflighttodenverfromphiladelphiaonthiscomingsunday OOOOOOOOOOOB-toloc.city_nameOB-fromloc.city_nameOB-depart_date.date_relativeOB-depart_date.day_name
givemealistofairportsinbaltimore OOOOOOOB-city_name
showmeflightsfrombostontodenveronwednesday OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
showmetheflightsfrombostontobaltimore OOOOOB-fromloc.city_nameOB-toloc.city_name
whatdoesfarecodeqmean OOOOB-fare_basis_codeO
pleasegivemetheflightsfromsanfranciscotowashingtondc OOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-toloc.state_code
ineedinformationfromdenvertopittsburgh OOOOB-fromloc.city_nameOB-toloc.city_name
fromseattletosaltlakecity OB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_name
whatistheearliestflightfrombostontobwithatservesasnack OOOB-flight_modOOB-fromloc.city_nameOB-toloc.airport_codeOOOB-meal_description
whattypesofaircraftdoesdeltafly OOOOOB-airline_nameO
whatisthecostofaroundtripflightfrompittsburghtoatlantabeginningonapriltwentyfifthandreturningonmaysixth OOOOOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_numberOOOB-return_date.month_nameB-return_date.day_number
givemetheflightsleavingdenveraugustninthcomingbacktoboston OOOOOB-fromloc.city_nameB-depart_date.month_nameB-depart_date.day_numberOOOB-toloc.city_name
listalltheflightsthatflyintogeneralmitchellinternational OOOOOOOB-fromloc.airport_nameI-fromloc.airport_nameI-fromloc.airport_name
whatflightsflyfromdenvertosanfranciscoonmondaytuesdaywednesdaythursdayandfriday OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_nameB-depart_date.day_nameB-depart_date.day_nameB-depart_date.day_nameOB-depart_date.day_name
listallflightsfromindianapolistoseattle OOOOB-fromloc.city_nameOB-toloc.city_name
inflightmealoaklandtophiladelphiasaturday OOB-mealB-fromloc.city_nameOB-toloc.city_nameB-depart_date.day_name
showmetheflightsontwafromatlantainthemorning OOOOOB-airline_codeOB-fromloc.city_nameOOB-depart_time.period_of_day
iwanttofindthefirstflightfrombaltimoretobostonthatservesameal OOOOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_nameOOOB-meal
ofallairlineswhichairlinehasthemostarrivalsinatlanta OOOOOOOB-modOOB-toloc.city_name
displayallflightsfrombaltimoretobostononjulytwentyninth OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
iwanttotravelfromatlantatobaltimoreearlyinthemorningfirstflight OOOOOB-fromloc.city_nameOB-toloc.city_nameB-depart_time.period_modOOB-depart_time.period_of_dayB-flight_modO
inowneedaflightfromsanjosetohoustonleavingonsundaythefourth OOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOB-depart_date.day_nameOB-depart_date.day_number
whataretheflightsavailableafter6pmbetweensanfranciscoandboston OOOOOB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
whatflightsdepartbaltimoreonfridayandarriveinsanfranciscoby8pm OOOB-fromloc.city_nameOB-depart_date.day_nameOOOB-toloc.city_nameI-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
showmeflightsfrombostontosanfrancisco OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
listthedeltaairlinesflightsfrombostontophiladelphia OOB-airline_nameI-airline_nameOOB-fromloc.city_nameOB-toloc.city_name
showmethefaresfromdallastosanfrancisco OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatnonstopflightsbetweenbostonandwashingtonarriveafter4o'clockpm OB-flight_stopOOB-fromloc.city_nameOB-toloc.city_nameOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.timeI-arrive_time.time
whatisthedistancefromlosangelesinternationalairporttolosangeles OOOOOB-fromloc.airport_nameI-fromloc.airport_nameI-fromloc.airport_nameI-fromloc.airport_nameOB-toloc.city_nameI-toloc.city_name
groundtransportationinsanjose OOOB-city_nameI-city_name
pleasetellmehowmanynonstopflightstherearefrombostontoatlanta OOOOOB-flight_stopOOOOB-fromloc.city_nameOB-toloc.city_name
ontheearliestflightfromsanfranciscotoatlantaondeltaisamealbeingserved OOB-flight_modOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-airline_nameOOB-mealOO
wheredoescanadianairlinesinternationalfly OOB-airline_nameI-airline_nameI-airline_nameO
whatflightsfromdenvertopittsburgharrivebefore8inthemorning OOOB-fromloc.city_nameOB-toloc.city_nameOB-arrive_time.time_relativeB-arrive_time.timeOOB-arrive_time.period_of_day
findmetheearliestflightfrombostontoatlanta OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_name
listnonstopflightsfromhoustontodallaswhicharrivebeforemidnight OB-flight_stopOOB-fromloc.city_nameOB-toloc.city_nameOOB-arrive_time.time_relativeB-arrive_time.period_of_day
showmetheflightsfrombostontosanfranciscothatstopinatlanta OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOB-stoploc.city_name
showmeflightstosanfranciscofromphiladelphiastoppingindallas OOOOB-toloc.city_nameI-toloc.city_nameOB-fromloc.city_nameOOB-stoploc.city_name
whatcityistheairportmcoin OOOOOB-fromloc.airport_codeO
howmuchdoesitcosttorentacarintacoma OOOOOOOOB-transport_typeOB-city_name
showmeflightsfrombaltimoretodallas OOOOB-fromloc.city_nameOB-toloc.city_name
showmealistofgroundtransportationatdenver OOOOOOOOB-city_name
i'dlikeaflightfromcolumbustophoenixstoppingincincinnatiandservingdinnerwhat'savailable OOOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-stoploc.city_nameOOB-meal_descriptionOOO
alsoshowmeflightsfromsanfranciscotopittsburghontuesday OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
showflightsfromdallastooakland OOOB-fromloc.city_nameOB-toloc.city_name
givemethecheapestflightfromcharlottetolongbeach OOOB-cost_relativeOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
showmeallflightsfromsanfranciscotopittsburgh OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
findmeaflightonunitedfrombostontosanfranciscowithastopoverindenver OOOOOB-airline_nameOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOB-stoploc.city_name
showmethelastflightfromlovefield OOOB-flight_modOOB-fromloc.airport_nameI-fromloc.airport_name
whatflightsgofromnewarktobostonafter5pm OOOOB-fromloc.city_nameOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
whatarealltheflightsfrombostontodallas OOOOOOB-fromloc.city_nameOB-toloc.city_name
whatistheearliestflightdepartingsanfranciscoandarrivinginbostononnovemberninth OOOB-flight_modOOB-fromloc.city_nameI-fromloc.city_nameOOOB-toloc.city_nameOB-arrive_date.month_nameB-arrive_date.day_number
whatistheearliestflightflyingfrompittsburghtoatlantaonjulyfifth OOOB-flight_modOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
pleaselistavailableflightsfornextsaturdayfromphiladelphiatodallas OOOOOB-depart_date.date_relativeB-depart_date.day_nameOB-fromloc.city_nameOB-toloc.city_name
whatflightsleavepittsburghandarriveinlosangelesafter5pmonthursday OOOB-fromloc.city_nameOOOB-toloc.city_nameI-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.timeOB-arrive_date.day_name
whatisthetransportationtimefromtheairporttoboston OOOOB-timeOOOOB-toloc.city_name
whichairlinehasthesmallestplaneleavingpittsburghandarrivinginbaltimoreonjulyfourth OOOOB-modOOB-fromloc.city_nameOOOB-toloc.city_nameOB-arrive_date.month_nameB-arrive_date.day_number
whatarethenonstopflightsonamericawestorsouthwestairfromkansascitytoburbankonsaturdaymaytwentytwo OOOB-flight_stopOOB-airline_nameI-airline_nameB-orB-airline_nameOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-arrive_date.day_nameB-arrive_date.month_nameB-arrive_date.day_numberI-arrive_date.day_number
whataretheclassesofserviceforamericanairlines OOOOOOOB-airline_nameI-airline_name
iwouldliketofindoutwhatflightsthereareonfridayjuneeleventhfromst.petersburgtomilwaukeeandthenfrommilwaukeetotacomathankyou OOOOOOOOOOOB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_numberOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOOB-fromloc.city_nameOB-toloc.city_nameOO
allflightsfrombostontowashingtondconnovembertenth OOOB-fromloc.city_nameOB-toloc.city_nameB-toloc.state_codeOB-depart_date.month_nameB-depart_date.day_number
whataretheflightsfromdenvertosanfrancisco OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
onthe8amflightfromsanfranciscotoatlantawhattypeofaircraftisused OOB-depart_time.timeI-depart_time.timeOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOOOOO
whichflightisaonewayfareat329dollarsfromdenvertopittsburgh OOOOB-round_tripI-round_tripOOB-fare_amountI-fare_amountOB-fromloc.city_nameOB-toloc.city_name
whatflightsleavebaltimoreforbostonafter6o'clockonfriday OOOB-fromloc.city_nameOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeOB-depart_date.day_name
okayineedtogetaflightfromhoustontoseattle OOOOOOOOB-fromloc.city_nameOB-toloc.city_name
pleaselistflightsbetweendenverandboston OOOOB-fromloc.city_nameOB-toloc.city_name
findmetheflightsthatarenonstopbetweenbostonanddallasthatleavebetween12and2intheafternoon OOOOOOB-flight_stopOB-fromloc.city_nameOB-toloc.city_nameOOOB-depart_time.start_timeOB-depart_time.end_timeOOB-depart_time.period_of_day
iwouldlikesomeinformationonflightsleavingbostontoatlanta OOOOOOOOB-fromloc.city_nameOB-toloc.city_name
showmethelatestnonstopflightfromdenvertowashingtondc OOOB-flight_modB-flight_stopOOB-fromloc.city_nameOB-toloc.city_nameB-toloc.state_code
whataretheflightsfromdallastobaltimore OOOOOB-fromloc.city_nameOB-toloc.city_name
iwouldlikeanonstopflightfromnewyorktolasvegasonmarchsecond OOOOB-flight_stopOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-arrive_date.month_nameB-arrive_date.day_number
noiwanttogofromdenvertooakland OOOOOOB-fromloc.city_nameOB-toloc.city_name
showmeallthenightfaresbetweenphiladelphiaandsanfrancisco OOOOB-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatkindsofgroundtransportationisavailableindallasfortworth OOOOOOOOB-city_nameI-city_nameI-city_name
canyoushowmeeconomyclassonewayfaresforflightsfromoaklandtodallasondecembersixteenth OOOOB-economyI-economyB-round_tripI-round_tripOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
whatisfarecodeqw OOOOB-fare_basis_code
i'dlikeaflightonjulyninthfromorlandotokansascityintheafternoon OOOOOOB-depart_date.month_nameB-depart_date.day_numberOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOB-depart_time.period_of_day
whatarethecoachfaresfromcharlottetolawednesdaynight OOOB-class_typeOOB-fromloc.city_nameOB-toloc.city_nameB-depart_date.day_nameB-depart_time.period_of_day
istheregroundtransportationavailableindenver OOOOOOB-city_name
showmeflightsfromphiladelphiatooaklandonfriday OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
iwouldliketoknowtheflightsavailablefrombostontodenverarrivingindenverby8o'clockwednesdaymorning OOOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.timeB-arrive_date.day_nameB-arrive_time.period_of_day
iwouldliketoflythecheapestrateavailablefrompittsburghtoatlantaonwednesdaymorning OOOOOOB-cost_relativeOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
listtheflightfromphiladelphiatosanfranciscoonamericanairlines OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-airline_nameI-airline_name
flightsfrommemphistolasvegasonsunday OOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_name
whatisthefirstflightfromatlantatobostononthursdayseptemberfifththatleavesafter8am OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_numberOOB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
whatisthefirstclassfareonunitedflight352fromdenvertoboston OOOB-class_typeI-class_typeOOB-airline_nameOB-flight_numberOB-fromloc.city_nameOB-toloc.city_name
flightfromphiladelphiatodallasarrivingbefore4pmonsaturday OOB-fromloc.city_nameOB-toloc.city_nameOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.timeOB-arrive_date.day_name
listflightstomorrowfromsandiegotophoenix OOB-depart_date.today_relativeOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
showmeallflightsfromsanfranciscotowashingtondcarea OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-toloc.state_codeO
sureiwanttogofromphiladelphiatodallas OOOOOOB-fromloc.city_nameOB-toloc.city_name
showmealltheunitedairlinesflightsleavingdallas OOOOB-airline_nameI-airline_nameOOB-fromloc.city_name
canyoulistalltheflightsbetweenphoenixandlasvegas OOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
listallflightsfrombaltimoretophiladelphia OOOOB-fromloc.city_nameOB-toloc.city_name
roundtripflightsfromminneapolistosandiegocoacheconomyfare B-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameB-class_typeB-economyO
iwanttoflyfrombostontodenverandidon'twantanystopoversandi'dliketoflyonlyduringtheafternoon OOOOOB-fromloc.city_nameOB-toloc.city_nameOOOOOOOOOOOOOOOOB-depart_time.period_of_day
flightsfromdenvertobaltimorebetween10amand2pm OOB-fromloc.city_nameOB-toloc.city_nameOB-depart_time.start_timeI-depart_time.start_timeOB-depart_time.end_timeI-depart_time.end_time
showmetheflightsfromdenvertoatlanta OOOOOB-fromloc.city_nameOB-toloc.city_name
whatflightsarethereondeltafrombostontodallas OOOOOB-airline_nameOB-fromloc.city_nameOB-toloc.city_name
whatkindofgroundtransportationcanyouoffermeinseattle OOOOOOOOOOB-city_name
leavingwashingtongoingtosanfranciscothelatestflight OB-fromloc.city_nameOOB-toloc.city_nameI-toloc.city_nameOB-flight_modO
showmetheflightsavailablefromatlantatobaltimoreleavingatlantainthemorning OOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-fromloc.city_nameOOB-depart_time.period_of_day
roundtripfaresnewyorktosanjose B-round_tripI-round_tripOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whichflightsareservicedbyamericanairlines OOOOOB-airline_nameI-airline_name
howdoigetfrompittsburghairporttodowntownpittsburgh OOOOOB-fromloc.airport_nameI-fromloc.airport_nameOOB-toloc.city_name
doesmidwestexpressservecharlotte OB-airline_nameOOB-city_name
whatflightsfromhoustontomilwaukeeonfridayintheeveningonamericanairlines OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameOOB-depart_time.period_of_dayOB-airline_nameI-airline_name
whatistheearliestflightgoingfromsanfranciscotodallasonmondayaugustnineteenth OOOB-flight_modOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_number
whatflightsfromatlantatost.louisontuesdayarrivingaround230pm OOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_nameOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
ineedaflightfromkansascitytochicagothatleaveswednesdayandarrivesinchicagoaround7pm OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOB-depart_date.day_nameOOOB-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
iwouldlikeinformationonanyflightsfrompittsburghtosanfranciscoleavingthursdayevening OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
ineedacheapflightfrombaltimoretosanfrancisco OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatisthecostofafirstclassticketfrombaltimoretodallas OOOOOOB-class_typeI-class_typeOOB-fromloc.city_nameOB-toloc.city_name
whatistheeconomythriftfarefrombostontowashington OOOB-economyB-class_typeOOB-fromloc.city_nameOB-toloc.city_name
listthenonstopflightsearlytuesdaymorningfromdallastoatlanta OOB-flight_stopOB-arrive_time.period_modB-arrive_date.day_nameB-arrive_time.period_of_dayOB-fromloc.city_nameOB-toloc.city_name
whatistheearliestflightyouhavethatleavesphiladelphiatodallas OOOB-flight_modOOOOOB-fromloc.city_nameOB-toloc.city_name
arethereanyflightsfromdallasfortworthtobostonleavingbefore10am OOOOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
showmealltheflightstobaltimoreafter6o'clockpm OOOOOOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeI-depart_time.time
ineedareturnflightfromphiladelphiatoboston OOOOOOB-fromloc.city_nameOB-toloc.city_name
unitedairlinesflightsstoppingindenverbeforenoon B-airline_nameI-airline_nameOOOB-stoploc.city_nameB-depart_time.time_relativeB-depart_time.time
showmethecarrentalsinbaltimore OOOB-transport_typeI-transport_typeOB-city_name
whatflightsgofromnewarktobostonafter1024inthemorning OOOOB-fromloc.city_nameOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeOOB-depart_time.period_of_day
shortesteveningflightfromtampatocincinnati B-flight_modB-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_name
howmuchtimedoesittaketogobetweentheairportanddowntownbygroundtransportationindallas OOOOOOOOOOOOOOOOOB-city_name
flightsfrombostontopittsburgh OOB-fromloc.city_nameOB-toloc.city_name
i'dliketoflycontinentalairlinesbetweenbostonandphiladelphia OOOOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.city_name
iwouldliketobookaflightoncontinentalairlinesfromchicagotoseattleonjunefirst OOOOOOOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
allflightsfrompittsburghtodallasroundtripafter12pmlessthan100 OOOB-fromloc.city_nameOB-toloc.city_nameB-round_tripI-round_tripB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeB-cost_relativeOB-fare_amount
showmeflightsonsundaygoingfromsanfranciscotobostonnonstopfirstclassleavingafter12noon OOOOB-depart_date.day_nameOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-flight_stopB-class_typeI-class_typeOB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
fromlasvegastophoenix OB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
showmeflightsfrompittsburghtoatlantaonmondayafternoon OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
showmetheflightwiththesmallestseatingcapacitywhichleavespittsburghandarrivesinbaltimoreonjunefourteenth OOOOOOB-modOOOOB-fromloc.city_nameOOOB-toloc.city_nameOB-arrive_date.month_nameB-arrive_date.day_number
showallflightsfrombostontodenveronjulythirtyfirst OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
arethereanyflightsbefore12noononjunefifteenthfromlongbeachtocolumbus OOOOB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeOB-depart_date.month_nameB-depart_date.day_numberOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
listdailyflightsfrombostontoatlanta OB-flight_daysOOB-fromloc.city_nameOB-toloc.city_name
onaflightfromsanfranciscotoatlantathatleavesbefore8amistheresuchaflight OOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeOOOOO
onunitedairlinesgivemetheflighttimesfrombostontodallas OB-airline_nameI-airline_nameOOOB-flight_timeI-flight_timeOB-fromloc.city_nameOB-toloc.city_name
groundtransportationminneapolis OOB-city_name
howmanyflightsdoesdeltahavewithaclassofservicecodef OOOOB-airline_nameOOOOOOOB-fare_basis_code
pleaselistallthearrivinganddepartingflightsfromgeneralmitchellinternational OOOOOOOOOB-fromloc.airport_nameI-fromloc.airport_nameI-fromloc.airport_name
iwouldliketoseetheflightsfromdenvertophiladelphiaplease OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameO
doeseasternairlinesflyearlyinthemorningbetweenloganandbwi OB-airline_nameI-airline_nameOB-depart_time.period_modOOB-depart_time.period_of_dayOB-fromloc.airport_nameOB-toloc.airport_code
whatflightsleavephoenixonamericanairlines OOOB-fromloc.city_nameOB-airline_nameI-airline_name
canyoulistalltheairlinesthathaveflightsfrombostontosanfrancisco OOOOOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
flightsfromnashvilletoorlandodaily OOB-fromloc.city_nameOB-toloc.city_nameB-flight_days
showmefirstclassflightsfrompittsburghtosanfranciscoonfriday OOB-class_typeI-class_typeOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_name
ineedtheearliestflightfromdenvertobostonthatservesdinner OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_nameOOB-meal_description
fromtorontotoatlantaintheafternoon OB-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.period_of_day
pleaselistthefridayafternoonflightsfromsanjosetodallasonamericanairlines OOOB-depart_date.day_nameB-depart_time.period_of_dayOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_name
istheregroundtransportationinbostonfromtheairport OOOOOB-city_nameOOO
showfirstflightfrompittsburghtoatlantaonwednesday OB-flight_modOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
i'msorryiwantedtoflytwaisthereaflightbetweenoaklandandbostonwithastopoverindallasfortworthontwa OOOOOOOB-airline_codeOOOOOB-fromloc.city_nameOB-toloc.city_nameOOOOB-stoploc.city_nameI-stoploc.city_nameI-stoploc.city_nameOB-airline_code
showmeallflightsfromsanfranciscotolaguardianonstop OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.airport_nameI-toloc.airport_nameB-flight_stop
whatflightsaretherefrompittsburghtolosangeles OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatkindofgroundtransportationisthereinwashingtondc OOOOOOOOB-city_nameB-state_code
whatistheleastexpensiveflightavailablefromdallasfortworthtosanfrancisco OOOB-cost_relativeI-cost_relativeOOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatdoesthefarecodefmean OOOOOB-fare_basis_codeO
what'sthemostexpensivewayicanflytowashington OOOB-cost_relativeI-cost_relativeOOOOOB-toloc.city_name
whatflightsfromhoustontomilwaukeeonfridayonamericanairlines OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameOB-airline_nameI-airline_name
whatisthescheduleofgroundtransportationfromtheairportinphiladelphiaintodowntown OOOB-flight_timeOOOOOOOB-fromloc.city_nameOO
showmealistofflightsfromsanfranciscotobostonforaugustthirtieth OOOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
showmetheleastexpensiveflightfrommiamitoclevelandonsundayafternoon OOOB-cost_relativeI-cost_relativeOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.time_relativeB-depart_time.time
howmuchdoesitcosttogofromdowntowntologanairport OOOOOOOOOOB-toloc.airport_nameI-toloc.airport_name
whatflightsaretherefromnewarktotampa OOOOOB-fromloc.city_nameOB-toloc.city_name
iwantaflightfromphiladelphiatodallasthatatleasthasonestop OOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-modOB-flight_stopI-flight_stop
showflightsfromdenvertooaklandarrivingbetween12and1o'clock OOOB-fromloc.city_nameOB-toloc.city_nameOOB-arrive_time.start_timeOB-arrive_time.end_timeI-arrive_time.end_time
whatisthefarefromsanfranciscotodallasfortworthondeltaflight852 OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameOB-airline_nameOB-flight_number
flightsfromnewarknewjerseytoclevelandohio OOB-fromloc.city_nameB-fromloc.state_nameI-fromloc.state_nameOB-toloc.city_nameB-toloc.state_name
givemeflightsfromdenvertobaltimore OOOOB-fromloc.city_nameOB-toloc.city_name
showtheflightsfromdenvertosanfrancisco OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
showmeflightsdenvertowashingtondconthursday OOOB-fromloc.city_nameOB-toloc.city_nameB-toloc.state_codeOB-depart_date.day_name
pleaselistthethursdaymorningflightsfromst.louistost.paul OOOB-depart_date.day_nameB-depart_time.period_of_dayOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatflightdoyouhavefrompittsburghtosanfranciscoonthemorningofaugusttwentyseventh OOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOB-depart_time.period_of_dayOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
whataretheflightsfrombostontoatlanta OOOOOB-fromloc.city_nameOB-toloc.city_name
whatflightsfrombaltimoretosanfranciscoarrivebefore8pminsanfrancisco OOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.timeOB-toloc.city_nameI-toloc.city_name
showmetheflightsfrompittsburghtosanfranciscoforthursdaynightorfriday OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_dayB-orB-depart_date.day_name
getmeafirstclassflightonamericantosanfranciscoontuesdaynextweek OOOB-class_typeI-class_typeOOB-airline_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_nameB-depart_date.date_relativeO
groundtransportationinwestchestercounty OOOB-city_nameI-city_name
whatflightsaretherefromatlantatobaltimore OOOOOB-fromloc.city_nameOB-toloc.city_name
i'dliketoflyfromdallastosanfranciscoatapproximately615pm OOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
listthefaresofusairflightsfrombostontophiladelphia OOOOB-airline_nameI-airline_nameOOB-fromloc.city_nameOB-toloc.city_name
listflightsfromphoenixtodetroitonthursdayjunetwentyfourth OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
whatflightsfrommiamitoindianapolisonsunday OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
nowshowmetheflightsfrommemphistocleveland OOOOOOB-fromloc.city_nameOB-toloc.city_name
canyougivemeinformationonalltheflightsfromsanfrancisconofrompittsburghtosanfranciscoonmonday OOOOOOOOOOB-fromloc.city_nameI-fromloc.city_nameOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_name
couldyoufindmeaflightfrombostontosanfranciscothatstopsindenver OOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOB-stoploc.city_name
flightsfromclevelandtomiami OOB-fromloc.city_nameOB-toloc.city_name
givemetheflightsfrompittsburghtolosangelesthursdayevening OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameB-depart_date.day_nameB-depart_time.period_of_day
pleaselistalloftheflightsleavingatlantaheadingtobaltimoreafter8pmwednesdayandbefore9amthursday OOOOOOOB-fromloc.city_nameOOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeB-depart_date.day_nameOB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeB-depart_date.day_name
showmeflightsfromseattletosanfranciscothatleaveafter5pm OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
showmetheflightsthatgofromtacomatomiami OOOOOOOB-fromloc.city_nameOB-toloc.city_name
whichairlinecanflymefromatlantatodenvertosanfrancisco OOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-toloc.city_nameI-toloc.city_name
arethereanyflightsfromdenvertopittsburghwithstopsinatlanta OOOOOB-fromloc.city_nameOB-toloc.city_nameOOOB-stoploc.city_name
listalltheflightsthatarriveatgeneralmitchellinternational OOOOOOOB-toloc.airport_nameI-toloc.airport_nameI-toloc.airport_name
whatisfarecodeh OOOOB-fare_basis_code
whatflightsfromsaltlakecitytonewyorkcityarrivenextsaturdaybefore6pm OOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameOB-arrive_date.date_relativeB-arrive_date.day_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
flightsfromnashvilletoseattle OOB-fromloc.city_nameOB-toloc.city_name
showmefaresfromseattletominneapolis OOOOB-fromloc.city_nameOB-toloc.city_name
ineedaflightfrombostontosanfranciscoviadallasfortworth OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-stoploc.city_nameI-stoploc.city_nameI-stoploc.city_name
i'dlikeanafternoonflightfromatlantatosanfranciscowithastopoverindenverarrivingi'dsayaboutmealtime OOOOB-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOB-stoploc.city_nameOOOOB-arrive_time.time_relativeB-arrive_time.time
showmethemostexpensiveonewayflightfromdetroittowestchestercounty OOOB-cost_relativeI-cost_relativeB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
showmetheflightsfrombaltimoretophiladelphia OOOOOB-fromloc.city_nameOB-toloc.city_name
fromdenvertowashingtondconmondaynovembereleventh1991 OB-fromloc.city_nameOB-toloc.city_nameB-toloc.state_codeOB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_numberB-depart_date.year
pleaselistalltheflightsfrombostontodenverwhichservemeals OOOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-meal
listaircrafttypesthatflybetweenbostonandsanfrancisco OOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatdoesfarecodeqwmean OOOOB-fare_basis_codeO
i'minterestedinaflightonamericanairlinesfromdallastowashington OOOOOOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.city_name
givemeflightsfrompittsburghtobaltimore OOOOB-fromloc.city_nameOB-toloc.city_name
howmuchisaroundtripfarefromindianapolistoseattle OOOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_name
whatisthecheapestflightfromlongbeachtomemphis OOOB-cost_relativeOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
whichairlineprovidesbusinessclassflights OOOB-class_typeI-class_typeO
pittsburghtodenver B-fromloc.city_nameOB-toloc.city_name
whichairlinesflybetweenbostonandpittsburgh OOOOB-fromloc.city_nameOB-toloc.city_name
listtheflightsarrivinginatlantafrombaltimorebeforenoononaugustfourth OOOOOB-toloc.city_nameOB-fromloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeOB-arrive_date.month_nameB-arrive_date.day_number
givemetheflightsforamericanairlinefromphiladelphiatodallas OOOOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.city_name
ineedaflightthissundayfrommiamitolasvegasandiwouldpreferamorningflight OOOOOB-depart_date.day_nameOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOOB-depart_time.period_of_dayO
flightsfrombostontopittsburgh OOB-fromloc.city_nameOB-toloc.city_name
whichflightsgofrompittsburghtoatlantaintheevening OOOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.period_of_day
showmethefaresfromdallastosanfrancisco OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
givemeamericanairlinesflightsfrommilwaukeetophoenixonsaturdayandonsunday OOB-airline_nameI-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameOOB-depart_date.day_name
listallflightsthatleavefrombaltimoreordenverorpittsburghandarriveinphiladelphia OOOOOOB-fromloc.city_nameB-orB-fromloc.city_nameB-orB-fromloc.city_nameOOOB-toloc.city_name
showmetheflightsfrombaltimoretooakland OOOOOB-fromloc.city_nameOB-toloc.city_name
showmetheearliestflightfromdenvertolasvegas OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
showmeflightsfrommilwaukeetoorlandoonwednesdaynight OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
mayihavealistingofflightsfrommilwaukeetotacomawashingtondepartingintheevening OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameB-toloc.state_nameOOOB-depart_time.period_of_day
whatmorningflightsdoyouhavebetweenoaklandanddenver OB-depart_time.period_of_dayOOOOOB-fromloc.city_nameOB-toloc.city_name
i'dlikeaflightfromwashingtonthatstopsindenverandgoesontosanfrancisco OOOOOOB-fromloc.city_nameOOOB-stoploc.city_nameOOOOB-toloc.city_nameI-toloc.city_name
showmeallflightsfrompittsburghtobaltimoretomorrow OOOOOB-fromloc.city_nameOB-toloc.city_nameB-depart_date.today_relative
allonewayflightsbetweenbostonandphiladelphia OB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_name
whatflightsgotosanfranciscofromboston OOOOB-toloc.city_nameI-toloc.city_nameOB-fromloc.city_name
whatflightsaretherefromsanfranciscotophiladelphiadailywitheconomyclass OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-flight_daysOB-economyI-economy
firstflightsfrompittsburghtoatlantaonathursday B-flight_modOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_date.day_name
showmetheflightsfrombaltimoretoatlanta OOOOOB-fromloc.city_nameOB-toloc.city_name
tellmeaboutflightsfromtorontotosaltlakecityleavingafter530pm OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameOB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
showmetheflightsfromindianapolistoorlandowithroundtripfareslessthan1288 OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-round_tripI-round_tripOB-cost_relativeOB-fare_amount
ineedaflightfrombostontopittsburghthatleavesearlyinthemorning OOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.period_modOOB-depart_time.period_of_day
whatisthefirstflightfromatlantatobaltimorethatserveslunch OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_nameOOB-meal_description
showmetheflightsfrompittsburghtobaltimore OOOOOB-fromloc.city_nameOB-toloc.city_name
allflightsfromdenvertophiladelphia OOOB-fromloc.city_nameOB-toloc.city_name
oaklandtophiladelphiasaturday B-fromloc.city_nameOB-toloc.city_nameB-depart_date.day_name
givemetheearliestflighttomorrowonunitedairlinesfromst.petersburgtomilwaukee OOOB-flight_modOB-depart_date.today_relativeOB-airline_nameI-airline_nameOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
showmeflightsonmondayfromphiladelphiatobostonafter7am OOOOB-depart_date.day_nameOB-fromloc.city_nameOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
showmealltheflightsleavingbaltimore OOOOOOB-fromloc.city_name
showmetheflightsfromphiladelphiatoboston OOOOOB-fromloc.city_nameOB-toloc.city_name
isthereaplanefrombostontowashington OOOOOB-fromloc.city_nameOB-toloc.city_name
ineedtogofrombostontoatlantaandbackinthesamedayfindmetheearliestflightfromboston OOOOOB-fromloc.city_nameOB-toloc.city_nameOOOOOB-return_date.date_relativeOOOB-flight_modOOB-fromloc.city_name
whatareflightsbetweenbostonandpittsburghonaugusttenth OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
whatarethescheduleofflightsfrombostontosanfranciscoforaugustfirst OOOB-flight_timeOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
showmeonewayflightsfrommilwaukeetoorlandowednesday OOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameB-depart_date.day_name
showmeallflightsfrompittsburghtobaltimoretomorrowwhichserveameal OOOOOB-fromloc.city_nameOB-toloc.city_nameB-depart_date.today_relativeOOOB-meal
givemeflightsonamericanairlinesfrommilwaukeetophoenix OOOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.city_name
showallflightsfrompittsburghtosanfrancisco OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
iwishtoflyfrombostontowashingtonpleasefindanairlineforme OOOOOB-fromloc.city_nameOB-toloc.city_nameOOOOOO
pleaselisttheflightsfromdallasfortworthtodcbaltimoreonjulytwentythird OOOOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.state_codeB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
whichflightsfrommemphistotacomaalsostopinlosangeles OOOB-fromloc.city_nameOB-toloc.city_nameOOOB-stoploc.city_nameI-stoploc.city_name
showmetheflightsontuesdaymorningfromcharlottetobaltimore OOOOOB-depart_date.day_nameB-depart_time.period_of_dayOB-fromloc.city_nameOB-toloc.city_name
ineed2firstclassticketsfromdallasfortworthtosanfrancisco OOOB-class_typeI-class_typeOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
arethereanyflightsfromphiladelphiatodallaswhichstopinatlanta OOOOOB-fromloc.city_nameOB-toloc.city_nameOOOB-stoploc.city_name
flightstobaltimore OOB-toloc.city_name
whatdoesmcostandfor OOB-airport_codeOO
whatistheleastexpensivewaytoflyfromphiladelphiatosanfrancisco OOOB-cost_relativeI-cost_relativeOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
listallnonstopflightsfromlosangelestopittsburghbefore5pmontuesday OOB-flight_stopOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.timeOB-arrive_date.day_name
flightnumbersfromcolumbustominneapolistomorrow OOOB-fromloc.city_nameOB-toloc.city_nameB-depart_date.today_relative
givemethecontinentalflightsfromchicagotoseattleonfriday OOOB-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
whataretheunitedairlinesflightsbetweenbaltimoreanddenveronaugusttwelfth OOOB-airline_nameI-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
showmetheflightsnexttuesdaybetweenphiladelphiaandsanfrancisco OOOOB-depart_date.date_relativeB-depart_date.day_nameOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
findaflightonamericanairlinesfrombostontosanfranciscothatmakesastopoverindenver OOOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOOB-stoploc.city_name
showmethefaresonallflightsroundtripfrompittsburghtooakland OOOOOOOB-round_tripI-round_tripOB-fromloc.city_nameOB-toloc.city_name
what'sthedifferencebetweenfarecodeqandfarecodef OOOOOOOB-fare_basis_codeOOOB-fare_basis_code
flightsfromcincinnatitosaltlakecity OOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_name
groundtransportationdenver OOB-city_name
showmeflightsfromdenvertowashingtondconwednesdays OOOOB-fromloc.city_nameOB-toloc.city_nameB-toloc.state_codeOB-depart_date.day_name
findaflightbetweendenverandoaklandtheflightshouldbeintheafternoonandarrivecloseto5pmtheflightshouldbenonstop OOOOB-fromloc.city_nameOB-toloc.city_nameOOOOOOB-depart_time.period_of_dayOOB-arrive_time.time_relativeOB-arrive_time.timeI-arrive_time.timeOOOOB-flight_stop
showmeallflightsfromatlantatowashingtonwithprices OOOOOB-fromloc.city_nameOB-toloc.city_nameOO
flightsbetweennewyorkandmiami OOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
pleaselistthemondaymorningflightsfromkansascitytoatlanta OOOB-depart_date.day_nameB-depart_time.period_of_dayOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
listallamericanairlinesflightsfromphoenixtomilwaukeewhicharriveonwednesdayafter4pm OOB-airline_nameI-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameOOOB-arrive_date.day_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
whatroundtripticketsaretherefromclevelandtomiamionusairthatarrivebefore4pm OB-round_tripI-round_tripOOOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_nameOOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
i'dliketogofrombostontodenverat9o'clocksaturdaynight OOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_time.timeI-depart_time.timeB-depart_date.day_nameB-depart_time.period_of_day
showmethenorthwestflightsfromdetroittost.petersburg OOOB-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatistheavailablegroundtransportationbetweentheairportindenveranddowntown OOOOOOOOOOB-fromloc.city_nameOO
onmayfouratlantatodenverdeltaflight257 OB-depart_date.month_nameB-depart_date.day_numberB-fromloc.city_nameOB-toloc.city_nameB-airline_nameOB-flight_number
showmeallflightsfromindianapolis OOOOOB-fromloc.city_name
whichairlineshaveflightsbetweenphiladelphiaandpittsburgh OOOOOB-fromloc.city_nameOB-toloc.city_name
whicharetheflightsfromdenvertobaltimoreorwashingtondc OOOOOB-fromloc.city_nameOB-toloc.city_nameB-orB-toloc.city_nameB-toloc.state_code
listthenumberofflightsleavingbostonfordallasfortworthbefore9aminthemorning OOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeOOB-depart_time.period_of_day
aretheredeltaflightsleavingatlanta OOB-airline_nameOOB-fromloc.city_name
canyoulistallroundtripflightsfromorlandotokansascityandthentominneapolis OOOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOB-toloc.city_name
iwouldliketofindaflightfromkansascitytosaltlakecityondeltaandarrivingatabout8o'clockintheeveningcouldyoupleasetellmetheaircraftandtheflightnumberthankyou OOOOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameOB-airline_nameOOOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.timeOOB-arrive_time.period_of_dayOOOOOOOOOOOOO
iwouldlikeaflightfromwashingtontobostonleavingat230onaugusttwentieth OOOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.timeOB-depart_date.month_nameB-depart_date.day_number
howmuchisaflightfromwashingtontoboston OOOOOOB-fromloc.city_nameOB-toloc.city_name
showmeallflightsfromorlandotosandiegoonaboeing737 OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOB-aircraft_code
whatflightsarethereonsundayfromseattletominneapolis OOOOOB-depart_date.day_nameOB-fromloc.city_nameOB-toloc.city_name
whereismco OOB-airport_code
showmeallflightsfrompittsburghtoatlanta OOOOOB-fromloc.city_nameOB-toloc.city_name
whichunitedairlinesflightfliesacrossthiscontinentandleavesfrombostongoestodallasandmakesastopoverinphiladelphia OB-airline_nameI-airline_nameOOOOOOOOB-fromloc.city_nameOOB-toloc.city_nameOOOOOB-stoploc.city_name
listdailyflightsofunitedairlinefromdenvertobaltimorewithfirstclassservice OB-flight_daysOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.city_nameOB-class_typeI-class_typeO
showmeflightsfrompittsburghtoatlantaonmondaymorning OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
allflightsphoenixtosfo OOB-fromloc.city_nameOB-toloc.airport_code
iwanttotravelfromwashingtondctophiladelphiaontuesdaymorning OOOOOB-fromloc.city_nameB-fromloc.state_codeOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
whatisthefaregoingfromatlantatobostononewayonnovemberseventh OOOOOOB-fromloc.city_nameOB-toloc.city_nameB-round_tripI-round_tripOB-depart_date.month_nameB-depart_date.day_number
isthereaflightonamericanairlinesfrombostontodenver OOOOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.city_name
whatflightsareavailablefromsanfranciscotopittsburghonthursdayevening OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
doyouhaveanafternoonflightleavingintheafternoongoingfrombostontosanfranciscowithastopoverindallas OOOOB-depart_time.period_of_dayOOOOB-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOB-stoploc.city_name
showtheflightsfrompittsburghtosanfranciscoagainonmonday OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOB-depart_date.day_name
showmealistofflightsonamericanairlinesfrombostontodconjulytwentysecond OOOOOOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.state_codeOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
nowi'dlikeflightsfromphiladelphiatopittsburghleavingbetween430and530pm OOOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.start_timeOB-depart_time.end_timeI-depart_time.end_time
whateconomyflightsareavailablefromdallastobaltimoreondecemberseventeenth OB-economyOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
pleaseshowmeflightsfromsanfranciscotodallas OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
pleaseshowmealltheflightsfromindianapolistosandiegotomorrow OOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameB-depart_date.today_relative
whatdoesflightcodeusmean OOOOB-airline_codeO
iwouldlikeaflightfromdenvertopittsburgh OOOOOOB-fromloc.city_nameOB-toloc.city_name
whatistheflightscheduleofthef28frompittsburghtobaltimore OOOB-flight_timeI-flight_timeOOB-aircraft_codeOB-fromloc.city_nameOB-toloc.city_name
lookingforaflightfromdctominnesota OOOOOB-fromloc.state_codeOB-toloc.state_name
howmanyusairflightsleavefromwashington OOB-airline_nameI-airline_nameOOOB-fromloc.city_name
showmetimesforflightsfromsanfranciscotoatlanta OOB-flight_timeOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
whatflightsarethereonwednesdayeveningorthursdaymorningfromdenvertosfo OOOOOB-depart_date.day_nameB-depart_time.period_of_dayB-orB-depart_date.day_nameB-depart_time.period_of_dayOB-fromloc.city_nameOB-toloc.airport_code
howmanyflightsgofromdallastobaltimoreonjulynineteenth OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
couldyoushowmealltheflightsfromoaklandtosaltlakecity OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_name
findmeaflightfrombostontosanfranciscowithlayoverindenveronunited OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOB-stoploc.city_nameOB-airline_name
whatflightsareavailablebetweenbostonandwashingtonarrivinginwashingtonat630 OOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-toloc.city_nameOB-arrive_time.time
showmetheairlinesbetweentorontoanddenver OOOOOB-fromloc.city_nameOB-toloc.city_name
whatflightsdoyouhavebetweenpittsburghandatlanta OOOOOOB-fromloc.city_nameOB-toloc.city_name
showmetheflightsfromdenvertowestchestercounty OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
ineedinformationforaflightfromdenvertoatlanta OOOOOOOB-fromloc.city_nameOB-toloc.city_name
whatisthecheapestflightfrombostontoatlanta OOOB-cost_relativeOOB-fromloc.city_nameOB-toloc.city_name
whatisthecheapestflightfromatlantatopittsburghoneway OOOB-cost_relativeOOB-fromloc.city_nameOB-toloc.city_nameB-round_tripI-round_trip
showmeallovernightflightsfromwashingtondctosanfranciscoandlisttheirfares OOOB-flight_modOOB-fromloc.city_nameB-fromloc.state_codeOB-toloc.city_nameI-toloc.city_nameOOOO
roundtripflightsbetweennewyorkandmiami B-round_tripI-round_tripOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
showmetheonewayflightfromdetroittowestchestercountywiththehighestfare OOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOB-cost_relativeO
whatflightsaretherefromnewarktochicagooncontinental OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_name
i'mtryingtomakeaconnectionbetweendenverandsanfranciscodoesdeltaairlineflybetweenthosetwo OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-airline_nameI-airline_nameOOOO
whatisthelatestusairflightleavingphiladelphiaandreturningtoboston OOOB-flight_modB-airline_nameI-airline_nameOOB-fromloc.city_nameOOOB-toloc.city_name
pleasegivemeroundtripfaresfrombaltimoretophiladelphia OOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_name
showmetheflightsfromlovefield OOOOOB-fromloc.airport_nameI-fromloc.airport_name
findtravelarrangementsforaroundtripflightfrombaltimoretopittsburgh OOOOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_name
whatflightsaretherefrommemphistolasvegas OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatflightsleavefromnewarktolosangelesintheafternoon OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOB-depart_time.period_of_day
whichunitedflightsfrombostontosanfranciscomakeconnections OB-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-connect
yesineedaflightfromdenvertopittsburghonjulyseventh OOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
iwouldlikeanearlymorningflightonjunefirstfromchicagointoseattleoncontinentalairlines OOOOB-depart_time.period_of_dayB-depart_time.period_of_dayOOB-depart_date.month_nameB-depart_date.day_numberOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_name
morningflightsoutofsanfranciscoarrivingbostonafternoon B-depart_time.period_of_dayOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-arrive_time.period_of_day
pleaselistavailablegroundtransportationinpittsburgh OOOOOOB-city_name
showmeallnationairflightsfromtoronto OOOB-airline_nameOOB-fromloc.city_name
i'dliketoflyfromdenvertoatlantawithastopinpittsburgh OOOOOOB-fromloc.city_nameOB-toloc.city_nameOOOOB-stoploc.city_name
findthecheapestonewayfarefrombostontooakland OOB-cost_relativeB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_name
informationonflightsfrompittsburghtosanfrancisco OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
iwanttoleavefromphiladelphiaandgotoatlantabaltimoreandbostonpleaselisttheseflights OOOOOB-fromloc.city_nameOOOB-toloc.city_nameB-toloc.city_nameOB-toloc.city_nameOOOO
whatistheearliestamericanairlinesflightthaticangetfirstclassfromphiladelphiatodallas OOOB-flight_modB-airline_nameI-airline_nameOOOOOB-class_typeI-class_typeOB-fromloc.city_nameOB-toloc.city_name
flightsfromdenvertowestchestercountynewyorkweekdays OOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameB-toloc.city_nameI-toloc.city_nameB-flight_mod
whatflightsareavailablefrombostontowashingtonlatemondayeveningorearlytuesdaymorning OOOOOB-fromloc.city_nameOB-toloc.city_nameB-depart_time.period_modB-depart_date.day_nameB-depart_time.period_of_dayB-orB-depart_time.period_modB-depart_date.day_nameB-depart_time.period_of_day
whatisrestrictionap57 OOOB-restriction_code
whatistheearliestflightfromdenvertosanfranciscoonthemorningofaugusttwentyseventh OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOB-depart_time.period_of_dayOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
groundtransportationpleaseinthecityofbostonbetweenairportanddowntown OOOOOB-city_nameI-city_nameI-city_nameOOOO
wednesdaymorningflightsbetweenbaltimoreandnewark B-depart_date.day_nameB-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_name
whatflightsfromminneapolistopittsburgh OOOB-fromloc.city_nameOB-toloc.city_name
whattypesofgroundtransportationareavailableindenver OOOOOOOOB-city_name
i'minterestedinroundtripflightsfrombostontowashington OOOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_name
showmealldirectflightsfromdallasfortworthtoeithersanfranciscooroakland OOOB-connectOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOOB-toloc.city_nameI-toloc.city_nameB-orB-toloc.city_name
showmetheflightsfrompittsburghtosanfranciscoonfriday OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_name
i'dliketoflylatetomorrowfromminneapolistolongbeach OOOOOB-depart_time.period_modB-depart_date.today_relativeOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatairlinesflyfrombostontoatlanta OOOOB-fromloc.city_nameOB-toloc.city_name
pleasegivemeinformationonaflightonaprilseventeenfromphiladelphiatobostonasearlyaspossible OOOOOOOOB-depart_date.month_nameB-depart_date.day_numberOB-fromloc.city_nameOB-toloc.city_nameOB-flight_modOO
whatflightsareavailablesaturdaytosanfranciscofromdallas OOOOB-depart_date.day_nameOB-toloc.city_nameI-toloc.city_nameOB-fromloc.city_name
ineedaflightafter6pmonwednesdayfromoaklandtosaltlakecity OOOOB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeOB-depart_date.day_nameOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_name
iwanttogofrombostontooaklandonunitedandleaveat838amwhichflightshoulditake OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameOOOB-depart_time.timeI-depart_time.timeOOOOO
i'dliketobookthecheapestonewayflightfromdenvertopittsburgh OOOOOOB-cost_relativeB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_name
whatisthedistancefrombostonairporttoboston OOOOOB-fromloc.airport_nameI-fromloc.airport_nameOB-toloc.city_name
whatflightstakeoffandlandatgeneralmitchellinternational OOOOOOB-fromloc.airport_nameI-fromloc.airport_nameI-fromloc.airport_name
whataretheflightsfrombostontosanfrancisco OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whataretheflightsinthemonthofdecemberfromatlantatodenverwhichstopinboston OOOOOOOOB-depart_date.month_nameOB-fromloc.city_nameOB-toloc.city_nameOOOB-stoploc.city_name
whatflightsareavailablefrompittsburghtobaltimoreonjulytwentyfifth1991 OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_numberB-depart_date.year
isthereaflightfrombostontosanfranciscomakingastopoverindallasfortworth OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOB-stoploc.city_nameI-stoploc.city_nameI-stoploc.city_name
howfarisoaklandairportfromdowntown OOOB-fromloc.airport_nameI-fromloc.airport_nameOO
showmethefirstflightthatarrivesintorontofromcincinnati OOOB-flight_modOOOOB-toloc.city_nameOB-fromloc.city_name
flightsfromnewarktotampaonfridayonusair OOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameOB-airline_nameI-airline_name
okaycouldyoutellmewhatflightleavesdallastosanfranciscobyunitedairline OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-airline_nameI-airline_name
pleaselistflightsfromphiladelphiatodallasstoppinginatlanta OOOOB-fromloc.city_nameOB-toloc.city_nameOOB-stoploc.city_name
showmetheflightsfrombaltimoretodallas OOOOOB-fromloc.city_nameOB-toloc.city_name
what'stheearliestflightleavingdenverforpittsburgh OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_name
whatpmflightsareavailablefromphiladelphiatopittsburgh OB-depart_time.period_of_dayOOOOB-fromloc.city_nameOB-toloc.city_name
iwantareturnflightfromwashingtontodallasonamericanairlines OOOB-round_tripOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_name
i'dliketoflynonstopfromatlantatobaltimoreandgetthereat7pm OOOOOB-flight_stopOB-fromloc.city_nameOB-toloc.city_nameOOOOB-arrive_time.timeI-arrive_time.time
whatflightsfromkansascitytodenverafter845inthemorning OOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeOOB-depart_time.period_of_day
showmeairlinesbetweenbostonandsanfrancisco OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
what'sthelatestflightoutofdenverthatarrivesinpittsburghnextmonday OOOB-flight_modOOOB-fromloc.city_nameOOOB-toloc.city_nameB-arrive_date.date_relativeB-arrive_date.day_name
whichcompaniesflybetweenbostonandoakland OOOOB-fromloc.city_nameOB-toloc.city_name
whatflightsdoyouhavebetweenoaklandandbostonwithastopoverindallasfortworth OOOOOOB-fromloc.city_nameOB-toloc.city_nameOOOOB-stoploc.city_nameI-stoploc.city_nameI-stoploc.city_name
iwouldliketoleaveearlyinthemorning OOOOOB-depart_time.period_modOOB-depart_time.period_of_day
showmeflightsfromdenvertoatlantaonjunesixteenth OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
showmetheitineraryfortheconnectingflightfromdallasfortworthtosanfranciscothatdepartsdallasfortworthat1940 OOOOOOB-connectOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-depart_time.time
iwantaflightbetweenoaklandandbostonthatarrivesbefore5pm OOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
showmeflightsfromnewyorktomiami OOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
showmeflightsdenvertowashingtononthursday OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
whatflightsleavefromatlantatobostononjunetwentyninthintheafternoon OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_numberOOB-depart_time.period_of_day
showmethetypeofaircraftthatcanadianairlinesuses OOOOOOOB-airline_nameI-airline_nameO
whatarethemorningflightsfromphiladelphiatodallasgoingonamericanairlines OOOB-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_nameOOB-airline_nameI-airline_name
whatdoesmcostandfor OOB-airport_codeOO
iwouldliketoknowsomeinformationonflightsleavingphiladelphiaarrivinginpittsburghintheafternoon OOOOOOOOOOB-fromloc.city_nameOOB-toloc.city_nameOOB-arrive_time.period_of_day
us3724baltimoretophiladelphiawhatistheroundtripfare B-airline_codeB-flight_numberB-fromloc.city_nameOB-toloc.city_nameOOOB-round_tripI-round_tripO
istherea4o'clockflightfromwashingtondctodenver OOOB-depart_time.timeI-depart_time.timeOOB-fromloc.city_nameB-fromloc.state_codeOB-toloc.city_name
listtheflightsarrivinginbaltimorefrompittsburghonaugustthird OOOOOB-toloc.city_nameOB-fromloc.city_nameOB-arrive_date.month_nameB-arrive_date.day_number
showmeallflightsfromphoenixtomilwaukeeonwednesday OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
iwouldlikeinformationonflightsfrombaltimoretoatlantaonthursdayarrivinginatlantabefore6pm OOOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameOOB-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
pleaselistthefridayflightsfromhoustontomilwaukeeonamericanairlinesintheevening OOOB-depart_date.day_nameOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_nameOOB-depart_time.period_of_day
iwouldliketoflyfrompittsburghtoatlanta OOOOOOB-fromloc.city_nameOB-toloc.city_name
showmealltheflightsfromdenvertolasvegas OOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatflightsfromdenvertosaltlakecity OOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_name
ineedalistoflateafternoonflightsfromchicagotomilwaukee OOOOOB-depart_time.period_of_dayI-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_name
i'dliketofindthecheapestflightfromwashingtondctoatlanta OOOOOOB-cost_relativeOOB-fromloc.city_nameB-fromloc.state_codeOB-toloc.city_name
pleaselistallflightsonunitedairlinesoutofdenverbeforenoon OOOOOB-airline_nameI-airline_nameOOB-fromloc.city_nameB-depart_time.time_relativeB-depart_time.time
indenverwhatkindofgroundtransportationistherefromtheairporttodowntown OB-city_nameOOOOOOOOOOOO
showmethelowestpricedfarefromdallastobaltimore OOOB-cost_relativeOOOB-fromloc.city_nameOB-toloc.city_name
whatflightsaretheretuesdaymorningfromdallastoatlanta OOOOB-depart_date.day_nameB-depart_time.period_of_dayOB-fromloc.city_nameOB-toloc.city_name
showmethefarefordeltaflight296fromatlantatophiladelphia OOOOOB-airline_nameOB-flight_numberOB-fromloc.city_nameOB-toloc.city_name
listthethreeearliestflightsfromatlantatophiladelphiaonwednesday OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
frommontrealtolasvegas OB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
canyoulistflightsfromwashingtontotorontowiththelowestonewayfares OOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-cost_relativeB-round_tripI-round_tripO
whataretheroundtripflightsfromphiladelphiatosanfrancisco OOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
showmeallusairflightsfromatlantatodenverforthedayaftertomorrow OOOB-airline_nameI-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.today_relativeI-depart_date.today_relativeI-depart_date.today_relativeI-depart_date.today_relative
showflightsonusairfrompittsburghtooaklandconnectingthroughdenver OOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.city_nameB-connectOB-stoploc.city_name
alistingofallflightsfrombostontobaltimorebefore10amonthursday OOOOOOB-fromloc.city_nameOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeOB-depart_date.day_name
whatairportinnewyorkisclosesttodowntown OOOB-fromloc.city_nameI-fromloc.city_nameOB-modOO
whatflightsaretherefromtampatocharlotte OOOOOB-fromloc.city_nameOB-toloc.city_name
whatistheearliestflightfrombostontophiladelphia OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_name
showmeallflightsfromdenvertosanfrancisco OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
allflightsfromlongbeachtophoenix OOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
whatisff OOB-airline_code
i'dlikeanonstopflightfromatlantatobaltimorethatgetsinaround7pm OOOOB-flight_stopOOB-fromloc.city_nameOB-toloc.city_nameOOOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
eveningflightsfromphiladelphiatooakland B-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_name
whatdoesap57mean OOB-restriction_codeO
pleaselistanyflightsfromoaklandcaliforniatophiladelphiaontuesday OOOOOB-fromloc.city_nameB-fromloc.state_nameOB-toloc.city_nameOB-depart_date.day_name
showflightsfromsanfranciscotodenveronwednesdayandthursday OOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameOB-depart_date.day_name
canyoutellmethecheapestonewayfarefrombostontosanfrancisco OOOOOB-cost_relativeB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatgroundtransportationisavailableindenver OOOOOOB-city_name
showmetheflightsfrombostontopittsburghonthursday OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
whatflightsareavailablefromphiladelphiatodenveronsundays OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
listflightsfromphiladelphiatodallasthatstopinatlanta OOOB-fromloc.city_nameOB-toloc.city_nameOOOB-stoploc.city_name
listairlinesservingbetweendenverandsanfrancisco OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
what'sthecheapestfareforaroundtripfromindianapolistoorlandoondecembertwentyseventh OOOB-cost_relativeOOOB-round_tripI-round_tripOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
whatarethelowestonewayfaresfrompittsburghtoatlanta OOOB-cost_relativeB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_name
whatflightsfromnewyorktolosangeles OOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatisfarecodef OOOOB-fare_basis_code
flightsfromdenvertoseattleonsaturdaymorningoncontinental OOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_dayOB-airline_name
whatistheleastexpensiveflightfrompittsburghtoatlantaleavingonoctoberfifth OOOB-cost_relativeI-cost_relativeOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_date.month_nameB-depart_date.day_number
givemethelistofflightsforcontinentalbetweendenverandboston OOOOOOOB-airline_nameOB-fromloc.city_nameOB-toloc.city_name
listdailyflightsfromoaklandtobostonusingcontinentalairlines OB-flight_daysOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_name
whatflightsfromtacomatoorlandoonsaturday OOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
whatarethecoachclassfaresonflightsfrompittsburghtoatlanta OOOB-class_typeI-class_typeOOOOB-fromloc.city_nameOB-toloc.city_name
whatisthemeaningofrestrictionap80 OOOOOOB-restriction_code
ineedaflightfromlosangelestocharlottetoday OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-depart_date.today_relative
whatisrestrictionap80 OOOB-restriction_code
showmeallflightsfromatlantatosanfranciscowhichleavethedayaftertomorrowafter5o'clockpm OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOB-depart_date.today_relativeI-depart_date.today_relativeI-depart_date.today_relativeI-depart_date.today_relativeB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeI-depart_time.time
ineedaflightfromnewyorktotorontothursdaymaysixarrivingbynoon OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_numberOB-arrive_time.time_relativeB-arrive_time.time
whataremychoicesofflightsleavingearlyafternoonfromminneapolistoindianapolis OOOOOOOB-depart_time.period_of_dayB-depart_time.period_of_dayOB-fromloc.city_nameOB-toloc.city_name
nowineedflightinformationleavingatlantaandarrivinginbaltimoreintheafternoon OOOOOOB-fromloc.city_nameOOOB-toloc.city_nameOOB-arrive_time.period_of_day
pleaselistallflightsfrombaltimoretoatlanta OOOOOB-fromloc.city_nameOB-toloc.city_name
whatarealltheflightsavailablebetweenpittsburghanddallasfortworth OOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_name
fromdenvertopittsburghonapriltwentyfirstineedthecheapestflight OB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_numberOOOB-cost_relativeO
findtheflightsleavingdallasandgoingtosanfranciscothatleaveafter5pm OOOOB-fromloc.city_nameOOOB-toloc.city_nameI-toloc.city_nameOOB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
flightsfromnewyorktomiami OOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
listflightsfromphiladelphiatodallas OOOB-fromloc.city_nameOB-toloc.city_name
ineedaflightfrompittsburghtolosangelesthursdayevening OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameB-depart_date.day_nameB-depart_time.period_of_day
whatisthecheapestflightfromdenvertopittsburghleavingonseptembertwentyeighth OOOB-cost_relativeOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
whatflightsaretherefromhoustontodallas OOOOOB-fromloc.city_nameOB-toloc.city_name
whatdoesgroundtransportationlooklikeinoakland OOOOOOOB-city_name
listallnonstopflightsfromlatopittsburghbefore5pmontuesday OOB-flight_stopOOB-fromloc.city_nameOB-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.timeOB-arrive_date.day_name
showmetheflightsfromdenvertolasvegas OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatflightsareavailablefromdenvertodallasfortworthintheafternoons OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameOOB-depart_time.period_of_day
ineedaflightfromnewyorkcitytomontrealtomorrow OOOOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-depart_date.today_relative
showmethenamesofairlinesinatlanta OOOOOOOB-city_name
i'dliketoflyfromsanfranciscotobostonwithastopoverindallasfortworthandiwanttoflyondeltaairlines OOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOOOB-stoploc.city_nameI-stoploc.city_nameI-stoploc.city_nameOOOOOOB-airline_nameI-airline_name
ineedtofindaplanefrombostontosanfranciscoonfriday OOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_name
showmealistofflightsfromdenvertosanfranciscoforseptemberfirst1991 OOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_numberB-depart_date.year
ineedaflightfromkansascitytonewarkonthefirstofjuly OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOB-depart_date.day_numberOB-depart_date.month_name
whataircrafthasthelargestseatingcapacity OOOOB-modOO
whatisewr OOB-airport_code
whatgroundtransportationisavailableatbaltimore OOOOOOB-city_name
findtravelarrangementsforaroundtripflightfromdallastopittsburgharrivingafter8pm OOOOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
showmeroundtripflightsfromdenvertobaltimorethatofferfirstclassserviceonunited OOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameOOB-class_typeI-class_typeOOB-airline_name
showmethecheapestonewayflightsfromdallastosanfranciscoleavingdallasafter4pm OOOB-cost_relativeB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-fromloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
whatarethefirstclassfaresfromdallastobaltimore OOOB-class_typeI-class_typeOOB-fromloc.city_nameOB-toloc.city_name
showmecontinentalflightsfromchicagotoseattleonsaturdaymorning OOB-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
whatnorthwestairlinesflightsleavedenverbeforenoon OB-airline_nameI-airline_nameOOB-fromloc.city_nameB-depart_time.time_relativeB-depart_time.time
arethereanyflightsnextmondaymorningfrompittsburghtosanfrancisco OOOOB-depart_date.date_relativeB-depart_date.day_nameB-depart_time.period_of_dayOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatdoesfarecodeqomean OOOOB-fare_basis_codeO
showmetheflightsavailablefromsanfranciscotopittsburghfortuesdayandalsotheprice OOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameOOOO
flightsbetweenmilwaukeeandorlandooneway OOB-fromloc.city_nameOB-toloc.city_nameB-round_tripI-round_trip
whatdoesewrmean OOB-airport_codeO
flightsfrombaltimoretosanfrancisco OOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
givemetheearliestflightonamericanairlinestomorrowfromst.petersburgtomilwaukee OOOB-flight_modOOB-airline_nameI-airline_nameB-depart_date.today_relativeOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
whatflightsdoesdeltahavebetweendallasanddenver OOOB-airline_nameOOB-fromloc.city_nameOB-toloc.city_name
iwouldliketoflyfrombostontobaltimoreintheafternoonwhatflightsarethere OOOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.period_of_dayOOOO
wheredoesflightua281frombostontooaklandstop OOOB-airline_codeB-flight_numberOB-fromloc.city_nameOB-toloc.city_nameB-flight_stop
iwouldliketobookaflightfromcharlottetobaltimoreonaprileighth OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
iwouldlikeanonstopflightfromjfktolasvegasonmarchsecond OOOOB-flight_stopOOB-fromloc.airport_codeOB-toloc.city_nameI-toloc.city_nameOB-arrive_date.month_nameB-arrive_date.day_number
thankyouforthatinformationnowiwouldliketobookaflightfromphiladelphiatobostononthenightofaprilsixteenaround9o'clock OOOOOOOOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.period_of_dayOB-depart_date.month_nameB-depart_date.day_numberB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
whatflightdoyouhavefromsanfranciscotopittsburghontheeveningofaugusttwentyseventh OOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.period_of_dayOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
pleasegivemealistofalltheflightsbetweendallasandbaltimoreandtheircost OOOOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOOO
showmethenonstopflightsfromdallastohouston OOOB-flight_stopOOB-fromloc.city_nameOB-toloc.city_name
showmetheflightsfrombostontopittsburghonwednesdayandthursday OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameOB-depart_date.day_name
showmetheflightsarrivingatlovefield OOOOOOB-toloc.airport_nameI-toloc.airport_name
showmetheflightsoutoflovefield OOOOOOB-fromloc.airport_nameI-fromloc.airport_name
whatisthefareforaonewayflightfrombostontoatlanta OOOOOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_name
iwanttoleavephiladelphiaandarriveinatlantaonathursday OOOOB-fromloc.city_nameOOOB-toloc.city_nameOOB-arrive_date.day_name
istherearoundtripflightfrombaltimoretodallasconnectingindenver OOOB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameB-connectOB-stoploc.city_name
whatistheearliestflightfrombostontoatlanta OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_name
givemetheflightsfromchicagotoseattleonsaturdaymorning OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
houstonairports B-city_nameO
iwouldlikeamorningflightfrommilwaukeetodenvercoloradoplease OOOOB-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_nameB-toloc.state_nameO
canyoupleasetellmethetypeofaircraftusedflyingfromatlantatodenveroneasternflight825leavingat555 OOOOOOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameOB-flight_numberOOB-depart_time.time
arethereanyflightsnextmondaymorningfrompittsburghtosanfrancisco OOOOB-depart_date.date_relativeB-depart_date.day_nameB-depart_time.period_of_dayOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatflightsfromnewyorktolosangelesafter10am OOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
showmethefaresfromwashingtontooakland OOOOOB-fromloc.city_nameOB-toloc.city_name
what'sthecheapestfirstclassairfarefrompittsburghtosanfrancisco OOOB-cost_relativeB-class_typeI-class_typeOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatisfarecodeh OOOOB-fare_basis_code
showmesaturdayandsunday'sflightsfrommilwaukeetophoenixonamericanairlines OOB-depart_date.day_nameOB-depart_date.day_nameI-depart_date.day_nameOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_name
howmuchdoesitcosttoflyonewayfrombostontowashingtonfirstclass OOOOOOOB-round_tripI-round_tripOB-fromloc.city_nameOB-toloc.city_nameB-class_typeI-class_type
couldihavetheflightsfromnewarktoorlandoplease OOOOOOB-fromloc.city_nameOB-toloc.city_nameO
whatisthecheapestflightfromdenvertooakland OOOB-cost_relativeOOB-fromloc.city_nameOB-toloc.city_name
showmethelistofflightsbetweenphiladelphiaanddenverthatleaveintheafternoon OOOOOOOB-fromloc.city_nameOB-toloc.city_nameOOOOB-depart_time.period_of_day
whatisthecheapestflightfromlongbeachtomemphis OOOB-cost_relativeOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
showmeallflightsfromdenvertopittsburghwhichservedinner OOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-meal_description
listtheshortestflightfromsanjosetohouston OOB-flight_modOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
showmeflightsfromdenvertobostonontuesday OOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
iwanttotravelfrombaltimoretowashingtononamonday OOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_date.day_name
showmefaresleavingontuesdaysfromdenvertogotodallas OOOOOB-depart_date.day_nameOB-fromloc.city_nameOOOB-toloc.city_name
whatisthecostofaroundtripticketfirstclassbetweenoakandatl OOOOOOB-round_tripI-round_tripOB-class_typeI-class_typeOB-fromloc.airport_codeOB-toloc.airport_code
showmeroundtripfaresfromlasvegastohoustonnonstop OOB-round_tripI-round_tripOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-flight_stop
showmetheflightsfromatlantatophiladelphia OOOOOB-fromloc.city_nameOB-toloc.city_name
whatflightsareavailablefromdenvertophiladelphiawithstopoverinpittsburgh OOOOOB-fromloc.city_nameOB-toloc.city_nameOOOB-stoploc.city_name
whatdoesthefarecodeqwmean OOOOOB-fare_basis_codeO
tellmeaboutgroundtransportationbetweenthedallasfortworthairportanddowntowndallas OOOOOOOB-fromloc.airport_nameI-fromloc.airport_nameI-fromloc.airport_nameI-fromloc.airport_nameOOB-toloc.city_name
flightsfromphoenixtolasvegas OOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
listalldirectflightsfrombostontodenver OOB-connectOOB-fromloc.city_nameOB-toloc.city_name
whataretheflightsfrombostontosanfrancisco OOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
ineedinformationonaflightfrombostontodenver OOOOOOOB-fromloc.city_nameOB-toloc.city_name
whatisthecheapestflightfromdenvertopittsburghonjulytwentysixth OOOB-cost_relativeOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
whatarethecoachflightsbetweendallasandbaltimoreleavingaugusttenthandreturningaugusttwelve OOOB-class_typeOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_numberOOB-return_date.month_nameB-return_date.day_number
okaywhatiwouldliketoknowisdoestwaflight505fromcharlottetolasvegaswithastopinst.louisservedinnerthat'stwaflight505or163 OOOOOOOOOB-airline_codeOB-flight_numberOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOB-stoploc.city_nameI-stoploc.city_nameOB-meal_descriptionOOB-airline_codeOB-flight_numberB-orB-flight_number
okaythatone'sgreattoonowwe'regoingtogoonapriltwentyseconddallastowashingtonthelatestnighttimedepartureoneway OOOOOOOOOOOOOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_numberB-fromloc.city_nameOB-toloc.city_nameOB-flight_modB-depart_time.period_of_dayOB-round_tripI-round_trip
what'stheearliestflightfromsanfranciscotoboston OOOB-flight_modOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
showbusinessclassfaresfromsanfranciscotodenveronunitedairlines OB-class_typeI-class_typeOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_name
showmeflightsfromtampatost.louis OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatflightsgofrombostontoatlantanexttuesday OOOOB-fromloc.city_nameOB-toloc.city_nameB-depart_date.date_relativeB-depart_date.day_name
pleaselisttheflightsleavingfromst.louistost.paulafter10am OOOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
showallflightsbetweensanfranciscoandphiladelphiaforseptemberfifteenth OOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
ineedaflightfromsanfranciscotobostonthatleavesafter8pm OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
showmetheflightsfrommontrealtochicago OOOOOB-fromloc.city_nameOB-toloc.city_name
whatflightsdoyouhavefromontario OOOOOOB-fromloc.city_name
what'sthepriceoftheleastexpensivefirstclassroundtripticketonusairfromclevelandtomiami OOOOOOB-cost_relativeI-cost_relativeB-class_typeI-class_typeB-round_tripI-round_tripOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.city_name
arethereanyturbopropflightsfrompittsburghtobaltimoreondecemberseventeenth OOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
showflightsfrompittsburghtooakland OOOB-fromloc.city_nameOB-toloc.city_name
showmethedinnerflightsfrombaltimoretooakland OOOB-meal_descriptionOOB-fromloc.city_nameOB-toloc.city_name
pleasefindtheearliestpossibleflightfrombostontodenver OOOB-flight_modOOOB-fromloc.city_nameOB-toloc.city_name
showmetheflightsfromlovefieldtoanyotherairport OOOOOB-fromloc.airport_nameI-fromloc.airport_nameOOOO
canigetataxifromlongbeachairporttodowntownlongbeach OOOOB-transport_typeOB-fromloc.city_nameI-fromloc.city_nameOOOB-fromloc.city_nameI-fromloc.city_name
givemeflightsfromatlantatobaltimore OOOOB-fromloc.city_nameOB-toloc.city_name
howlongistheflightfromatlantatosanfranciscoatnoononnovemberseventh OOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_time.timeOB-depart_date.month_nameB-depart_date.day_number
whataretheflightsfrombaltimoretodallasonsundayafternoon OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_day
showmeallflightsfromsanfranciscotooakland OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
whatgroundtransportationisavailablefromthepittsburghairport OOOOOOOB-fromloc.airport_nameI-fromloc.airport_name
listtheairlinesthathavenonstopafternoonflightsfrombostontooakland OOOOOB-flight_stopB-arrive_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_name
whatisthefirstclassfarefromindianapolistoorlando OOOB-class_typeI-class_typeOOB-fromloc.city_nameOB-toloc.city_name
nowshowmetheflightsfrompittsburghtobaltimore OOOOOOB-fromloc.city_nameOB-toloc.city_name
showmealltheflightsonnorthwestairlinesfromnewyorktomilwaukeetolosangeles OOOOOOB-airline_nameI-airline_nameOB-fromloc.city_nameI-fromloc.city_nameOB-stoploc.city_nameOB-toloc.city_nameI-toloc.city_name
whatistheearliestflightthathasnostopsfromwashingtontosanfranciscoonfriday OOOB-flight_modOOOB-flight_stopI-flight_stopOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOB-depart_date.day_name
showmefirstclassfaresfromdallastobaltimore OOB-class_typeI-class_typeOOB-fromloc.city_nameOB-toloc.city_name
flyfromdenvertophiladelphiaoncontinental OOB-fromloc.city_nameOB-toloc.city_nameOB-airline_name
pleaseshowmeagainthefirstclassfaresfrombaltimoretodallas OOOOOB-class_typeI-class_typeOOB-fromloc.city_nameOB-toloc.city_name
showmeallmidwestexpressflightsfromdetroittochicago OOOB-airline_nameOOOB-fromloc.city_nameOB-toloc.city_name
listflightsfromatlantatobostonleavingbetween6pmand10pmonaugusteighth OOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.start_timeI-depart_time.start_timeOB-depart_time.end_timeI-depart_time.end_timeOB-depart_date.month_nameB-depart_date.day_number
informationonafternoonflightsfromphiladelphiatodenver OOB-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_name
greatnowwhatiwanttofindoutisonapriltwentiethfromwashingtontodenverdoyouhaveaflightleastexpensivefarearound5o'clockinthemorning OOOOOOOOOOB-depart_date.month_nameB-depart_date.day_numberOB-fromloc.city_nameOB-toloc.city_nameOOOOOB-cost_relativeI-cost_relativeOB-depart_time.time_relativeB-depart_time.timeI-depart_time.timeOOB-depart_time.period_of_day
ineedaflightfromdenvertophiladelphiaonsaturday OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
showmetheflightsfromwestchestercountytocincinnati OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
whatflightsareavailablefromdenvertophiladelphiaonmonday OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
whatarethecoachfaresforflightsfromnewarktolaleavingafter3pm OOOB-class_typeOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
whatdeltaflightsflyfromwashingtontodallasinthemorning OB-airline_nameOOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.period_of_day
i'dliketomakeatripbetweenatlantaandbostoniwishtoknowthecheapestfare OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOOOOOB-cost_relativeO
givemethefirstflightfrombostontoatlanta OOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_name
doesamericanairlinesflyfrombostontosanfrancisco OB-airline_nameI-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatflightsgofromdallastotampa OOOOB-fromloc.city_nameOB-toloc.city_name
thankyouialsoneedtotravelnextwednesdayeveningfromdallastosanfrancisco OOOOOOOB-depart_date.date_relativeB-depart_date.day_nameB-depart_time.period_of_dayOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
showmeairportsinwashingtondc OOOOB-city_nameB-state_code
whatisthecheapestfarefromdallastodenverroundtrip OOOB-cost_relativeOOB-fromloc.city_nameOB-toloc.city_nameB-round_tripI-round_trip
okayandonmayfouriwouldliketogofromatlantatodenverleavingearlyinthemorningaround8 OOOB-depart_date.month_nameB-depart_date.day_numberOOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_time.period_modOOB-depart_time.period_of_dayB-depart_time.time_relativeB-depart_time.time
listtheflightsfromsanfranciscotophiladelphiaonamericanairlines OOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_name
whatdoesfarecodeqomean OOOOB-fare_basis_codeO
doyouhavean819flightfromdenvertosanfrancisco OOOOB-depart_time.timeOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatistheearliestunitedairlinesflightflyingfromdenvertobaltimoreandarrivingonjulyfourth OOOB-flight_modB-airline_nameI-airline_nameOOOB-fromloc.city_nameOB-toloc.city_nameOOOB-arrive_date.month_nameB-arrive_date.day_number
iwouldliketobookanearlymorningflightfromtampatocharlotteonaprilsixth OOOOOOB-depart_time.period_of_dayB-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
morningflightfromoaklandtodallas B-depart_time.period_of_dayOOB-fromloc.city_nameOB-toloc.city_name
showmeflightsfromnewyorktomiami OOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
listtheflightsanddeparturetimesforflightsleavingdallasfortworthforbostonafter6pm OOOOB-flight_timeI-flight_timeOOOB-fromloc.city_nameI-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
listflightsfrompittsburghtolosangeleswhichleaveonthursdayafter5pm OOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOB-depart_date.day_nameB-depart_time.time_relativeB-depart_time.timeI-depart_time.time
i'dlikeaflightfrombaltimoretobostonasearlyinthemorningasican OOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_time.period_modOOB-depart_time.period_of_dayOOO
showmeallflightsfromoaklandtophiladelphiaonsaturdaywhichserveamealandarriveinphiladelphiabeforenoon OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameOOOB-mealOOOB-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.time
iwouldliketobookaflightfromchicagotoseattleonjunefirst OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
showmeeconomyfaresfromdallastobaltimore OOB-economyOOB-fromloc.city_nameOB-toloc.city_name
pleaselistthepricesforarentalcarinpittsburgh OOOOOOB-transport_typeI-transport_typeOB-city_name
arethereanyflightsfrompittsburghtobostonthatleavebetweennoonand5o'clock OOOOOB-fromloc.city_nameOB-toloc.city_nameOOOB-depart_time.start_timeOB-depart_time.end_timeI-depart_time.end_time
dailyflightsfromnewarktoclevelanddeparting5o'clockpm B-flight_daysOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_time.timeI-depart_time.timeI-depart_time.time
showmetheflightsfrombostontooakland OOOOOB-fromloc.city_nameOB-toloc.city_name
showmetheflightsfromst.petersburgtotorontothatleavemonday OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOB-depart_date.day_name
pleaselistallflightsbetweenbostonandatlanta OOOOOB-fromloc.city_nameOB-toloc.city_name
isthereaflightondeltaairlinesfrombostontodenver OOOOOB-airline_nameI-airline_nameOB-fromloc.city_nameOB-toloc.city_name
givemetheflightsandfaresondecembertwentyseventhfromorlandotoindianapolisairfare OOOOOOOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_numberOB-fromloc.city_nameOB-toloc.city_nameO
givemeallnonstopsfromnewyorktovegasthatarriveonasunday OOOB-flight_stopOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOOOOB-arrive_date.day_name
whatflightsleavebostonandarriveinphiladelphiabefore7am OOOB-fromloc.city_nameOOOB-toloc.city_nameB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.time
i'dlikeaflightfrombostontosanfranciscoleavingintheafternoonanytimeplease OOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOB-depart_time.period_of_dayOOO
flight417fromcincinnatitodallas OB-flight_numberOB-fromloc.city_nameOB-toloc.city_name
listflightsfromhoustontomemphisjunetwentyninth OOOB-fromloc.city_nameOB-toloc.city_nameB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
listflightsfromdallastosanfrancisco OOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
pleaserepeattheflightdeparturesformondayaugustnineteenthfromdenvertopittsburgh OOOOOOB-depart_date.day_nameB-depart_date.month_nameB-depart_date.day_numberOB-fromloc.city_nameOB-toloc.city_name
wheredoescontinentalflytofromchicago OOB-airline_nameOOOB-fromloc.city_name
whatgroundtransportationisavailablefromthedenverairporttodowntowndenver OOOOOOOB-fromloc.airport_nameI-fromloc.airport_nameOOB-toloc.city_name
fromkansascitytosaltlakecityondeltaarrivearound8pmtomorrow OB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameI-toloc.city_nameOB-airline_nameOB-arrive_time.time_relativeB-arrive_time.timeI-arrive_time.timeB-arrive_date.today_relative
isthereaflightontwafrombaltimoretosanfranciscowithastopindenver OOOOOB-airline_codeOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOB-stoploc.city_name
phoenixtonewarkwednesday B-fromloc.city_nameOB-toloc.city_nameB-depart_date.day_name
newarktocleveland B-fromloc.city_nameOB-toloc.city_name
whatflightsleavefromphoenix OOOOB-fromloc.city_name
flightinformationfrompittsburghtodenver OOOB-fromloc.city_nameOB-toloc.city_name
showmeflightsfromdenvertophiladelphia OOOOB-fromloc.city_nameOB-toloc.city_name
showmegroundtransportationindenver OOOOOB-city_name
whichairlinesflyfrombostontowashingtondc OOOOB-fromloc.city_nameOB-toloc.city_nameB-toloc.state_code
okayandcanyoutellmeforflightsdepartingfromdallastophiladelphiathelatestflightyouwouldhavedepartingfromdallastophiladelphia OOOOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-flight_modOOOOOOB-fromloc.city_nameOB-toloc.city_name
showmetheflightsfrombostontodenveronaugustsecond OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.month_nameB-depart_date.day_number
showmealltheflightsonunitedleavingfromboston OOOOOOB-airline_nameOOB-fromloc.city_name
couldyoupleasetellmethefirstflightleavingbaltimoretosanfranciscoona747onaugusttwentyseventh OOOOOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOB-aircraft_codeOB-depart_date.month_nameB-depart_date.day_numberI-depart_date.day_number
pleasegivemeflightsfromatlantatobostononwednesdayafternoonandthursdaymorning OOOOOB-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_nameB-depart_time.period_of_dayOB-depart_date.day_nameB-depart_time.period_of_day
showallflightsleavingmondaymorningfrombostontopittsburgh OOOOB-depart_date.day_nameB-depart_time.period_of_dayOB-fromloc.city_nameOB-toloc.city_name
showmethedeltaflightsfromsanfranciscotoboston OOOB-airline_nameOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_name
showmetheflightsfrombaltimoretooakland OOOOOB-fromloc.city_nameOB-toloc.city_name
whattypeofaircraftareusedonflightsfromclevelandtodallasthatleavebeforenoon OOOOOOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.time_relativeB-depart_time.time
verywelli'mworkingonscenariothreei'minterestedinaflightona727fromwashingtondctoatlantageorgia OOOOOOOOOOOOOOOOB-aircraft_codeOB-fromloc.city_nameB-fromloc.state_codeOB-toloc.city_nameB-toloc.state_name
flightfromdctosaltlakecity OOB-fromloc.state_codeOB-toloc.city_nameI-toloc.city_nameI-toloc.city_name
i'dliketomakeatripfromwashingtontosanfrancisco OOOOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
isthereanairlinethatservicesbostondcanddallas OOOOOOB-fromloc.city_nameB-fromloc.state_codeOB-fromloc.city_name
airlinethatstandsfordl OOOOB-airline_code
iwouldliketoseetheflightsfromdenvertophiladelphia OOOOOOOOB-fromloc.city_nameOB-toloc.city_name
showmethecheapestonewayflightsfrompittsburghtodallasleavingpittsburghbetweennoonand2pm OOOB-cost_relativeB-round_tripI-round_tripOOB-fromloc.city_nameOB-toloc.city_nameOB-fromloc.city_nameOB-depart_time.start_timeOB-depart_time.end_timeI-depart_time.end_time
showallflightswithfirstclassfrombaltimoretodallas OOOOB-class_typeI-class_typeOB-fromloc.city_nameOB-toloc.city_name
i'dliketheearliestflightfromdallastoboston OOOOB-flight_modOOB-fromloc.city_nameOB-toloc.city_name
whatarethecoachfaresforflightsfrompittsburghtodenver OOOB-class_typeOOOOB-fromloc.city_nameOB-toloc.city_name
whatflightscanitakebetweenbostonandatlantasothatwhenileavebostoniwillhavethemaximumamountoftimeonthegroundinatlantaandstillreturninthesameday OOOOOOB-fromloc.city_nameOB-toloc.city_nameOOOOOB-fromloc.city_nameOOOOOOOOOOOOB-toloc.city_nameOOOOOOB-return_date.date_relative
showmetheflightsfromphiladelphiatoatlantageorgia OOOOOB-fromloc.city_nameOB-toloc.city_nameB-toloc.state_name
we'regoingfromdenvertosanfrancisco OOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
whatairlineshaveflightsfrombaltimoretoseattle OOOOOB-fromloc.city_nameOB-toloc.city_name
showmealltheflightsfrommilwaukeetoorlandothatleaveafternoononwednesdayandbeforenoononthursday OOOOOOB-fromloc.city_nameOB-toloc.city_nameOOB-depart_time.time_relativeB-depart_time.timeOB-depart_date.day_nameOB-depart_time.time_relativeB-depart_time.timeOB-depart_date.day_name
whatairlinesgotopittsburgh OOOOB-toloc.city_name
i'dliketoflyfromphiladelphiatosanfranciscowithastopoverindallas OOOOOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOB-stoploc.city_name
whatisthegroundtransportationavailableinthecityoffortworth OOOOOOOOOOB-city_nameI-city_name
whatareyourflightsfromdallastobaltimore OOOOOB-fromloc.city_nameOB-toloc.city_name
showmeroundtripsfromhoustontolasvegasnonstop OOB-round_tripI-round_tripOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameB-flight_stop
pleaselistallflightsfromsanfranciscotopittsburghonsunday OOOOOB-fromloc.city_nameI-fromloc.city_nameOB-toloc.city_nameOB-depart_date.day_name
iwantaflightfromphiladelphiatodallaswithastopinatlanta OOOOOB-fromloc.city_nameOB-toloc.city_nameOOOOB-stoploc.city_name
whatistheairfareforflightsfromdenvertopittsburghondeltaairline OOOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-airline_nameI-airline_name
doyouhaveanyflightsfromdenvertobaltimoreviadallas OOOOOOB-fromloc.city_nameOB-toloc.city_nameOB-stoploc.city_name
whichairlinesflyintoandoutofdenver OOOOOOOB-city_name
doescontinentalflyfrombostontosanfranciscowithastopindenver OB-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_nameOOOOB-stoploc.city_name
isthereadeltaflightfromdenvertosanfrancisco OOOB-airline_nameOOB-fromloc.city_nameOB-toloc.city_nameI-toloc.city_name
import paddlepalm as palm
if __name__ == '__main__':
controller = palm.Controller('config.yaml', task_dir='tasks')
controller.load_pretrain('../../pretrain/ernie-en-uncased-large/params')
controller.train()
controller = palm.Controller(config='config.yaml', task_dir='tasks', for_train=False)
controller.pred('atis_slot', inference_model_dir='output_model/fourthrun/atis_slot/infer_model')
export CUDA_VISIBLE_DEVICES=0
python run.py
train_file: "data/atis_slot/train.tsv"
pred_file: "data/atis_slot/test.tsv"
label_map_config: "data/atis_slot/label_map.json"
reader: ner
paradigm: ner
n_classes: 130
use_crf: true
# -*- coding: UTF-8 -*-
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
from paddlepalm.interface import reader
from paddlepalm.reader.utils.reader4ernie import SequenceLabelReader, ClassifyReader
class Reader(reader):
def __init__(self, config, phase='train', dev_count=1, print_prefix=''):
"""
Args:
phase: train, eval, pred
"""
self._is_training = phase == 'train'
reader = SequenceLabelReader(config['vocab_path'],
max_seq_len=config['max_seq_len'],
do_lower_case=config.get('do_lower_case', False),
for_cn=config.get('for_cn', False),
random_seed=config.get('seed', None),
label_map_config=config['label_map_config']
)
self._reader = reader
self._dev_count = dev_count
self._batch_size = config['batch_size']
self._max_seq_len = config['max_seq_len']
self._num_classes = config['n_classes']
if phase == 'train':
self._input_file = config['train_file']
self._num_epochs = None # 防止iteartor终止
self._shuffle = config.get('shuffle', True)
# self._shuffle_buffer = config.get('shuffle_buffer', 5000)
elif phase == 'eval':
self._input_file = config['dev_file']
self._num_epochs = 1
self._shuffle = False
self._batch_size = config.get('pred_batch_size', self._batch_size)
elif phase == 'pred':
self._input_file = config['pred_file']
self._num_epochs = 1
self._shuffle = False
self._batch_size = config.get('pred_batch_size', self._batch_size)
self._phase = phase
self._print_first_n = config.get('print_first_n', 0)
@property
def outputs_attr(self):
rets = {"token_ids": [[-1, -1], 'int64'],
"position_ids": [[-1, -1], 'int64'],
"segment_ids": [[-1, -1], 'int64'],
"task_ids": [[-1, -1], 'int64'],
"input_mask": [[-1, -1, 1], 'float32'],
"seq_lens": [[-1], 'int64']
}
if self._is_training:
rets.update({"label_ids": [[-1, -1], 'int64']})
return rets
def load_data(self):
self._data_generator = self._reader.data_generator(self._input_file, self._batch_size, self._num_epochs, dev_count=self._dev_count, shuffle=self._shuffle, phase=self._phase)
def iterator(self):
def list_to_dict(x):
names = ['token_ids', 'segment_ids', 'position_ids', 'task_ids', 'input_mask',
'label_ids', 'seq_lens']
outputs = {n: i for n,i in zip(names, x)}
if not self._is_training:
del outputs['label_ids']
return outputs
for batch in self._data_generator():
yield list_to_dict(batch)
def get_epoch_outputs(self):
return {'examples': self._reader.get_examples(self._phase),
'features': self._reader.get_features(self._phase)}
@property
def num_examples(self):
return self._reader.get_num_examples(phase=self._phase)
......@@ -615,19 +615,7 @@ class SequenceLabelReader(BaseReader):
ret_labels.append(label)
continue
if label == "O" or label.startswith("I-"):
ret_labels.extend([label] * len(sub_token))
elif label.startswith("B-"):
i_label = "I-" + label[2:]
ret_labels.extend([label] + [i_label] * (len(sub_token) - 1))
elif label.startswith("S-"):
b_laebl = "B-" + label[2:]
e_label = "E-" + label[2:]
i_label = "I-" + label[2:]
ret_labels.extend([b_laebl] + [i_label] * (len(sub_token) - 2) + [e_label])
elif label.startswith("E-"):
i_label = "I-" + label[2:]
ret_labels.extend([i_label] * (len(sub_token) - 1) + [label])
ret_labels.extend([label] * len(sub_token))
assert len(ret_tokens) == len(ret_labels)
return ret_tokens, ret_labels
......@@ -646,6 +634,9 @@ class SequenceLabelReader(BaseReader):
position_ids = list(range(len(token_ids)))
text_type_ids = [0] * len(token_ids)
no_entity_id = len(self.label_map) - 1
labels = [
label if label in self.label_map else u"O" for label in labels
]
label_ids = [no_entity_id] + [
self.label_map[label] for label in labels
] + [no_entity_id]
......
# -*- coding: UTF-8 -*-
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
import paddle.fluid as fluid
from paddle.fluid import layers
from paddlepalm.interface import task_paradigm
import numpy as np
import os
import math
class TaskParadigm(task_paradigm):
'''
Sequence labeling
'''
def __init__(self, config, phase, backbone_config=None):
self._is_training = phase == 'train'
self._hidden_size = backbone_config['hidden_size']
self.num_classes = config['n_classes']
self.learning_rate = config['learning_rate']
if 'initializer_range' in config:
self._param_initializer = config['initializer_range']
else:
self._param_initializer = fluid.initializer.TruncatedNormal(
scale=backbone_config.get('initializer_range', 0.02))
if 'dropout_prob' in config:
self._dropout_prob = config['dropout_prob']
else:
self._dropout_prob = backbone_config.get('hidden_dropout_prob', 0.0)
self._pred_output_path = config.get('pred_output_path', None)
self._use_crf = config.get('use_crf', False)
self._preds = []
@property
def inputs_attrs(self):
reader = {}
bb = {"encoder_outputs": [[-1, -1, -1], 'float32']}
if self._use_crf:
reader["seq_lens"] = [[-1], 'int64']
if self._is_training:
reader["label_ids"] = [[-1, -1], 'int64']
return {'reader': reader, 'backbone': bb}
@property
def outputs_attrs(self):
if self._is_training:
return {'loss': [[1], 'float32']}
else:
if self._use_crf:
return {'crf_decode': [[-1, -1], 'float32']}
else:
return {'logits': [[-1, -1, self.num_classes], 'float32']}
def build(self, inputs, scope_name=''):
token_emb = inputs['backbone']['encoder_outputs']
seq_lens = inputs['reader']['seq_lens']
if self._is_training:
label_ids = inputs['reader']['label_ids']
logits = fluid.layers.fc(
size=self.num_classes,
input=token_emb,
param_attr=fluid.ParamAttr(
initializer=self._param_initializer,
regularizer=fluid.regularizer.L2DecayRegularizer(
regularization_coeff=1e-4)),
bias_attr=fluid.ParamAttr(
name=scope_name+"cls_out_b", initializer=fluid.initializer.Constant(0.)),
num_flatten_dims=2)
# use_crf
if self._use_crf:
if self._is_training:
crf_cost = fluid.layers.linear_chain_crf(
input=logits,
label=label_ids,
param_attr=fluid.ParamAttr(
name=scope_name+'crfw', learning_rate=self.learning_rate),
length=seq_lens)
avg_cost = fluid.layers.mean(x=crf_cost)
crf_decode = fluid.layers.crf_decoding(
input=logits,
param_attr=fluid.ParamAttr(name=scope_name+'crfw'),
length=seq_lens)
return {"loss": avg_cost}
else:
size = self.num_classes
fluid.layers.create_parameter(
shape=[size+2, size], dtype=logits.dtype, name=scope_name+'crfw')
crf_decode = fluid.layers.crf_decoding(
input=logits, param_attr=fluid.ParamAttr(name=scope_name+'crfw'),
length=seq_lens)
return {"crf_decode": crf_decode}
else:
if self._is_training:
probs = fluid.layers.softmax(logits)
ce_loss = fluid.layers.cross_entropy(
input=probs, label=label_ids)
avg_cost = fluid.layers.mean(x=ce_loss)
return {"loss": avg_cost}
else:
return {"logits": logits}
def postprocess(self, rt_outputs):
if not self._is_training:
if self._use_crf:
preds = rt_outputs['crf_decode']
else:
logits = rt_outputs['logits']
preds = np.argmax(logits, -1)
self._preds.extend(preds.tolist())
def epoch_postprocess(self, post_inputs):
# there is no post_inputs needed and not declared in epoch_inputs_attrs, hence no elements exist in post_inputs
if not self._is_training:
if self._pred_output_path is None:
raise ValueError('argument pred_output_path not found in config. Please add it into config dict/file.')
with open(os.path.join(self._pred_output_path, 'predictions.json'), 'w') as writer:
for p in self._preds:
writer.write(str(p)+'\n')
print('Predictions saved at '+os.path.join(self._pred_output_path, 'predictions.json'))
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册